xinference 1.10.0__py3-none-any.whl → 1.11.0__py3-none-any.whl

This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.

Potentially problematic release.


This version of xinference might be problematic. Click here for more details.

Files changed (328) hide show
  1. xinference/_version.py +3 -3
  2. xinference/api/restful_api.py +473 -31
  3. xinference/client/restful/async_restful_client.py +178 -8
  4. xinference/client/restful/restful_client.py +151 -3
  5. xinference/core/supervisor.py +99 -53
  6. xinference/core/worker.py +10 -0
  7. xinference/deploy/cmdline.py +15 -0
  8. xinference/model/audio/core.py +21 -6
  9. xinference/model/audio/indextts2.py +166 -0
  10. xinference/model/audio/model_spec.json +58 -21
  11. xinference/model/image/model_spec.json +159 -90
  12. xinference/model/image/stable_diffusion/core.py +13 -4
  13. xinference/model/llm/__init__.py +6 -2
  14. xinference/model/llm/llm_family.json +1299 -174
  15. xinference/model/llm/mlx/distributed_models/core.py +41 -0
  16. xinference/model/llm/mlx/distributed_models/qwen2.py +1 -2
  17. xinference/model/llm/sglang/core.py +44 -11
  18. xinference/model/llm/tool_parsers/deepseek_r1_tool_parser.py +94 -32
  19. xinference/model/llm/tool_parsers/qwen_tool_parser.py +29 -4
  20. xinference/model/llm/transformers/chatglm.py +3 -0
  21. xinference/model/llm/transformers/core.py +129 -36
  22. xinference/model/llm/transformers/multimodal/minicpmv45.py +340 -0
  23. xinference/model/llm/transformers/multimodal/qwen2_vl.py +34 -8
  24. xinference/model/llm/transformers/utils.py +23 -0
  25. xinference/model/llm/utils.py +48 -32
  26. xinference/model/llm/vllm/core.py +207 -72
  27. xinference/model/utils.py +74 -31
  28. xinference/thirdparty/audiotools/__init__.py +10 -0
  29. xinference/thirdparty/audiotools/core/__init__.py +4 -0
  30. xinference/thirdparty/audiotools/core/audio_signal.py +1682 -0
  31. xinference/thirdparty/audiotools/core/display.py +194 -0
  32. xinference/thirdparty/audiotools/core/dsp.py +390 -0
  33. xinference/thirdparty/audiotools/core/effects.py +647 -0
  34. xinference/thirdparty/audiotools/core/ffmpeg.py +211 -0
  35. xinference/thirdparty/audiotools/core/loudness.py +320 -0
  36. xinference/thirdparty/audiotools/core/playback.py +252 -0
  37. xinference/thirdparty/audiotools/core/templates/__init__.py +0 -0
  38. xinference/thirdparty/audiotools/core/templates/headers.html +322 -0
  39. xinference/thirdparty/audiotools/core/templates/pandoc.css +407 -0
  40. xinference/thirdparty/audiotools/core/templates/widget.html +52 -0
  41. xinference/thirdparty/audiotools/core/util.py +671 -0
  42. xinference/thirdparty/audiotools/core/whisper.py +97 -0
  43. xinference/thirdparty/audiotools/data/__init__.py +3 -0
  44. xinference/thirdparty/audiotools/data/datasets.py +517 -0
  45. xinference/thirdparty/audiotools/data/preprocess.py +81 -0
  46. xinference/thirdparty/audiotools/data/transforms.py +1592 -0
  47. xinference/thirdparty/audiotools/metrics/__init__.py +6 -0
  48. xinference/thirdparty/audiotools/metrics/distance.py +131 -0
  49. xinference/thirdparty/audiotools/metrics/quality.py +159 -0
  50. xinference/thirdparty/audiotools/metrics/spectral.py +247 -0
  51. xinference/thirdparty/audiotools/ml/__init__.py +5 -0
  52. xinference/thirdparty/audiotools/ml/accelerator.py +184 -0
  53. xinference/thirdparty/audiotools/ml/decorators.py +440 -0
  54. xinference/thirdparty/audiotools/ml/experiment.py +90 -0
  55. xinference/thirdparty/audiotools/ml/layers/__init__.py +2 -0
  56. xinference/thirdparty/audiotools/ml/layers/base.py +328 -0
  57. xinference/thirdparty/audiotools/ml/layers/spectral_gate.py +127 -0
  58. xinference/thirdparty/audiotools/post.py +140 -0
  59. xinference/thirdparty/audiotools/preference.py +600 -0
  60. xinference/thirdparty/fish_speech/fish_speech/text/chn_text_norm/text.py +1 -1
  61. xinference/thirdparty/indextts/BigVGAN/ECAPA_TDNN.py +656 -0
  62. xinference/thirdparty/indextts/BigVGAN/__init__.py +0 -0
  63. xinference/thirdparty/indextts/BigVGAN/activations.py +122 -0
  64. xinference/thirdparty/indextts/BigVGAN/alias_free_activation/__init__.py +0 -0
  65. xinference/thirdparty/indextts/BigVGAN/alias_free_activation/cuda/.gitignore +1 -0
  66. xinference/thirdparty/indextts/BigVGAN/alias_free_activation/cuda/__init__.py +0 -0
  67. xinference/thirdparty/indextts/BigVGAN/alias_free_activation/cuda/activation1d.py +76 -0
  68. xinference/thirdparty/indextts/BigVGAN/alias_free_activation/cuda/anti_alias_activation.cpp +23 -0
  69. xinference/thirdparty/indextts/BigVGAN/alias_free_activation/cuda/anti_alias_activation_cuda.cu +256 -0
  70. xinference/thirdparty/indextts/BigVGAN/alias_free_activation/cuda/compat.h +29 -0
  71. xinference/thirdparty/indextts/BigVGAN/alias_free_activation/cuda/load.py +121 -0
  72. xinference/thirdparty/indextts/BigVGAN/alias_free_activation/cuda/type_shim.h +92 -0
  73. xinference/thirdparty/indextts/BigVGAN/alias_free_activation/torch/__init__.py +6 -0
  74. xinference/thirdparty/indextts/BigVGAN/alias_free_activation/torch/act.py +31 -0
  75. xinference/thirdparty/indextts/BigVGAN/alias_free_activation/torch/filter.py +102 -0
  76. xinference/thirdparty/indextts/BigVGAN/alias_free_activation/torch/resample.py +58 -0
  77. xinference/thirdparty/indextts/BigVGAN/alias_free_torch/__init__.py +6 -0
  78. xinference/thirdparty/indextts/BigVGAN/alias_free_torch/act.py +29 -0
  79. xinference/thirdparty/indextts/BigVGAN/alias_free_torch/filter.py +96 -0
  80. xinference/thirdparty/indextts/BigVGAN/alias_free_torch/resample.py +49 -0
  81. xinference/thirdparty/indextts/BigVGAN/bigvgan.py +534 -0
  82. xinference/thirdparty/indextts/BigVGAN/models.py +451 -0
  83. xinference/thirdparty/indextts/BigVGAN/nnet/CNN.py +546 -0
  84. xinference/thirdparty/indextts/BigVGAN/nnet/__init__.py +0 -0
  85. xinference/thirdparty/indextts/BigVGAN/nnet/linear.py +89 -0
  86. xinference/thirdparty/indextts/BigVGAN/nnet/normalization.py +670 -0
  87. xinference/thirdparty/indextts/BigVGAN/utils.py +101 -0
  88. xinference/thirdparty/indextts/__init__.py +0 -0
  89. xinference/thirdparty/indextts/cli.py +65 -0
  90. xinference/thirdparty/indextts/gpt/__init__.py +0 -0
  91. xinference/thirdparty/indextts/gpt/conformer/__init__.py +0 -0
  92. xinference/thirdparty/indextts/gpt/conformer/attention.py +312 -0
  93. xinference/thirdparty/indextts/gpt/conformer/embedding.py +163 -0
  94. xinference/thirdparty/indextts/gpt/conformer/subsampling.py +348 -0
  95. xinference/thirdparty/indextts/gpt/conformer_encoder.py +520 -0
  96. xinference/thirdparty/indextts/gpt/model.py +713 -0
  97. xinference/thirdparty/indextts/gpt/model_v2.py +747 -0
  98. xinference/thirdparty/indextts/gpt/perceiver.py +317 -0
  99. xinference/thirdparty/indextts/gpt/transformers_beam_search.py +1013 -0
  100. xinference/thirdparty/indextts/gpt/transformers_generation_utils.py +4747 -0
  101. xinference/thirdparty/indextts/gpt/transformers_gpt2.py +1878 -0
  102. xinference/thirdparty/indextts/gpt/transformers_modeling_utils.py +5525 -0
  103. xinference/thirdparty/indextts/infer.py +690 -0
  104. xinference/thirdparty/indextts/infer_v2.py +739 -0
  105. xinference/thirdparty/indextts/s2mel/dac/__init__.py +16 -0
  106. xinference/thirdparty/indextts/s2mel/dac/__main__.py +36 -0
  107. xinference/thirdparty/indextts/s2mel/dac/model/__init__.py +4 -0
  108. xinference/thirdparty/indextts/s2mel/dac/model/base.py +294 -0
  109. xinference/thirdparty/indextts/s2mel/dac/model/dac.py +400 -0
  110. xinference/thirdparty/indextts/s2mel/dac/model/discriminator.py +228 -0
  111. xinference/thirdparty/indextts/s2mel/dac/model/encodec.py +320 -0
  112. xinference/thirdparty/indextts/s2mel/dac/nn/__init__.py +3 -0
  113. xinference/thirdparty/indextts/s2mel/dac/nn/layers.py +33 -0
  114. xinference/thirdparty/indextts/s2mel/dac/nn/loss.py +368 -0
  115. xinference/thirdparty/indextts/s2mel/dac/nn/quantize.py +339 -0
  116. xinference/thirdparty/indextts/s2mel/dac/utils/__init__.py +123 -0
  117. xinference/thirdparty/indextts/s2mel/dac/utils/decode.py +95 -0
  118. xinference/thirdparty/indextts/s2mel/dac/utils/encode.py +94 -0
  119. xinference/thirdparty/indextts/s2mel/hf_utils.py +12 -0
  120. xinference/thirdparty/indextts/s2mel/modules/alias_free_torch/__init__.py +5 -0
  121. xinference/thirdparty/indextts/s2mel/modules/alias_free_torch/act.py +29 -0
  122. xinference/thirdparty/indextts/s2mel/modules/alias_free_torch/filter.py +96 -0
  123. xinference/thirdparty/indextts/s2mel/modules/alias_free_torch/resample.py +57 -0
  124. xinference/thirdparty/indextts/s2mel/modules/audio.py +82 -0
  125. xinference/thirdparty/indextts/s2mel/modules/bigvgan/activations.py +120 -0
  126. xinference/thirdparty/indextts/s2mel/modules/bigvgan/alias_free_activation/cuda/__init__.py +0 -0
  127. xinference/thirdparty/indextts/s2mel/modules/bigvgan/alias_free_activation/cuda/activation1d.py +77 -0
  128. xinference/thirdparty/indextts/s2mel/modules/bigvgan/alias_free_activation/cuda/anti_alias_activation.cpp +23 -0
  129. xinference/thirdparty/indextts/s2mel/modules/bigvgan/alias_free_activation/cuda/anti_alias_activation_cuda.cu +246 -0
  130. xinference/thirdparty/indextts/s2mel/modules/bigvgan/alias_free_activation/cuda/compat.h +29 -0
  131. xinference/thirdparty/indextts/s2mel/modules/bigvgan/alias_free_activation/cuda/load.py +86 -0
  132. xinference/thirdparty/indextts/s2mel/modules/bigvgan/alias_free_activation/cuda/type_shim.h +92 -0
  133. xinference/thirdparty/indextts/s2mel/modules/bigvgan/alias_free_activation/torch/__init__.py +6 -0
  134. xinference/thirdparty/indextts/s2mel/modules/bigvgan/alias_free_activation/torch/act.py +30 -0
  135. xinference/thirdparty/indextts/s2mel/modules/bigvgan/alias_free_activation/torch/filter.py +101 -0
  136. xinference/thirdparty/indextts/s2mel/modules/bigvgan/alias_free_activation/torch/resample.py +58 -0
  137. xinference/thirdparty/indextts/s2mel/modules/bigvgan/bigvgan.py +492 -0
  138. xinference/thirdparty/indextts/s2mel/modules/bigvgan/config.json +63 -0
  139. xinference/thirdparty/indextts/s2mel/modules/bigvgan/env.py +18 -0
  140. xinference/thirdparty/indextts/s2mel/modules/bigvgan/meldataset.py +354 -0
  141. xinference/thirdparty/indextts/s2mel/modules/bigvgan/utils.py +99 -0
  142. xinference/thirdparty/indextts/s2mel/modules/campplus/DTDNN.py +115 -0
  143. xinference/thirdparty/indextts/s2mel/modules/campplus/classifier.py +70 -0
  144. xinference/thirdparty/indextts/s2mel/modules/campplus/layers.py +253 -0
  145. xinference/thirdparty/indextts/s2mel/modules/commons.py +632 -0
  146. xinference/thirdparty/indextts/s2mel/modules/diffusion_transformer.py +257 -0
  147. xinference/thirdparty/indextts/s2mel/modules/encodec.py +292 -0
  148. xinference/thirdparty/indextts/s2mel/modules/flow_matching.py +171 -0
  149. xinference/thirdparty/indextts/s2mel/modules/gpt_fast/generate.py +436 -0
  150. xinference/thirdparty/indextts/s2mel/modules/gpt_fast/model.py +360 -0
  151. xinference/thirdparty/indextts/s2mel/modules/gpt_fast/quantize.py +622 -0
  152. xinference/thirdparty/indextts/s2mel/modules/hifigan/f0_predictor.py +55 -0
  153. xinference/thirdparty/indextts/s2mel/modules/hifigan/generator.py +454 -0
  154. xinference/thirdparty/indextts/s2mel/modules/layers.py +354 -0
  155. xinference/thirdparty/indextts/s2mel/modules/length_regulator.py +141 -0
  156. xinference/thirdparty/indextts/s2mel/modules/openvoice/__init__.py +0 -0
  157. xinference/thirdparty/indextts/s2mel/modules/openvoice/api.py +186 -0
  158. xinference/thirdparty/indextts/s2mel/modules/openvoice/attentions.py +465 -0
  159. xinference/thirdparty/indextts/s2mel/modules/openvoice/checkpoints_v2/converter/config.json +57 -0
  160. xinference/thirdparty/indextts/s2mel/modules/openvoice/commons.py +160 -0
  161. xinference/thirdparty/indextts/s2mel/modules/openvoice/mel_processing.py +183 -0
  162. xinference/thirdparty/indextts/s2mel/modules/openvoice/models.py +499 -0
  163. xinference/thirdparty/indextts/s2mel/modules/openvoice/modules.py +598 -0
  164. xinference/thirdparty/indextts/s2mel/modules/openvoice/openvoice_app.py +275 -0
  165. xinference/thirdparty/indextts/s2mel/modules/openvoice/se_extractor.py +153 -0
  166. xinference/thirdparty/indextts/s2mel/modules/openvoice/transforms.py +209 -0
  167. xinference/thirdparty/indextts/s2mel/modules/openvoice/utils.py +194 -0
  168. xinference/thirdparty/indextts/s2mel/modules/quantize.py +229 -0
  169. xinference/thirdparty/indextts/s2mel/modules/rmvpe.py +631 -0
  170. xinference/thirdparty/indextts/s2mel/modules/vocos/__init__.py +4 -0
  171. xinference/thirdparty/indextts/s2mel/modules/vocos/heads.py +164 -0
  172. xinference/thirdparty/indextts/s2mel/modules/vocos/helpers.py +71 -0
  173. xinference/thirdparty/indextts/s2mel/modules/vocos/loss.py +114 -0
  174. xinference/thirdparty/indextts/s2mel/modules/vocos/models.py +118 -0
  175. xinference/thirdparty/indextts/s2mel/modules/vocos/modules.py +213 -0
  176. xinference/thirdparty/indextts/s2mel/modules/vocos/pretrained.py +51 -0
  177. xinference/thirdparty/indextts/s2mel/modules/vocos/spectral_ops.py +192 -0
  178. xinference/thirdparty/indextts/s2mel/modules/wavenet.py +174 -0
  179. xinference/thirdparty/indextts/s2mel/optimizers.py +96 -0
  180. xinference/thirdparty/indextts/s2mel/wav2vecbert_extract.py +148 -0
  181. xinference/thirdparty/indextts/utils/__init__.py +0 -0
  182. xinference/thirdparty/indextts/utils/arch_util.py +120 -0
  183. xinference/thirdparty/indextts/utils/checkpoint.py +34 -0
  184. xinference/thirdparty/indextts/utils/common.py +121 -0
  185. xinference/thirdparty/indextts/utils/feature_extractors.py +50 -0
  186. xinference/thirdparty/indextts/utils/front.py +536 -0
  187. xinference/thirdparty/indextts/utils/maskgct/models/codec/__init__.py +0 -0
  188. xinference/thirdparty/indextts/utils/maskgct/models/codec/amphion_codec/codec.py +427 -0
  189. xinference/thirdparty/indextts/utils/maskgct/models/codec/amphion_codec/quantize/__init__.py +11 -0
  190. xinference/thirdparty/indextts/utils/maskgct/models/codec/amphion_codec/quantize/factorized_vector_quantize.py +150 -0
  191. xinference/thirdparty/indextts/utils/maskgct/models/codec/amphion_codec/quantize/lookup_free_quantize.py +77 -0
  192. xinference/thirdparty/indextts/utils/maskgct/models/codec/amphion_codec/quantize/residual_vq.py +177 -0
  193. xinference/thirdparty/indextts/utils/maskgct/models/codec/amphion_codec/quantize/vector_quantize.py +401 -0
  194. xinference/thirdparty/indextts/utils/maskgct/models/codec/amphion_codec/vocos.py +881 -0
  195. xinference/thirdparty/indextts/utils/maskgct/models/codec/codec_dataset.py +264 -0
  196. xinference/thirdparty/indextts/utils/maskgct/models/codec/codec_inference.py +515 -0
  197. xinference/thirdparty/indextts/utils/maskgct/models/codec/codec_sampler.py +126 -0
  198. xinference/thirdparty/indextts/utils/maskgct/models/codec/codec_trainer.py +166 -0
  199. xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/__init__.py +0 -0
  200. xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/alias_free_torch/__init__.py +5 -0
  201. xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/alias_free_torch/act.py +29 -0
  202. xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/alias_free_torch/filter.py +96 -0
  203. xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/alias_free_torch/resample.py +57 -0
  204. xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/facodec_dataset.py +98 -0
  205. xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/facodec_inference.py +137 -0
  206. xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/facodec_trainer.py +776 -0
  207. xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/modules/JDC/__init__.py +1 -0
  208. xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/modules/JDC/bst.t7 +0 -0
  209. xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/modules/JDC/model.py +219 -0
  210. xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/modules/attentions.py +437 -0
  211. xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/modules/commons.py +331 -0
  212. xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/modules/gradient_reversal.py +35 -0
  213. xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/modules/layers.py +460 -0
  214. xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/modules/quantize.py +741 -0
  215. xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/modules/style_encoder.py +110 -0
  216. xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/modules/wavenet.py +224 -0
  217. xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/optimizer.py +104 -0
  218. xinference/thirdparty/indextts/utils/maskgct/models/codec/kmeans/repcodec_model.py +210 -0
  219. xinference/thirdparty/indextts/utils/maskgct/models/codec/kmeans/vocos.py +850 -0
  220. xinference/thirdparty/indextts/utils/maskgct/models/codec/melvqgan/melspec.py +108 -0
  221. xinference/thirdparty/indextts/utils/maskgct/models/codec/ns3_codec/README.md +216 -0
  222. xinference/thirdparty/indextts/utils/maskgct/models/codec/ns3_codec/__init__.py +6 -0
  223. xinference/thirdparty/indextts/utils/maskgct/models/codec/ns3_codec/alias_free_torch/__init__.py +5 -0
  224. xinference/thirdparty/indextts/utils/maskgct/models/codec/ns3_codec/alias_free_torch/act.py +29 -0
  225. xinference/thirdparty/indextts/utils/maskgct/models/codec/ns3_codec/alias_free_torch/filter.py +96 -0
  226. xinference/thirdparty/indextts/utils/maskgct/models/codec/ns3_codec/alias_free_torch/resample.py +57 -0
  227. xinference/thirdparty/indextts/utils/maskgct/models/codec/ns3_codec/facodec.py +1222 -0
  228. xinference/thirdparty/indextts/utils/maskgct/models/codec/ns3_codec/gradient_reversal.py +35 -0
  229. xinference/thirdparty/indextts/utils/maskgct/models/codec/ns3_codec/melspec.py +102 -0
  230. xinference/thirdparty/indextts/utils/maskgct/models/codec/ns3_codec/quantize/__init__.py +7 -0
  231. xinference/thirdparty/indextts/utils/maskgct/models/codec/ns3_codec/quantize/fvq.py +116 -0
  232. xinference/thirdparty/indextts/utils/maskgct/models/codec/ns3_codec/quantize/rvq.py +87 -0
  233. xinference/thirdparty/indextts/utils/maskgct/models/codec/ns3_codec/transformer.py +234 -0
  234. xinference/thirdparty/indextts/utils/maskgct/models/codec/speechtokenizer/model.py +184 -0
  235. xinference/thirdparty/indextts/utils/maskgct/models/codec/speechtokenizer/modules/__init__.py +27 -0
  236. xinference/thirdparty/indextts/utils/maskgct/models/codec/speechtokenizer/modules/conv.py +346 -0
  237. xinference/thirdparty/indextts/utils/maskgct/models/codec/speechtokenizer/modules/lstm.py +46 -0
  238. xinference/thirdparty/indextts/utils/maskgct/models/codec/speechtokenizer/modules/norm.py +37 -0
  239. xinference/thirdparty/indextts/utils/maskgct/models/codec/speechtokenizer/modules/quantization/__init__.py +14 -0
  240. xinference/thirdparty/indextts/utils/maskgct/models/codec/speechtokenizer/modules/quantization/ac.py +317 -0
  241. xinference/thirdparty/indextts/utils/maskgct/models/codec/speechtokenizer/modules/quantization/core_vq.py +388 -0
  242. xinference/thirdparty/indextts/utils/maskgct/models/codec/speechtokenizer/modules/quantization/distrib.py +135 -0
  243. xinference/thirdparty/indextts/utils/maskgct/models/codec/speechtokenizer/modules/quantization/vq.py +125 -0
  244. xinference/thirdparty/indextts/utils/maskgct/models/codec/speechtokenizer/modules/seanet.py +414 -0
  245. xinference/thirdparty/indextts/utils/maskgct/models/codec/vevo/vevo_repcodec.py +592 -0
  246. xinference/thirdparty/indextts/utils/maskgct/models/tts/maskgct/ckpt/wav2vec2bert_stats.pt +0 -0
  247. xinference/thirdparty/indextts/utils/maskgct/models/tts/maskgct/llama_nar.py +650 -0
  248. xinference/thirdparty/indextts/utils/maskgct/models/tts/maskgct/maskgct_s2a.py +503 -0
  249. xinference/thirdparty/indextts/utils/maskgct_utils.py +259 -0
  250. xinference/thirdparty/indextts/utils/text_utils.py +41 -0
  251. xinference/thirdparty/indextts/utils/typical_sampling.py +30 -0
  252. xinference/thirdparty/indextts/utils/utils.py +93 -0
  253. xinference/thirdparty/indextts/utils/webui_utils.py +42 -0
  254. xinference/thirdparty/indextts/utils/xtransformers.py +1247 -0
  255. xinference/thirdparty/indextts/vqvae/__init__.py +0 -0
  256. xinference/thirdparty/indextts/vqvae/xtts_dvae.py +395 -0
  257. xinference/thirdparty/melo/text/chinese_mix.py +2 -2
  258. xinference/types.py +9 -0
  259. xinference/ui/gradio/media_interface.py +66 -8
  260. xinference/ui/web/ui/build/asset-manifest.json +6 -6
  261. xinference/ui/web/ui/build/index.html +1 -1
  262. xinference/ui/web/ui/build/static/css/main.5ea97072.css +2 -0
  263. xinference/ui/web/ui/build/static/css/main.5ea97072.css.map +1 -0
  264. xinference/ui/web/ui/build/static/js/main.45e78536.js +3 -0
  265. xinference/ui/web/ui/build/static/js/{main.1086c759.js.LICENSE.txt → main.45e78536.js.LICENSE.txt} +0 -7
  266. xinference/ui/web/ui/build/static/js/main.45e78536.js.map +1 -0
  267. xinference/ui/web/ui/node_modules/.cache/babel-loader/089c38df5f52348d212ed868dda5c518a42e0c2762caed4175487c0405830c35.json +1 -0
  268. xinference/ui/web/ui/node_modules/.cache/babel-loader/2b6e3a5b6eb2c5c5f2d007e68cd46c372721cd52bf63508adcdb21ecf79241d8.json +1 -0
  269. xinference/ui/web/ui/node_modules/.cache/babel-loader/2d887825fd07a56f872eda4420da25fba0b5b62a23bdcc6c6da1a5281887f618.json +1 -0
  270. xinference/ui/web/ui/node_modules/.cache/babel-loader/4001f9c3e64e73a4f2158826650c174a59d5e3f89ddecddf17cbb6bb688cc4ca.json +1 -0
  271. xinference/ui/web/ui/node_modules/.cache/babel-loader/4a7018a69e6b7f90fc313248c2aa86f2a8f1eb1db120df586047a8023549b44b.json +1 -0
  272. xinference/ui/web/ui/node_modules/.cache/babel-loader/64b12aaa1c1d1bf53820ada8a63769067c0ccc5aab46b32348eb1917ae7f2a11.json +1 -0
  273. xinference/ui/web/ui/node_modules/.cache/babel-loader/7275b67c78ec76ce38a686bb8a576d8c9cecf54e1573614c84859d538efb9be5.json +1 -0
  274. xinference/ui/web/ui/node_modules/.cache/babel-loader/a68b6ee3b31eadc051fb95ce8f8ccb9c2e8b52c60f290dbab545a1917e065282.json +1 -0
  275. xinference/ui/web/ui/node_modules/.cache/babel-loader/ae8771cc37693feb160fa8727231312a0c54ef2d1d1ca893be568cd70016ca7e.json +1 -0
  276. xinference/ui/web/ui/node_modules/.cache/babel-loader/bb4e8722d2d41d87f1fce3661bc8937bffe9448e231fc5f0462630849e851592.json +1 -0
  277. xinference/ui/web/ui/node_modules/.cache/babel-loader/be6aada1ee4adc2bbf65dbe56d17db32bb3b5478be05d6b527805a8ba6cfb2b9.json +1 -0
  278. xinference/ui/web/ui/node_modules/.cache/babel-loader/de91c352653c233cf0cb6674e6e04049a44fd0e1156560de65d5c4620521391e.json +1 -0
  279. xinference/ui/web/ui/node_modules/.cache/babel-loader/e85f7002fc325c83b9c9cd8a1619e5b3ebc701d30e811afc284b88e6ae710cb5.json +1 -0
  280. xinference/ui/web/ui/node_modules/.cache/babel-loader/e8b603c78944bf3d213639078bfe155ff5c0dfa4048a93cbb967cad6a4eb4ff3.json +1 -0
  281. xinference/ui/web/ui/node_modules/.cache/babel-loader/ea2a26361204e70cf1018d6990fb6354bed82b3ac69690391e0f100385e7abb7.json +1 -0
  282. xinference/ui/web/ui/node_modules/.cache/babel-loader/f05535160a508b2a312de546a6de234776c613db276479ea4253c0b1bdeeb7d6.json +1 -0
  283. xinference/ui/web/ui/node_modules/.cache/babel-loader/f09ba9e11106bd59a0de10cc85c55084097729dcab575f43dfcf07375961ed87.json +1 -0
  284. xinference/ui/web/ui/node_modules/.package-lock.json +0 -33
  285. xinference/ui/web/ui/package-lock.json +0 -34
  286. xinference/ui/web/ui/package.json +0 -1
  287. xinference/ui/web/ui/src/locales/en.json +9 -3
  288. xinference/ui/web/ui/src/locales/ja.json +9 -3
  289. xinference/ui/web/ui/src/locales/ko.json +9 -3
  290. xinference/ui/web/ui/src/locales/zh.json +9 -3
  291. {xinference-1.10.0.dist-info → xinference-1.11.0.dist-info}/METADATA +24 -6
  292. {xinference-1.10.0.dist-info → xinference-1.11.0.dist-info}/RECORD +296 -77
  293. xinference/ui/web/ui/build/static/css/main.013f296b.css +0 -2
  294. xinference/ui/web/ui/build/static/css/main.013f296b.css.map +0 -1
  295. xinference/ui/web/ui/build/static/js/main.1086c759.js +0 -3
  296. xinference/ui/web/ui/build/static/js/main.1086c759.js.map +0 -1
  297. xinference/ui/web/ui/node_modules/.cache/babel-loader/0b0f77000cc1b482ca091cfbcae511dfe02f08916971645fad21d0b1234d04a2.json +0 -1
  298. xinference/ui/web/ui/node_modules/.cache/babel-loader/1c5f8ff423a7c9202bea60b15680f04b1e9964b445b0da3f86c6ff70cf24e797.json +0 -1
  299. xinference/ui/web/ui/node_modules/.cache/babel-loader/44ce7993e344980e3ed4f13e8f69237d4a5dfc60e37ca6b54f51f8ee1357bd67.json +0 -1
  300. xinference/ui/web/ui/node_modules/.cache/babel-loader/4aec1cc414ac3ebb3481d3d915e4db597d9127de813291346eacb8554ab170d4.json +0 -1
  301. xinference/ui/web/ui/node_modules/.cache/babel-loader/644cfec52f3c57a6e222ce60f112237a1efefe9835efd9aad857a685f53d8eed.json +0 -1
  302. xinference/ui/web/ui/node_modules/.cache/babel-loader/663436f72af53fe0d72394f56d003fa4e0bba489e5bb4e483fd34b00f84637f7.json +0 -1
  303. xinference/ui/web/ui/node_modules/.cache/babel-loader/69db82ca9bfe27fe417cc6cf2b1716b09be9c6f0cd198530f12bfc60e801bbcf.json +0 -1
  304. xinference/ui/web/ui/node_modules/.cache/babel-loader/85087e27618d740c236bf159f30e0219db443ab55f0997388eed5fde6f9e90cc.json +0 -1
  305. xinference/ui/web/ui/node_modules/.cache/babel-loader/88b07838348864aa86c672be3bbca1e9f58f6f3a2881b32070ec27f4e7b449d1.json +0 -1
  306. xinference/ui/web/ui/node_modules/.cache/babel-loader/8b8cd408ccfbe115acef27ccfa5b233da8597131a2a5712add13e1e4d5d4504b.json +0 -1
  307. xinference/ui/web/ui/node_modules/.cache/babel-loader/a23824fe746b9c6ca5eee9159b5764d1ff1653c1d856288c0f75c742bbb0023b.json +0 -1
  308. xinference/ui/web/ui/node_modules/.cache/babel-loader/a3eb18af328280b139693c9092dff2a0ef8c9a967e6c8956ceee0996611f1984.json +0 -1
  309. xinference/ui/web/ui/node_modules/.cache/babel-loader/bc1aacc65a102db325ca61bcd2f681e1ae22c36a1f1d98a6ff5e4ad49dc7544f.json +0 -1
  310. xinference/ui/web/ui/node_modules/.cache/babel-loader/c682fd521747c19dae437d83ce3235a306ce6b68e24a117bc57c27ebb8d1f1ca.json +0 -1
  311. xinference/ui/web/ui/node_modules/.cache/babel-loader/d5c224be7081f18cba1678b7874a9782eba895df004874ff8f243f94ba79942a.json +0 -1
  312. xinference/ui/web/ui/node_modules/.cache/babel-loader/f7f18bfb539b036a6a342176dd98a85df5057a884a8da978d679f2a0264883d0.json +0 -1
  313. xinference/ui/web/ui/node_modules/clipboard/.babelrc.json +0 -11
  314. xinference/ui/web/ui/node_modules/clipboard/.eslintrc.json +0 -24
  315. xinference/ui/web/ui/node_modules/clipboard/.prettierrc.json +0 -9
  316. xinference/ui/web/ui/node_modules/clipboard/bower.json +0 -18
  317. xinference/ui/web/ui/node_modules/clipboard/composer.json +0 -25
  318. xinference/ui/web/ui/node_modules/clipboard/package.json +0 -63
  319. xinference/ui/web/ui/node_modules/delegate/package.json +0 -31
  320. xinference/ui/web/ui/node_modules/good-listener/bower.json +0 -11
  321. xinference/ui/web/ui/node_modules/good-listener/package.json +0 -35
  322. xinference/ui/web/ui/node_modules/select/bower.json +0 -13
  323. xinference/ui/web/ui/node_modules/select/package.json +0 -29
  324. xinference/ui/web/ui/node_modules/tiny-emitter/package.json +0 -53
  325. {xinference-1.10.0.dist-info → xinference-1.11.0.dist-info}/WHEEL +0 -0
  326. {xinference-1.10.0.dist-info → xinference-1.11.0.dist-info}/entry_points.txt +0 -0
  327. {xinference-1.10.0.dist-info → xinference-1.11.0.dist-info}/licenses/LICENSE +0 -0
  328. {xinference-1.10.0.dist-info → xinference-1.11.0.dist-info}/top_level.txt +0 -0
@@ -1,15 +1,15 @@
1
1
  xinference/__init__.py,sha256=nmTTrYbIpj964ZF6ojtgOM7E85JBOj1EyQbmYjbj1jw,915
2
2
  xinference/_compat.py,sha256=YF-lS6tX06zkFi2oFS0yq_LBn4hX_8u0Ft0vKxGALwA,4238
3
- xinference/_version.py,sha256=_EWji1MNqQ79G4kHRFbbD_UdNhdfHKrUEJFT8lnM8fs,498
3
+ xinference/_version.py,sha256=cBZkHcVPJLyNdK63Q2wjOkI98B6wBLDmtE-G9rtycsE,498
4
4
  xinference/conftest.py,sha256=vETDpRBVIlWbWi7OTwf7og89U25KyYGyI7yPIB3O8N8,9564
5
5
  xinference/constants.py,sha256=643I-3Hd-3BU6DRCMrohsW5HYp990WjYi1cbFwAxCL8,5117
6
6
  xinference/device_utils.py,sha256=vt3GpNNfEfuJzXPb49bUnADyM2r4SqgG03ODiJO86sA,4953
7
7
  xinference/fields.py,sha256=FaL9-jXDkn6kwupCmo-F6hh2JvMPJJzRWSUB1NKuhKc,5352
8
8
  xinference/isolation.py,sha256=gTU1em5fxg1m-7hxieWBMZvVkXZX4GZYmeT7XxXsYrU,2699
9
- xinference/types.py,sha256=JvYmp3k693GhubCwz4nOeLTYMKi0eANjR8e6MwcHSl0,14617
9
+ xinference/types.py,sha256=YwAEATfm8CXXdWNYn_Y7AEGiYojFqlq0n5rulaIlQ0k,14842
10
10
  xinference/utils.py,sha256=xMuOg3LZhTUf7inEhm-HmXCIoly0pHaWtMKMnnf8XGk,2273
11
11
  xinference/api/__init__.py,sha256=h_JgzSqV5lP6vQ6XX_17kE4IY4BRnvKta_7VLQAL1ms,581
12
- xinference/api/restful_api.py,sha256=I0aZwL6lKNxZDpApiFbxHVOoo24hdj3OswTC7UmsYMk,119876
12
+ xinference/api/restful_api.py,sha256=7e_ieMPcO7LMOESWd1NYK5w-2zKZMG520KuxPBg_qK4,137149
13
13
  xinference/api/oauth2/__init__.py,sha256=h_JgzSqV5lP6vQ6XX_17kE4IY4BRnvKta_7VLQAL1ms,581
14
14
  xinference/api/oauth2/auth_service.py,sha256=74JzB42fbbmBu4Q1dW3A9Fp_N7167KgRGB42Z0NHjAM,6119
15
15
  xinference/api/oauth2/types.py,sha256=K923sv_XySIUtM2Eozl9IG082IJcDOS5SFLrPZ5ELBg,996
@@ -18,8 +18,8 @@ xinference/client/__init__.py,sha256=TnDlTxUF4dBRhpUgXu-aLsKtnZ3jEE_f4ReGu5Q6XhY
18
18
  xinference/client/common.py,sha256=LqVR27-zVmQSbVy5tyUpXi0VuJw3MRrYMSqOsIH0Ybw,3007
19
19
  xinference/client/handlers.py,sha256=2FdxGJhusLICplu2BoP2SNNYm0QXoGmmoU2xZi9SRQY,1356
20
20
  xinference/client/restful/__init__.py,sha256=h_JgzSqV5lP6vQ6XX_17kE4IY4BRnvKta_7VLQAL1ms,581
21
- xinference/client/restful/async_restful_client.py,sha256=DpvtFyf5Cg6hRDYuvFvO9a59PC8iX4eBAL-VOYo97U0,64493
22
- xinference/client/restful/restful_client.py,sha256=7XXoRmgrj1Gp-LWFEtYoK4FssS19-qIe7dnUaLgvvX8,60821
21
+ xinference/client/restful/async_restful_client.py,sha256=gadoDJ88UuzF_e1oYiPHqMTDgaqSBESaY9mm4fBKx4s,71132
22
+ xinference/client/restful/restful_client.py,sha256=zZhhhjs_I3lQVJwoJW0zTBesCCFCZx8IjhSiH5GOxtM,66790
23
23
  xinference/core/__init__.py,sha256=h_JgzSqV5lP6vQ6XX_17kE4IY4BRnvKta_7VLQAL1ms,581
24
24
  xinference/core/cache_tracker.py,sha256=3ubjYCU5aZToSp2GEuzedECVrg-PR4kThTefrFUkb9g,6971
25
25
  xinference/core/event.py,sha256=42F38H2WOl6aPxp2oxX6WNxHRRxbnvYRmbt4Ar7NP4U,1640
@@ -28,11 +28,11 @@ xinference/core/model.py,sha256=9go5zbuDZ7MvUvymdp4cgX65K1LgxUw-xggZ04eBSfc,3966
28
28
  xinference/core/progress_tracker.py,sha256=CNCc1ZVscvp-JJznPTYJDPuis7ya6ZothZUIalDcxDo,6798
29
29
  xinference/core/resource.py,sha256=aTV89dmuKxw5JnwQglRkA2Wxu1EBLM5WjmLxITSXYgs,1808
30
30
  xinference/core/status_guard.py,sha256=VLhyqpobdclfyzcROqf4bmGDiKpuHllto316X3Z6Hrc,2860
31
- xinference/core/supervisor.py,sha256=Gxo1jFtqDc-yuU5Zg3uaXL3NmADlrAIDy_l2DyUDu48,75814
31
+ xinference/core/supervisor.py,sha256=Ct-N5U_ZjBxDzDfLJKYoztuSxUpmIAxx9pjPfKLD3p4,77750
32
32
  xinference/core/utils.py,sha256=VgcvxpTr2Q8am3MoHp7JPjC7jLYlKX2kLVdBo2Q_fRo,10430
33
- xinference/core/worker.py,sha256=_t2T7xd_47-y4A2i62uZkV4pDpYJebVFqE8eu_PrcLQ,62252
33
+ xinference/core/worker.py,sha256=EDDqz6LeLasaYeeB-5o9r2mz7G5uEJA-sexDaiyK35o,62584
34
34
  xinference/deploy/__init__.py,sha256=h_JgzSqV5lP6vQ6XX_17kE4IY4BRnvKta_7VLQAL1ms,581
35
- xinference/deploy/cmdline.py,sha256=FevYMJj44eLGw2TFho5caJ-0iDdJf0tXpiZDMfFNb9o,52334
35
+ xinference/deploy/cmdline.py,sha256=XMaiXmEVbnHw8YHqVBZ_gRPTYYesxkO-41Vcyt3U5H0,52873
36
36
  xinference/deploy/local.py,sha256=c0NdvmmDYB-CDxXR8cZCcLGje42u92XYcqEhrEVjXa4,5541
37
37
  xinference/deploy/supervisor.py,sha256=68rB2Ey5KFeF6zto9YGbw3P8QLZmF_KSh1NwH_pNP4w,2986
38
38
  xinference/deploy/utils.py,sha256=gEU7mXID00bbi7PxE7iqJePpLhwvzjmgAHsEErKddp8,6623
@@ -43,22 +43,23 @@ xinference/model/__init__.py,sha256=bCEwvKjoazBW8QZ5C5Hpfd5v_VTbWpXvo8IB9d4Qs70,
43
43
  xinference/model/cache_manager.py,sha256=hdswFBO-ncoahTxMZ7afPlHb_SENmU_M8Oa74axkwhs,5004
44
44
  xinference/model/core.py,sha256=TQA-euW2RlImm5Q-x2ryZWMNITiBRRxllhtSQdXvPxk,4212
45
45
  xinference/model/custom.py,sha256=byW3aBEUAaWPS9jAyEoabZ0ktRGJixSyyuDb6Dp-OOo,6542
46
- xinference/model/utils.py,sha256=pH6yhCJnDoakJMcWXgQ8jL9_59OVJEx90q1Oox-hXyE,20630
46
+ xinference/model/utils.py,sha256=fn4MYe35DJJthceA-uehsQkyyMRdv4Ac0dcW2yyEzgw,22764
47
47
  xinference/model/audio/__init__.py,sha256=RPf_feWYEh_BfMmwRkehIOBK5vUx6AadMHXp1d6EAk4,3473
48
48
  xinference/model/audio/chattts.py,sha256=LmwD-X1XFKhVwA5ruqEQJ7VOiHIVwMuJrL7cH82poNE,4154
49
- xinference/model/audio/core.py,sha256=OBXE7S9HwAP_u7jhE_C8oixW5ZsdH21d-zHpXnGp9Ko,6777
49
+ xinference/model/audio/core.py,sha256=BCE_UKA62OBqWJZVAfPxd6BaTEGE1YeCTiqNNnkMT9U,7367
50
50
  xinference/model/audio/cosyvoice.py,sha256=opy0EK6ePS966Jy2CjjR1jEB30a4pKbYJbXnqC7jPQ4,7221
51
51
  xinference/model/audio/custom.py,sha256=UqiXQ1N9kDfcNOCxUmYnmS_kHOIVrrJvJrpUitAydCw,3107
52
52
  xinference/model/audio/f5tts.py,sha256=if2IxLKurIfIbLzSmeOtqFG3xoVEQ_Ax_GK7eYCVl28,6848
53
53
  xinference/model/audio/f5tts_mlx.py,sha256=RXtP5MPm8ewMt4mPbpu93QmEPAWecM_dC_aHCz0_uzY,8566
54
54
  xinference/model/audio/fish_speech.py,sha256=ljufZldrChWzC6hZj2j222DKqz9HP4aZ8f4XjgzRgEo,6113
55
55
  xinference/model/audio/funasr.py,sha256=L-seUq_y-rwC3sadyrYb7VUOF82AUizpdpHYYt8f9Z8,6231
56
+ xinference/model/audio/indextts2.py,sha256=hF5quzTP2iRbvdMzF5BPVfOIQi259H_erZLYaglZR1w,5852
56
57
  xinference/model/audio/kokoro.py,sha256=IF5EEh7-jW3vgeItBCV_nbzf6uBqehX9OrZjfyiuOcI,3785
57
58
  xinference/model/audio/kokoro_mlx.py,sha256=9ZkJsz4wvFpVmpMTi8BEn10ICx7lev5ezpoBPLvSQTk,3475
58
59
  xinference/model/audio/kokoro_zh.py,sha256=g1zDsOTLWCcgGBkZrDFnJ6E8vPFQMscCs-zi5MigMok,3951
59
60
  xinference/model/audio/megatts.py,sha256=K2n-EfJHbyv3qC0tlnhm68Q2zZDVkgHAlQpHrf3s2pU,3408
60
61
  xinference/model/audio/melotts.py,sha256=n3jKYKeoXwHlQrocSUdS_Wry6ATVXKwZyXrJpePvJU4,3532
61
- xinference/model/audio/model_spec.json,sha256=EEHS0GKs5cOqyBt7ehM5-nP9tr22Sh-j-9WZpdILNr8,22387
62
+ xinference/model/audio/model_spec.json,sha256=w_EJUbr-L2ZIz833I1U58OBoWrQgXA2He3BPW-z5mEQ,23188
62
63
  xinference/model/audio/utils.py,sha256=DveA9EW3hZAlaYcGZ00AewacC631bcynwjH9fcfvPJc,4261
63
64
  xinference/model/audio/whisper.py,sha256=kgzZOGzGDC8odM_syKY0eEP7f1BvMSxOP2quZsFoBVM,9097
64
65
  xinference/model/audio/whisper_mlx.py,sha256=DIOTrBh-LVT_dzySjV7ax-J5lgTXg0-Cqvbq9ctHD7o,7276
@@ -89,7 +90,7 @@ xinference/model/image/__init__.py,sha256=X43XSNSbQrVlU82jgKxrX965o6uGO-GPMvLvyb
89
90
  xinference/model/image/cache_manager.py,sha256=Ccc0SRWdq8qiLhrRwh4LYZLiHZ6ywQTEz6VdyFHnE2Y,4700
90
91
  xinference/model/image/core.py,sha256=0JD_91jl1Q0yxu3_H7S2dQjR3eHKfM6a6jjzp1LQZME,9515
91
92
  xinference/model/image/custom.py,sha256=THn9AZUdPtV0BmMO1tUTpMEXBQkzfle8p5685ZYcqek,1969
92
- xinference/model/image/model_spec.json,sha256=mjVd_bE3IIP41VpxeYrUx2fdv375dLvNMNHjzuBYabc,22312
93
+ xinference/model/image/model_spec.json,sha256=srENuvWBDWyV53ZNMXtBH-VP-Uub70WhV9MBdK7Go9M,24050
93
94
  xinference/model/image/sdapi.py,sha256=Xgdtnvw4Xwj1Nc0cBoDo_ogH6E2mFJqLvX0jSxxgdnA,5936
94
95
  xinference/model/image/utils.py,sha256=wXqZRHqn11qERJKfYkK4nDSNanjNXsg1xaG2nVAs01Y,2344
95
96
  xinference/model/image/ocr/__init__.py,sha256=h_JgzSqV5lP6vQ6XX_17kE4IY4BRnvKta_7VLQAL1ms,581
@@ -97,18 +98,18 @@ xinference/model/image/ocr/got_ocr2.py,sha256=-eu4-tnt5wMh1WKuEIoaN9tlxdCvbOPhhn
97
98
  xinference/model/image/scheduler/__init__.py,sha256=-sjSIQ4K6w-TEzx49kVaWeWC443fnZqODU91GCQ_JNo,581
98
99
  xinference/model/image/scheduler/flux.py,sha256=_l9XWYHfZMO5W9hLCuE9YGRuHN5F1pCE1-W1BqXCnRI,18833
99
100
  xinference/model/image/stable_diffusion/__init__.py,sha256=h_JgzSqV5lP6vQ6XX_17kE4IY4BRnvKta_7VLQAL1ms,581
100
- xinference/model/image/stable_diffusion/core.py,sha256=gr39tURTzw5OvrhcygI5YnrXLlbZ8U1AX8wnSSfXDfA,35630
101
+ xinference/model/image/stable_diffusion/core.py,sha256=KrEHIAr-c5rbH0r4TR2lDonG-IzoLRnyXpxeNbI55SI,36039
101
102
  xinference/model/image/stable_diffusion/mlx.py,sha256=caWbXNAvGIbg6FvG1M6BFFXzsPUltI2Fhhu-lpMPirY,7487
102
- xinference/model/llm/__init__.py,sha256=cZ5ckp_dye6ftr5iC_f31rTkKbE3AWEZOCbD0hzy39k,8842
103
+ xinference/model/llm/__init__.py,sha256=zk3dusiCUhg6rEtUXNnru8QKfRUkoojDeDjzVdH78H0,9037
103
104
  xinference/model/llm/cache_manager.py,sha256=7Ult1h8JCcwd05g95Kwm3j7qIaaK3phyW9LQNAzrHmY,11253
104
105
  xinference/model/llm/core.py,sha256=-gjkSXcytd3W2u-dDiJrQujAKJZXWPf3XGeCyVqYYCc,9221
105
106
  xinference/model/llm/custom.py,sha256=uRJGWICXvaAKKnVYM7gyWO9e_x6jzz9dWZWH92UWpAE,2761
106
107
  xinference/model/llm/harmony.py,sha256=E1KqpFn2lz9uxegbpnrYqQAL1Gx8BfBVB8gyiblWccg,9900
107
- xinference/model/llm/llm_family.json,sha256=0UMONTTP2Q9tkwmRlXTxKkxM30NI2hAmJjh3_X-gsKo,774530
108
+ xinference/model/llm/llm_family.json,sha256=0aZIAxZxKELCJorC8FwkZ6XRLeBGn1wgIPywuyZij_c,839607
108
109
  xinference/model/llm/llm_family.py,sha256=H92Mtq8NJavwenI3BPyTHVHLrlgfUXcy2LGN1OCA7pE,21381
109
110
  xinference/model/llm/memory.py,sha256=y8fBjIGd6zIPkgIxGtjakD7GPLW3VoM4m6x1UBM6IKs,10144
110
111
  xinference/model/llm/reasoning_parser.py,sha256=sk5KuteBMGK0A0-ooq3nB9scP1SS8WxWS_b5OYiDD68,17449
111
- xinference/model/llm/utils.py,sha256=j_zRlHoXCpEtOUGExVyuXcW3y6Edmgdz2HaQVFCnbLs,42019
112
+ xinference/model/llm/utils.py,sha256=aRM9A-m5RfhVJMcutak5EzMReYeWPHEo5gPERYzoM-4,42826
112
113
  xinference/model/llm/llama_cpp/__init__.py,sha256=h_JgzSqV5lP6vQ6XX_17kE4IY4BRnvKta_7VLQAL1ms,581
113
114
  xinference/model/llm/llama_cpp/core.py,sha256=-KfD1TUfMhfHCn6jvoLihgTXBszkkMHoVd1nf4w3oPU,14071
114
115
  xinference/model/llm/lmdeploy/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
@@ -116,29 +117,29 @@ xinference/model/llm/lmdeploy/core.py,sha256=DAUHO1AxPA10C7zovxXQe8Qr8yPF1PqyHKA
116
117
  xinference/model/llm/mlx/__init__.py,sha256=h_JgzSqV5lP6vQ6XX_17kE4IY4BRnvKta_7VLQAL1ms,581
117
118
  xinference/model/llm/mlx/core.py,sha256=5nxHxEFI2x6DVDWUln3HBoxf4NfeLN2P3rhV9zKwOMU,35482
118
119
  xinference/model/llm/mlx/distributed_models/__init__.py,sha256=h_JgzSqV5lP6vQ6XX_17kE4IY4BRnvKta_7VLQAL1ms,581
119
- xinference/model/llm/mlx/distributed_models/core.py,sha256=0pYu9SiBwVxTJ04yf_lDzRvjBrbdDQfWobWzJA89HLo,5744
120
+ xinference/model/llm/mlx/distributed_models/core.py,sha256=wweYSVSFvrxw2bXTQHdC9ela-i7hyVUisdoSANR8EfQ,7033
120
121
  xinference/model/llm/mlx/distributed_models/deepseek_v3.py,sha256=oH6Yv7rzEL644gnA_rqBgU4hICpppUTaaQtwiODwfig,2441
121
- xinference/model/llm/mlx/distributed_models/qwen2.py,sha256=B7YifMQqDujnrxCnjJZbWZhw66tJwW0fW621EGfuSKo,2586
122
+ xinference/model/llm/mlx/distributed_models/qwen2.py,sha256=kU4FNoKlthjnwY6pORVwxgGE9EbMoPkLXNaH17NH0X8,2560
122
123
  xinference/model/llm/mlx/distributed_models/qwen3.py,sha256=mconllhlTKOY96UP6Y9G3kBppSbP5kYCcziDeBEdtVY,2586
123
124
  xinference/model/llm/mlx/distributed_models/qwen3_moe.py,sha256=_d__HWDYfL1wAUAa-0xWiszLC6AYkGLQ5eTVtsi5Pc4,2380
124
125
  xinference/model/llm/sglang/__init__.py,sha256=-sjSIQ4K6w-TEzx49kVaWeWC443fnZqODU91GCQ_JNo,581
125
- xinference/model/llm/sglang/core.py,sha256=t5SoPiKxnRu4BJCaPc0H62S0-HiUnUvJYU3TuOjfeyU,29462
126
+ xinference/model/llm/sglang/core.py,sha256=o9TnaZfI2aD2GdFyjb_3pYaNYHRG_aiznZofHANVdRs,31067
126
127
  xinference/model/llm/tool_parsers/__init__.py,sha256=FqS5V2v-HpBy5J9IWaw7ZfZ5_fzAtYeVG0WN-bmL98o,1778
127
128
  xinference/model/llm/tool_parsers/abstract_tool_parser.py,sha256=7D2ihK7Ny9LNmHcezcEKYNwe8GIZJHydFZlWDg4xXpE,1312
128
- xinference/model/llm/tool_parsers/deepseek_r1_tool_parser.py,sha256=anjzpOlEeeFaqm0fRmpvXx585_kyqb-SgdCZhfRjTwM,4942
129
+ xinference/model/llm/tool_parsers/deepseek_r1_tool_parser.py,sha256=1uEmC_fbpZWVojtowMpd84nkQmQ8udHjLLqBBt3dTpE,7896
129
130
  xinference/model/llm/tool_parsers/deepseek_v3_tool_parser.py,sha256=T1CPzomvTj8HoGBCHTYm2FqFqd62WNxMqTjhST0b1pk,5146
130
131
  xinference/model/llm/tool_parsers/glm4_tool_parser.py,sha256=YBittOVGwQOPYtXHDWdxpO2vGUg5XapYdcfWPH1Kseg,4313
131
132
  xinference/model/llm/tool_parsers/llama3_tool_parser.py,sha256=vBD39Ub2ha0CXRCOtGu97i8eNyZ_2cDShT3yqxK8W5o,2787
132
- xinference/model/llm/tool_parsers/qwen_tool_parser.py,sha256=y6UxvJ70RbvmcyUDgZGkQwn_uTyz-grjlNS1D-_Nv8E,11746
133
+ xinference/model/llm/tool_parsers/qwen_tool_parser.py,sha256=AqD4Os0zp_GhM-v1e9WQKvbpGSDrDxBvMiJmOiDKFwA,13025
133
134
  xinference/model/llm/transformers/__init__.py,sha256=_4hQ7BvHNE4WAyzNcTB0_iY5mBcaPGTkLvQcWiylBoI,1724
134
- xinference/model/llm/transformers/chatglm.py,sha256=ovDSYZet7bdqloO_WXaH9a6Rv6FyQ_BrY5dkejqvyBc,22953
135
- xinference/model/llm/transformers/core.py,sha256=tV48CxsTVqMfLbqfJgBuGubQe3gzlJMfKWQOZxMJUAs,40086
135
+ xinference/model/llm/transformers/chatglm.py,sha256=Wql_Y5BC-tsZa29gdLi8HeXKF22bkjx9su_FEKyOinw,23097
136
+ xinference/model/llm/transformers/core.py,sha256=G1B8ubR3lwstqvoua9nZW0E-2FtVyv5K5c0al0BvC_w,44254
136
137
  xinference/model/llm/transformers/deepseek_v2.py,sha256=4LB_grDfdaXBCdTwduqpWFrYoeKsMnBERWTxcNl7EfA,2624
137
138
  xinference/model/llm/transformers/gemma3.py,sha256=oH5SwLM7aX-8zMPO7918x2BKDZGJgeFdZ5FduHiDDQI,5490
138
139
  xinference/model/llm/transformers/gpt_oss.py,sha256=uPO0WsDlxxd9KY3mlldyZyQIcogPk-rDxL-LHbIgSuc,3386
139
140
  xinference/model/llm/transformers/opt.py,sha256=6hRIKfxYxC0VH2Qb_-K_sg9RZH0d7Ru3Dbt5ye39Iec,2433
140
141
  xinference/model/llm/transformers/tensorizer_utils.py,sha256=VXSYbPZtCbd8lVvsnjDLPZjfCMil67Pkywd_Ze4dTx4,11362
141
- xinference/model/llm/transformers/utils.py,sha256=myajzF9M6L2JZPYH9aYF2lT916oa90Lzwht1eX2cL4w,18290
142
+ xinference/model/llm/transformers/utils.py,sha256=g31GhkligCLTjzGsU7IxMztu4kK7FOlIXYORz9TRtBg,19570
142
143
  xinference/model/llm/transformers/multimodal/__init__.py,sha256=CyLLkbImZouAk4lePIgKXT4WQoqyauIEwdqea5IOUVU,581
143
144
  xinference/model/llm/transformers/multimodal/cogagent.py,sha256=UcFYE7bsg8llzNFfJyhHnNAmjG0QN_vhX_e_ThxA3mg,8975
144
145
  xinference/model/llm/transformers/multimodal/core.py,sha256=XHixAKhO8CpsCpGjfkPbnnAgX5nGA89T0BH3xr7YA0I,6984
@@ -148,12 +149,13 @@ xinference/model/llm/transformers/multimodal/glm4_1v.py,sha256=kg2Wz8r4IRVQyUMNL
148
149
  xinference/model/llm/transformers/multimodal/glm4v.py,sha256=Rl1cCcMzG1nPT8tO--q03-l-vJfeSPbI-BOLHVryTNE,11670
149
150
  xinference/model/llm/transformers/multimodal/intern_vl.py,sha256=jzHxcryQIBAUChLK4Ou8x2qUGGE7ryZsqcSC5zPsR0w,15761
150
151
  xinference/model/llm/transformers/multimodal/minicpmv26.py,sha256=p2amIpc5i05XbpCiS6iYh-qODh4rCR-dVg3xiNQmSCg,12950
152
+ xinference/model/llm/transformers/multimodal/minicpmv45.py,sha256=tSjzJ9zfZVbebh6nE39hBcXRWZDxY0whm80AU5AsEOw,13007
151
153
  xinference/model/llm/transformers/multimodal/ovis2.py,sha256=ASGfKX4LXwjSNaSLfv7YTFYYlS3uVJ7-Ehq34WFKJuA,8912
152
154
  xinference/model/llm/transformers/multimodal/qwen-omni.py,sha256=tEZZAsnQssinF4scVDpggWkdX9-fzYSn_S7ADN55ov8,8169
153
155
  xinference/model/llm/transformers/multimodal/qwen2_audio.py,sha256=wFzyTyNvSfTKA4opMeYHT4m4SpmAbcUfvkc16Bf4FRA,4680
154
- xinference/model/llm/transformers/multimodal/qwen2_vl.py,sha256=b_gm_g2-seFpTB68-G3n_k2JKQqBxZa8KOg2STJPB7U,8594
156
+ xinference/model/llm/transformers/multimodal/qwen2_vl.py,sha256=soeVLQ-5UZmDxVV_IgHerl8TuwLYPHBO4de7JySfUHw,9446
155
157
  xinference/model/llm/vllm/__init__.py,sha256=h_JgzSqV5lP6vQ6XX_17kE4IY4BRnvKta_7VLQAL1ms,581
156
- xinference/model/llm/vllm/core.py,sha256=9Wo_EiAeMIsmf9FbRl8X0zKjWqSvur5ddlJBwLBtZNE,59152
158
+ xinference/model/llm/vllm/core.py,sha256=N7zljZFyHjbj_6KS8NYFBKH2uuAm4EcPsYamxexfO2M,65268
157
159
  xinference/model/llm/vllm/distributed_executor.py,sha256=8bFU4JSgvbBTrhGZhsANfMUX4DR6es1zw-cljVLkTBw,14125
158
160
  xinference/model/llm/vllm/utils.py,sha256=LKOmwfFRrlSecawxT-uE39tC2RQbf1UIiSH9Uz90X6w,1313
159
161
  xinference/model/llm/vllm/xavier/__init__.py,sha256=CyLLkbImZouAk4lePIgKXT4WQoqyauIEwdqea5IOUVU,581
@@ -189,6 +191,38 @@ xinference/model/video/core.py,sha256=7FVuBS68JecxU_RpPNdq9FxZz1dOqpdxshikDkLvRs
189
191
  xinference/model/video/diffusers.py,sha256=VcDR5Y5zGT1_mSkzxOj9mjrAXGu50VE8t6m4EyTTlZc,15078
190
192
  xinference/model/video/model_spec.json,sha256=dB-jBTNTNmDYhxiSPv4Rj3fBCXhzF0Hy02qdq-os5kI,7759
191
193
  xinference/thirdparty/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
194
+ xinference/thirdparty/audiotools/__init__.py,sha256=iFOKJrZH85KB31retuUZIHBqCNruYYKeZfvFMooZvtw,242
195
+ xinference/thirdparty/audiotools/post.py,sha256=eZ29S6faFrTeT4RQH4BcvD_mVOTVyy0AYT8mSGwbmBk,3345
196
+ xinference/thirdparty/audiotools/preference.py,sha256=lh0ilXnL-tu6KGUivyUiDdO1yglzCT4qMaYoD8OTjpQ,16926
197
+ xinference/thirdparty/audiotools/core/__init__.py,sha256=zbJ8uSQBTU5BkEEL-alQKUl1aB2RZglgqfiiQmuG6gA,122
198
+ xinference/thirdparty/audiotools/core/audio_signal.py,sha256=vaUkrF5VlgNDIdRpaDc3VMdYGIg8doeQAqwdZukALf4,52379
199
+ xinference/thirdparty/audiotools/core/display.py,sha256=XD31d7sPAulvcRb8mHG2CD7JBvAuyZoYZbPq3SeVigs,6322
200
+ xinference/thirdparty/audiotools/core/dsp.py,sha256=MDwqCMg58IFSpcBAXFZY8jXfWzvn9sq7RMqLL_JfVhs,13466
201
+ xinference/thirdparty/audiotools/core/effects.py,sha256=KeIGvhI_qvTVSwGdStmPI6MyEcMRBp8RVToLVvQO_N0,20899
202
+ xinference/thirdparty/audiotools/core/ffmpeg.py,sha256=OcOwmr5_pfNmjDovVzediNFkkJYMI6FD_4Xmh3db3KI,6987
203
+ xinference/thirdparty/audiotools/core/loudness.py,sha256=8lnGNSXjpqY7hzL6Z9HO6NbnbUABo3RKnMbSGfLcP2A,10548
204
+ xinference/thirdparty/audiotools/core/playback.py,sha256=ZK8Yk-UDfpwi8CBLU6fWJWZBUOTxjeHAqslo9F0yo6w,8096
205
+ xinference/thirdparty/audiotools/core/util.py,sha256=V7FacqZOpMpdQNz5DevDdgzSmNwuosn03U3IZSlqUGw,19714
206
+ xinference/thirdparty/audiotools/core/whisper.py,sha256=Ei9ppW1glAA6GMzWr8WBS1sKUKPE8EQ7rrfGIk7oWnw,3095
207
+ xinference/thirdparty/audiotools/core/templates/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
208
+ xinference/thirdparty/audiotools/core/templates/headers.html,sha256=317IAJznJH1FKj6Y_ehGVBO5GZd4w7hzGU0-c0rPRjM,76348
209
+ xinference/thirdparty/audiotools/core/templates/pandoc.css,sha256=3MI8mIUXFR_PlUTpECre0mHtjqrXqNI6wLX5FHvcX8k,6360
210
+ xinference/thirdparty/audiotools/core/templates/widget.html,sha256=CaV-0JeHlWXPdHtYX5-NQhvrr2UIUIwkctEyPmOL-kU,2312
211
+ xinference/thirdparty/audiotools/data/__init__.py,sha256=mUvp1iplifqf8Dn8t_nr6v3EpCEiDhoqV5-lE41l9cA,73
212
+ xinference/thirdparty/audiotools/data/datasets.py,sha256=4kabaJhlj9DGnFmEnZtSYsk5l54AQa8JlwYL54eRDc4,17916
213
+ xinference/thirdparty/audiotools/data/preprocess.py,sha256=5F72fCWu0ugpg1Mv8-gaCKmMMtyT6nsiekbU_1mRLeU,2736
214
+ xinference/thirdparty/audiotools/data/transforms.py,sha256=RI3jiA2Nw62J26IHQhLZG9YZMqAhGe4nuCV52A_edRs,52619
215
+ xinference/thirdparty/audiotools/metrics/__init__.py,sha256=Mp2NZ9mXK4B8zUMWn8lVN6H4T4wKy6PaQrBxwlDLrL8,149
216
+ xinference/thirdparty/audiotools/metrics/distance.py,sha256=8riaFHoXLBdhzQ9Po7zrIqzVcvcMKl9iv-IW08uROWk,3906
217
+ xinference/thirdparty/audiotools/metrics/quality.py,sha256=s59_jpLpa6UOSJ1F5d3DkE8fY1m59eDeNUEdNxq-N7k,4852
218
+ xinference/thirdparty/audiotools/metrics/spectral.py,sha256=DTKfmOsYb5wUdknPFGMBYTIS5SdvlilYtTWTNaTjy_A,7747
219
+ xinference/thirdparty/audiotools/ml/__init__.py,sha256=gECZ3r0QCh4gju9jpCc5-qIBBhaacK8Ku2n1nfLq5Yo,148
220
+ xinference/thirdparty/audiotools/ml/accelerator.py,sha256=E12FUSiXWtkYUeHMq5z2-G0eBjuum-nSsYUqJv2aql0,6018
221
+ xinference/thirdparty/audiotools/ml/decorators.py,sha256=rTgezjLN_83OHHuTwgu4r43TKPLzoKMbvGah1Q8SHbw,13926
222
+ xinference/thirdparty/audiotools/ml/experiment.py,sha256=-TXUWsPpwG7lvl4QfOs2lSv6DXbrRt30z5--K3eZA9E,2772
223
+ xinference/thirdparty/audiotools/ml/layers/__init__.py,sha256=16-2ZWcgrPkLHTAujgd_MFitQNwmjoW693CUg1KYZNo,68
224
+ xinference/thirdparty/audiotools/ml/layers/base.py,sha256=pEBKdEWCTCNTG1mY9Gth7c8koDhrKrjQQ3vLi2UjgTc,11104
225
+ xinference/thirdparty/audiotools/ml/layers/spectral_gate.py,sha256=IeBzWo_7JHxCu-VHTidhn29Ztdfd5fg8nsiSKr5avzE,4240
192
226
  xinference/thirdparty/cosyvoice/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
193
227
  xinference/thirdparty/cosyvoice/bin/average_model.py,sha256=82LeGlvQh8xFHA_T9fJJDBTtDhJ_UzukJJcFRjyjc9Y,3202
194
228
  xinference/thirdparty/cosyvoice/bin/export_jit.py,sha256=36EvvRkOE621pMqDL3Il69hXdLXsJtSGtDO3_r13nmA,3906
@@ -394,7 +428,7 @@ xinference/thirdparty/fish_speech/fish_speech/text/chn_text_norm/fraction.py,sha
394
428
  xinference/thirdparty/fish_speech/fish_speech/text/chn_text_norm/money.py,sha256=aSN88hdY5IP6lHimj9XXq7ZjYxo6BfoA9Gr7yQNMwjA,1018
395
429
  xinference/thirdparty/fish_speech/fish_speech/text/chn_text_norm/percentage.py,sha256=3DCSkP7Qg5px99rfgF-Qb1yL9HeMDAV6OxE2VSleeSo,838
396
430
  xinference/thirdparty/fish_speech/fish_speech/text/chn_text_norm/telephone.py,sha256=cDPtwmnHKD_JP29wIp5p1Og0I132BUg_cmzGdyoJHM8,1557
397
- xinference/thirdparty/fish_speech/fish_speech/text/chn_text_norm/text.py,sha256=8TdfX5c9t144t1sbhbyTeYncvL_3yjgFAwJfuZqXsIs,6936
431
+ xinference/thirdparty/fish_speech/fish_speech/text/chn_text_norm/text.py,sha256=PpgNMKAOWq_hWgz8mERRzIKrXzb6u-FmNHw8VdaULSo,6937
398
432
  xinference/thirdparty/fish_speech/fish_speech/utils/__init__.py,sha256=3YIGzsJbj84oTR-WQoFz_pztZtUIHp163K_x0XD8txU,706
399
433
  xinference/thirdparty/fish_speech/fish_speech/utils/braceexpand.py,sha256=X_44wW-LJP21kNb19j63DSSzFopkgsSNkqmsElLSS6U,6724
400
434
  xinference/thirdparty/fish_speech/fish_speech/utils/context.py,sha256=G5AyI1qavhX-vBesANU0Mb97ojBY80nwiXBrzNFdQ5E,287
@@ -452,6 +486,202 @@ xinference/thirdparty/fish_speech/tools/vqgan/inference.py,sha256=NL53U8qZ4IkvUs
452
486
  xinference/thirdparty/fish_speech/tools/webui/__init__.py,sha256=lqYBevPJ1c9fXRuVTqcRBVf0800SyfCEy0bSD9bw6mE,6867
453
487
  xinference/thirdparty/fish_speech/tools/webui/inference.py,sha256=Rh-6T0fKKOZCo_hn7mQwLiUYK8KrpeeVU8xg4Eqd1no,2155
454
488
  xinference/thirdparty/fish_speech/tools/webui/variables.py,sha256=9XiZPmdSeOa6BQfjPTuGWfwhPt1HbN9OEP8-8aldihY,601
489
+ xinference/thirdparty/indextts/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
490
+ xinference/thirdparty/indextts/cli.py,sha256=ErB4ZAEKrP8YbYQpjT9Rck0nO5vmCvdbCTmJVTkvMqQ,2956
491
+ xinference/thirdparty/indextts/infer.py,sha256=-ii5p3vgxE5AuBA2uUsBFEEKNcrICQAf6WKey17gq6w,34499
492
+ xinference/thirdparty/indextts/infer_v2.py,sha256=fZ0MYmeVqtkCalj0Wq1pl3NoX9qmspaiIl-bGP_K294,34620
493
+ xinference/thirdparty/indextts/BigVGAN/ECAPA_TDNN.py,sha256=RQIogdzX21gLhzO9W_lwbtWbmk2Egk2PWdQZDprMIJQ,19031
494
+ xinference/thirdparty/indextts/BigVGAN/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
495
+ xinference/thirdparty/indextts/BigVGAN/activations.py,sha256=WJh7HgukNvjFS4eblGVbrRAnFSWZpDw3a4vcvqESE90,4513
496
+ xinference/thirdparty/indextts/BigVGAN/bigvgan.py,sha256=u0rhp-bshQMq5yi-8-g0MIttI2vFY9h01lbH1hGQYAM,19279
497
+ xinference/thirdparty/indextts/BigVGAN/models.py,sha256=8DP5g36EjT93PbxRCCV54ZxtP_guoqV-K3fth3jb_08,18378
498
+ xinference/thirdparty/indextts/BigVGAN/utils.py,sha256=1bofaTqu55fH7cdj7PsArMh5hNNnmEqcwc57dKeZ1Ao,2552
499
+ xinference/thirdparty/indextts/BigVGAN/alias_free_activation/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
500
+ xinference/thirdparty/indextts/BigVGAN/alias_free_activation/cuda/.gitignore,sha256=XDF0t07cbyueB0NZS4vTx_MeT0QFdYzJhys_4d4dKLQ,6
501
+ xinference/thirdparty/indextts/BigVGAN/alias_free_activation/cuda/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
502
+ xinference/thirdparty/indextts/BigVGAN/alias_free_activation/cuda/activation1d.py,sha256=8gzqRWbN1Gwue6X8QztaHjZFBZKA-lOBf7Lptq4jUqQ,2588
503
+ xinference/thirdparty/indextts/BigVGAN/alias_free_activation/cuda/anti_alias_activation.cpp,sha256=IizmzWh_3B1UGkvtv181ePMhvCZJmWsnR-vGDd0uHY4,977
504
+ xinference/thirdparty/indextts/BigVGAN/alias_free_activation/cuda/anti_alias_activation_cuda.cu,sha256=lezwW0egM-aYtrBiuLHSghvlaf7QjnnfUK78AKFO3dE,10774
505
+ xinference/thirdparty/indextts/BigVGAN/alias_free_activation/cuda/compat.h,sha256=OeUw1tnPXtpgwluJnPC6h8cM3KNCTefLFxatrY8hI4g,893
506
+ xinference/thirdparty/indextts/BigVGAN/alias_free_activation/cuda/load.py,sha256=wMr7cKKgVda-HJzW_xejbcdE9VzweMwfUePXaUPw4XY,4074
507
+ xinference/thirdparty/indextts/BigVGAN/alias_free_activation/cuda/type_shim.h,sha256=PjLy_scrK2dJOJrNZMM2spMqN2S2hmNMaWr4FR3w44w,5838
508
+ xinference/thirdparty/indextts/BigVGAN/alias_free_activation/torch/__init__.py,sha256=l-yRU-f4AK8gmmiZ54iEZHzc2WD76QnkJ22xUjug-7w,200
509
+ xinference/thirdparty/indextts/BigVGAN/alias_free_activation/torch/act.py,sha256=zEBQEm_Iok4kT21ZNBK_fMF84TqUiRs2Me0_YEF-ttM,826
510
+ xinference/thirdparty/indextts/BigVGAN/alias_free_activation/torch/filter.py,sha256=EWeLAptIh2JQZeyt8kplzw8lwx2K3964RaKjHfwdhtk,3402
511
+ xinference/thirdparty/indextts/BigVGAN/alias_free_activation/torch/resample.py,sha256=NA9OsGouJSrp5rU8BcsrQDmsPjKsWp3NaUocSZJbxO4,1813
512
+ xinference/thirdparty/indextts/BigVGAN/alias_free_torch/__init__.py,sha256=l-yRU-f4AK8gmmiZ54iEZHzc2WD76QnkJ22xUjug-7w,200
513
+ xinference/thirdparty/indextts/BigVGAN/alias_free_torch/act.py,sha256=eRt9NtaTyYl3KamapBCEvW2xyk97TrwdH8rtlpyi2Jk,855
514
+ xinference/thirdparty/indextts/BigVGAN/alias_free_torch/filter.py,sha256=PajsR-uQ_f0tpOHiXvqAhtD_iZzYRGC_4_n2C92isWM,3457
515
+ xinference/thirdparty/indextts/BigVGAN/alias_free_torch/resample.py,sha256=EfsILyRT8aU8fzW-5ePqkbcRoNEUiwXmWcVelEDtnMg,1841
516
+ xinference/thirdparty/indextts/BigVGAN/nnet/CNN.py,sha256=RzNVXz_84o0YIfc5DL7FbFrCu1PfqPYMJmiIO35M9d0,16111
517
+ xinference/thirdparty/indextts/BigVGAN/nnet/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
518
+ xinference/thirdparty/indextts/BigVGAN/nnet/linear.py,sha256=2z2HnjtJwOUxf36dFql0cjiVv0FyGCcEx5uP39wSqnY,2310
519
+ xinference/thirdparty/indextts/BigVGAN/nnet/normalization.py,sha256=YIkvQPkpg1TXGq5JHn7LtwBhOZp6sBBUNV_sNLXbCEY,19503
520
+ xinference/thirdparty/indextts/gpt/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
521
+ xinference/thirdparty/indextts/gpt/conformer_encoder.py,sha256=I4FARUwzFOVcAEjgFMFVHSDZyrn-1TEfeOgQ79dozEU,20241
522
+ xinference/thirdparty/indextts/gpt/model.py,sha256=kDpZVlbPAJXL3f728vHfiTUWmmlk2e0uVRyYxIJdqow,35260
523
+ xinference/thirdparty/indextts/gpt/model_v2.py,sha256=Sfufynj5LR5bkl_gynRDheXD7tGnVzRtpWbdxUm9rgk,37171
524
+ xinference/thirdparty/indextts/gpt/perceiver.py,sha256=xQd2RpG8J6xG9_3_l4gxiEpDGSTieYyemO6lOB8gBTc,9407
525
+ xinference/thirdparty/indextts/gpt/transformers_beam_search.py,sha256=2R5yOYZ9tDEsJX2Ap6Jk8jfwwrDgsRn-OcxC_NzCac0,49570
526
+ xinference/thirdparty/indextts/gpt/transformers_generation_utils.py,sha256=A77BQjwLvia5Mi_NFaswzZoFo8JqJJz4mkq3NjiMVn0,253891
527
+ xinference/thirdparty/indextts/gpt/transformers_gpt2.py,sha256=Qq2h1v3fdHVLf0jmkLaCBg0TuHbUaekT2-sknUYRsOE,85764
528
+ xinference/thirdparty/indextts/gpt/transformers_modeling_utils.py,sha256=hxxop0ZuRVDf3jAhdigao86y-eWJTPAtjMO_dwSPYqU,274934
529
+ xinference/thirdparty/indextts/gpt/conformer/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
530
+ xinference/thirdparty/indextts/gpt/conformer/attention.py,sha256=4frH-NCj8T9Q_ADWM3kWQRmyREf3eFk8k2XRglyecFI,14071
531
+ xinference/thirdparty/indextts/gpt/conformer/embedding.py,sha256=5ivr4wuvWqcWtCyCoo1fs9VsupcwCygnY0FKdXTc0t8,6118
532
+ xinference/thirdparty/indextts/gpt/conformer/subsampling.py,sha256=Hwh_OrXVJ3RmU00IHOPW-lUOqdxXhBH7af6-QXMmBEI,11929
533
+ xinference/thirdparty/indextts/s2mel/hf_utils.py,sha256=eO-ROXdMXm76tKshXFrNFJ44lCJ0tTrPSKeVYZ-2Vwk,509
534
+ xinference/thirdparty/indextts/s2mel/optimizers.py,sha256=tuc46yoX6IeKIWXt82lSxJYts-1DHiYPf1EEK8-Moag,3070
535
+ xinference/thirdparty/indextts/s2mel/wav2vecbert_extract.py,sha256=rXGr1Gj1XaieqOAHqxiEdXGYwMi6uEFqeou99ebmynQ,5223
536
+ xinference/thirdparty/indextts/s2mel/dac/__init__.py,sha256=bW8PpypKW8nGEmKrdgFUVtyZz7O1gS8nk_5I15TdADo,334
537
+ xinference/thirdparty/indextts/s2mel/dac/__main__.py,sha256=lMP3OKeb3Mrr_BySsBWkbdudm7uhpBwp7zjQgrYdzm4,666
538
+ xinference/thirdparty/indextts/s2mel/dac/model/__init__.py,sha256=GcXgnMIjb3syw9zEuKrt-E4iusEA3b1i_dgre8cCZVs,117
539
+ xinference/thirdparty/indextts/s2mel/dac/model/base.py,sha256=I2FyaDj6rjUvEmXVFOPi-Nl4orJ43PZrtXmd-9K6e4M,9384
540
+ xinference/thirdparty/indextts/s2mel/dac/model/dac.py,sha256=rNYyVfUNDbts4022Vf8RfK-lk-WL1YgqKA6LPc_AKgc,12833
541
+ xinference/thirdparty/indextts/s2mel/dac/model/discriminator.py,sha256=d0aKQqa4mcs3jGIUIvd5VnaCWGClQKSL6lLU4_Q-KoM,7053
542
+ xinference/thirdparty/indextts/s2mel/dac/model/encodec.py,sha256=dthgekf-l2sb1yU5utScGGjhiSsIosIsUVxQus1lDQE,13080
543
+ xinference/thirdparty/indextts/s2mel/dac/nn/__init__.py,sha256=nDgVhgggvB7w4QxxFAyQY0ue7vK78qAERXY-1FUsFJo,63
544
+ xinference/thirdparty/indextts/s2mel/dac/nn/layers.py,sha256=7CZJZJ14exZqE41a2dzVha6rvNk2cHcbMMu7q3McS2M,809
545
+ xinference/thirdparty/indextts/s2mel/dac/nn/loss.py,sha256=R5AMIQdvhQvwf6mqi4pmtTYTgB2co4YYZ8NbOmyLPnA,12042
546
+ xinference/thirdparty/indextts/s2mel/dac/nn/quantize.py,sha256=PwwnlH_yOZooZkkqHMsiFyvfNTy8iqHUG-EVjV4pIgk,11993
547
+ xinference/thirdparty/indextts/s2mel/dac/utils/__init__.py,sha256=3XLNCi9AMDo2wcqYOcgT6liKaOlgqw1ZcNPxWZYGDH0,3312
548
+ xinference/thirdparty/indextts/s2mel/dac/utils/decode.py,sha256=i2TMQI4l9bLbqwHPeH1FZVKQHoh6iMiq5T7j9oMrqxc,2998
549
+ xinference/thirdparty/indextts/s2mel/dac/utils/encode.py,sha256=YFL9Arp4w3QBwrUIeotQ6p4r6AaXXDF7qFNM38R_D0w,3117
550
+ xinference/thirdparty/indextts/s2mel/modules/audio.py,sha256=Nw7YGazmsxqZ6u5g--kZQdZlpmXDerkxmDbdH5_5SrA,2419
551
+ xinference/thirdparty/indextts/s2mel/modules/commons.py,sha256=WvbM6lHfqIzjddSweVO8xGLHeESTJFih9dDJO8UgWnw,21170
552
+ xinference/thirdparty/indextts/s2mel/modules/diffusion_transformer.py,sha256=KTUsTzi85QmqEIz4zYnh3vvyYi--nVOl-Beqh-qlH7o,11725
553
+ xinference/thirdparty/indextts/s2mel/modules/encodec.py,sha256=g9x9Q5-hUOjMjKG7BxuYypEQm3-7CKMirTTY9MPv09w,12030
554
+ xinference/thirdparty/indextts/s2mel/modules/flow_matching.py,sha256=YTiTeO3vRMgaPa-k2WFOz_wmLsxZOtYEyvZQaQ40VTQ,6774
555
+ xinference/thirdparty/indextts/s2mel/modules/layers.py,sha256=X3M16WeyOuhXHEIRZGgaZYIoTUs4OZAO3AI3pAjzRwU,13454
556
+ xinference/thirdparty/indextts/s2mel/modules/length_regulator.py,sha256=ZUtRGsONojS7D9KVQVFgTND3mc4kzVRXyGEWrRM4eLg,6101
557
+ xinference/thirdparty/indextts/s2mel/modules/quantize.py,sha256=3VtLVwTp8mOVd0Zw8PekuiH9bbMv2-sLlgIa5t2WuOA,8336
558
+ xinference/thirdparty/indextts/s2mel/modules/rmvpe.py,sha256=IM5ZVmO-YyAhYxDKTbQYVBeMGvmy5IIWLpwjAkHZa38,22451
559
+ xinference/thirdparty/indextts/s2mel/modules/wavenet.py,sha256=cpsacDl3Cz-zk4vmZJKibO0T7dJg1SEMjOImEhX9yb8,6473
560
+ xinference/thirdparty/indextts/s2mel/modules/alias_free_torch/__init__.py,sha256=fovbWrB6ed5n0UkGAJZPYLCplcZpEhf0_Pt24XWgt5o,157
561
+ xinference/thirdparty/indextts/s2mel/modules/alias_free_torch/act.py,sha256=Kt1EFKjeyLX_5V5V3CbBeuujEiS1pfs5WcyCgERUtVg,782
562
+ xinference/thirdparty/indextts/s2mel/modules/alias_free_torch/filter.py,sha256=Z05fr__UvEa1in3jWQs7xsIiiTDnC1D0zuoBQ2dDjc4,3244
563
+ xinference/thirdparty/indextts/s2mel/modules/alias_free_torch/resample.py,sha256=k0H-Z1bTyCIuy9QVU2buEq76uMmKsM2brcNKDG1-t1U,1788
564
+ xinference/thirdparty/indextts/s2mel/modules/bigvgan/activations.py,sha256=O6lAKK66v8mUvNdGv5y-kuys5ShDTJIsSAvmraGCytY,4504
565
+ xinference/thirdparty/indextts/s2mel/modules/bigvgan/bigvgan.py,sha256=6NccI_mBEjBMH5qeq21a6FGqeG6yzZffDr-dNs4oAOE,17589
566
+ xinference/thirdparty/indextts/s2mel/modules/bigvgan/config.json,sha256=iKH0es90fbCyHpejidg4VmFH96VGRYP_XI2BnYcPA-4,1405
567
+ xinference/thirdparty/indextts/s2mel/modules/bigvgan/env.py,sha256=VK5mV5f7sg7T_JuFa-aI9ripA7C-2P9-2r_4HdnNzTM,510
568
+ xinference/thirdparty/indextts/s2mel/modules/bigvgan/meldataset.py,sha256=aR6EE_tMZe4_YDpDsZvdaWUqBqFQzoLnLEM2PNJo38Y,11420
569
+ xinference/thirdparty/indextts/s2mel/modules/bigvgan/utils.py,sha256=giF2SEYu2ouaLal363P5BNYn1m9Ab563BpTktmFGUk0,2564
570
+ xinference/thirdparty/indextts/s2mel/modules/bigvgan/alias_free_activation/cuda/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
571
+ xinference/thirdparty/indextts/s2mel/modules/bigvgan/alias_free_activation/cuda/activation1d.py,sha256=st3PrWyaUaI6Q1VR08l5PNT1F7vl5zlnb5M7UAS9K1M,2515
572
+ xinference/thirdparty/indextts/s2mel/modules/bigvgan/alias_free_activation/cuda/anti_alias_activation.cpp,sha256=IizmzWh_3B1UGkvtv181ePMhvCZJmWsnR-vGDd0uHY4,977
573
+ xinference/thirdparty/indextts/s2mel/modules/bigvgan/alias_free_activation/cuda/anti_alias_activation_cuda.cu,sha256=4_pg-_gP2VytbwXdYFyFOTtlOdZoRQKla2TDSMZV3n0,10328
574
+ xinference/thirdparty/indextts/s2mel/modules/bigvgan/alias_free_activation/cuda/compat.h,sha256=OeUw1tnPXtpgwluJnPC6h8cM3KNCTefLFxatrY8hI4g,893
575
+ xinference/thirdparty/indextts/s2mel/modules/bigvgan/alias_free_activation/cuda/load.py,sha256=buXL-u3Gtzzyv_lnfxi8xaRskaCIUj6FO8oSgFqQnoo,2594
576
+ xinference/thirdparty/indextts/s2mel/modules/bigvgan/alias_free_activation/cuda/type_shim.h,sha256=PjLy_scrK2dJOJrNZMM2spMqN2S2hmNMaWr4FR3w44w,5838
577
+ xinference/thirdparty/indextts/s2mel/modules/bigvgan/alias_free_activation/torch/__init__.py,sha256=LjE44QUuN3ui5R6lnH1dJVpRlVkAF1evIdvsTLnCJHE,200
578
+ xinference/thirdparty/indextts/s2mel/modules/bigvgan/alias_free_activation/torch/act.py,sha256=C5J2b5BSUZiaFg8mX2cs92vOFyb34dbfY_p_xAOXAhk,825
579
+ xinference/thirdparty/indextts/s2mel/modules/bigvgan/alias_free_activation/torch/filter.py,sha256=rPIlcnbmF90xYeU6vAoVguWGo9LWGKQyNcf4OBi04Xk,3401
580
+ xinference/thirdparty/indextts/s2mel/modules/bigvgan/alias_free_activation/torch/resample.py,sha256=LH1MPol6C0nSAo3HOBRUKdPhGHG7PBXo9hDGNyjvG_I,1831
581
+ xinference/thirdparty/indextts/s2mel/modules/campplus/DTDNN.py,sha256=wE9Os4u1s6ADGgH7zXHPL1hCrseXNEjaWq-YgrgfqDE,4384
582
+ xinference/thirdparty/indextts/s2mel/modules/campplus/classifier.py,sha256=LB6a382kI72fzaB_jY7wBEfAnQl2Oy0T-OXKbbiND3A,1798
583
+ xinference/thirdparty/indextts/s2mel/modules/campplus/layers.py,sha256=USBufiiGNbXFMtvyxGG7M0g5YSdXl9cmWvepBkJ_pPM,9099
584
+ xinference/thirdparty/indextts/s2mel/modules/gpt_fast/generate.py,sha256=rDYD24hRj_j5h9c5IvVBDvsUv3qzmW4oBTvdqG6IqSQ,17662
585
+ xinference/thirdparty/indextts/s2mel/modules/gpt_fast/model.py,sha256=4_iyiCvJho8bAhIKYguPRwET1b5Nxvu1z6g7Ago7v1w,14662
586
+ xinference/thirdparty/indextts/s2mel/modules/gpt_fast/quantize.py,sha256=181fVkTQ2i6r9NpWW_R4Nn7EiGy4zjNiBRtQUmh92fc,25606
587
+ xinference/thirdparty/indextts/s2mel/modules/hifigan/f0_predictor.py,sha256=4Ter1WnuSRA7wytzQfEtu-3PuA-Qrg3ywR5Hs7fsV74,1976
588
+ xinference/thirdparty/indextts/s2mel/modules/hifigan/generator.py,sha256=pbOJG1cK-vKtIhgQxUlAN0wcvGyFgEt_Zi9-gbMBbeg,16809
589
+ xinference/thirdparty/indextts/s2mel/modules/openvoice/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
590
+ xinference/thirdparty/indextts/s2mel/modules/openvoice/api.py,sha256=grfz9XG-9uKEMFI0ckV4vz64lCD6OjfWCCVBPbD9IjE,7116
591
+ xinference/thirdparty/indextts/s2mel/modules/openvoice/attentions.py,sha256=Uo4VP6XWFfi_iR4GA3J6ZvCDeqE-e6bqhohKYZ5deJs,16352
592
+ xinference/thirdparty/indextts/s2mel/modules/openvoice/commons.py,sha256=BGlD0mVjXD2cmRlVYucDVkomMAmBp9tbh9TNP9GArg0,4956
593
+ xinference/thirdparty/indextts/s2mel/modules/openvoice/mel_processing.py,sha256=D9j7iVtet-zbR5gkJAvH03O9lWjGXb2AvahwlzyFt58,6106
594
+ xinference/thirdparty/indextts/s2mel/modules/openvoice/models.py,sha256=Zbt6TKLLTvA5E1Qt-dwcZfB4sVhrqqUQOubxl0fO6mw,16768
595
+ xinference/thirdparty/indextts/s2mel/modules/openvoice/modules.py,sha256=TpNJIXcWf6sW-ZQcf6DiDfCyJRUIED-HjBTb9bDD0dI,18975
596
+ xinference/thirdparty/indextts/s2mel/modules/openvoice/openvoice_app.py,sha256=4RdC67LhqIwzh2NxnHtiJTRFLeOzz0Va09sw0EjMdJs,11624
597
+ xinference/thirdparty/indextts/s2mel/modules/openvoice/se_extractor.py,sha256=1-E0_9OZNHNHno6MKZwtji_S9-3npx2_2E-8PvS5x2g,5163
598
+ xinference/thirdparty/indextts/s2mel/modules/openvoice/transforms.py,sha256=5nmJiaDXXL7EXn4k42l-HEiGs2ZMaoCkUmRe8dKpP5w,7253
599
+ xinference/thirdparty/indextts/s2mel/modules/openvoice/utils.py,sha256=pxykq9El2pd_FlBM2troZzN7yT9_3spnuE_NoJ7wbQI,5746
600
+ xinference/thirdparty/indextts/s2mel/modules/openvoice/checkpoints_v2/converter/config.json,sha256=nf_2A1C4xj8sZk79kqYbJRbvsiZxRmlg8OXf69iB-kc,838
601
+ xinference/thirdparty/indextts/s2mel/modules/vocos/__init__.py,sha256=IC0apYxotKhbx4EnLrhh7U44h8eHVd2Dv4DVMXhuPyo,54
602
+ xinference/thirdparty/indextts/s2mel/modules/vocos/heads.py,sha256=fn3c4RKgeTmqKCArnTW8o-FNiGJ2pDscB1izi5TSPcY,6363
603
+ xinference/thirdparty/indextts/s2mel/modules/vocos/helpers.py,sha256=jQOJaHUd_kxddxIceAchT6Dbes09OZ4Gt0C1h2pNmLI,1906
604
+ xinference/thirdparty/indextts/s2mel/modules/vocos/loss.py,sha256=zvH4QOLoQQRm-86GnAOUwP7Omlp5fnR18wXXip4vk7k,4130
605
+ xinference/thirdparty/indextts/s2mel/modules/vocos/models.py,sha256=O50MDD4o_9whIVl93uwKtdoHHy674JbfTP4OKXbY1d0,4544
606
+ xinference/thirdparty/indextts/s2mel/modules/vocos/modules.py,sha256=ETKwCBMzzEq-HDayvXCRhc6qJDUZ6okDvserCOZ9XWQ,7832
607
+ xinference/thirdparty/indextts/s2mel/modules/vocos/pretrained.py,sha256=u4M3WQRY3xxptc9Pht2RRIebBFsaDuRmcyEbLaoD4r0,1840
608
+ xinference/thirdparty/indextts/s2mel/modules/vocos/spectral_ops.py,sha256=VXd3HaroOp_8bfPxo85_P5wlQ1YsjKP1r_dA7itRVoI,8081
609
+ xinference/thirdparty/indextts/utils/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
610
+ xinference/thirdparty/indextts/utils/arch_util.py,sha256=eCghVHSHrYFfRovegrXxPflT2GR9poxijlBVEIyVtAU,4047
611
+ xinference/thirdparty/indextts/utils/checkpoint.py,sha256=dhkaKQbFBl_dxYVc8o-XsUBsJdaqF8sCM71pRKK5-04,1201
612
+ xinference/thirdparty/indextts/utils/common.py,sha256=Dq5T5a3mTOlXMEerE2DqaUZUnK_ZgiIcoiXZOhtFO2w,3924
613
+ xinference/thirdparty/indextts/utils/feature_extractors.py,sha256=I7UHt_rptyUI6DQ3qougvn7lGr4W6x4672Syh6GCfxQ,1748
614
+ xinference/thirdparty/indextts/utils/front.py,sha256=etAY5nJ-5RELJaNuAx1QUt4w5ox-YZxR54VJG_YYVr8,23802
615
+ xinference/thirdparty/indextts/utils/maskgct_utils.py,sha256=YRazEaYolAyeZaMVdEw3mR5nCr_zo3386TWdyDSc3WM,8180
616
+ xinference/thirdparty/indextts/utils/text_utils.py,sha256=WKq_pEdfXxUTvkjOkPMtNt5WQeePXQ_gFdOX96G3xAI,1145
617
+ xinference/thirdparty/indextts/utils/typical_sampling.py,sha256=nasNfmbNx4dHEVZVC_KVmiaTNeF53FUaIUbKvVuEQcg,1623
618
+ xinference/thirdparty/indextts/utils/utils.py,sha256=Rk-lxT3e8WvctLqza36xwiZdvYiSCvJBVhdshJq1mAc,3139
619
+ xinference/thirdparty/indextts/utils/webui_utils.py,sha256=cACT083DkFFmFWbXovozt81TMmxZBrwXoF729Nd721g,1662
620
+ xinference/thirdparty/indextts/utils/xtransformers.py,sha256=Z2wKVONjHbEy2EK6ioAaxJyetHaP3rU69Nai-kRzGSQ,41986
621
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
622
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/codec_dataset.py,sha256=s-xXb0wYwhE1K3DeDHqt64hegBCDBbNPs6-5pAJSOtU,9191
623
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/codec_inference.py,sha256=PjHbjEy3wtdUWNrf5pbNswTsTIVqzZoKGBmW-qbC6Fo,19258
624
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/codec_sampler.py,sha256=SLG60vtYr0empmxvneUSwbbU9ZjruMHNVXaAeoYJfes,4506
625
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/codec_trainer.py,sha256=cW4Dx9FQXUnaxSdo8GaC-yub0fqBPIqdVANirBPCY98,5657
626
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/amphion_codec/codec.py,sha256=9NogqGPQLynYMGatI7F4U8FdtoEvszF9Z8XlyeWklDA,13709
627
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/amphion_codec/vocos.py,sha256=xLBTl1XVHq67BZQBjewG1yiULPvqzLnc1aySaTmT_WI,31452
628
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/amphion_codec/quantize/__init__.py,sha256=6IsPPpIQftOiLvAchASkUpBQDPF0VPebolZDmni7AwU,596
629
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/amphion_codec/quantize/factorized_vector_quantize.py,sha256=nhgMTpzY-TeyMCtSc4RVKMNTs0XFj_YgtkzIiuAmH5M,5035
630
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/amphion_codec/quantize/lookup_free_quantize.py,sha256=trqkb_bYG4If4DKLUkGNqIqI0xPPyX6djDJ8zQIn2Gw,2201
631
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/amphion_codec/quantize/residual_vq.py,sha256=T5hdU5Z9rN5Z8zMWBaPi3WF1NqR-DHFH_ALkCn8Tz48,5847
632
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/amphion_codec/quantize/vector_quantize.py,sha256=QdXVCNy7B0uqtwECIdd0C0EkXHw62u9oC4XSkghmZUg,13633
633
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
634
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/facodec_dataset.py,sha256=Ov2O63yrZUy5EGERTD_xBSvO_zLvVn7DEPEuQhQlAbM,3533
635
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/facodec_inference.py,sha256=7G-dbVbX6wCZE_eGfbQergLbsz_TIhV2JM8KXqIorFQ,4555
636
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/facodec_trainer.py,sha256=D6OMkBPaD87FUatpjjgs0Q45OdSebvLspygHfv1luXA,29083
637
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/optimizer.py,sha256=YB_tV3XamkUCiBW9IdJMIpzj41Bw7c7BLuKRhFAn2Cs,3196
638
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/alias_free_torch/__init__.py,sha256=fovbWrB6ed5n0UkGAJZPYLCplcZpEhf0_Pt24XWgt5o,157
639
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/alias_free_torch/act.py,sha256=Kt1EFKjeyLX_5V5V3CbBeuujEiS1pfs5WcyCgERUtVg,782
640
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/alias_free_torch/filter.py,sha256=Z05fr__UvEa1in3jWQs7xsIiiTDnC1D0zuoBQ2dDjc4,3244
641
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/alias_free_torch/resample.py,sha256=k0H-Z1bTyCIuy9QVU2buEq76uMmKsM2brcNKDG1-t1U,1788
642
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/modules/attentions.py,sha256=MK7SrlQnqgjXKx4saMNe_GKGhnL13NrX-38nS5OMUxw,15103
643
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/modules/commons.py,sha256=sVO9sqaasnG3onOGYLJFtlR-ryUd9mMqNa3kaqi1t6Y,9518
644
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/modules/gradient_reversal.py,sha256=jXJ7uwEu5Sda1MgjrHR6htuIpp-vOTsEuaRsdAjIXr8,859
645
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/modules/layers.py,sha256=3M5GP5svJemYbey7R_aGfermG6N9LiT3DhcrDv31RCM,14047
646
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/modules/quantize.py,sha256=FEMnzuWrF8rOJIO90V4zVa4652rdecByP9BEQR-9OME,24855
647
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/modules/style_encoder.py,sha256=CTk4QNPppmWL6nLFMvAv0lfndEbRUdDhmrLAv43z2Fs,3175
648
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/modules/wavenet.py,sha256=tcfY6dxJPQxL8BEG-mAWUOr9bxq6vTnnHSVTHswcUTk,7203
649
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/modules/JDC/__init__.py,sha256=AbpHGcgLb-kRsJGnwFEktk7uzpZOCcBY74-YBdrKVGs,1
650
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/modules/JDC/bst.t7,sha256=VNyUNkuX4YrB36YodxTtEhJIz6rEz9OdBhxuCgie8Wk,21029926
651
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/modules/JDC/model.py,sha256=EaDS8w1mOzKuqMGBXX61q77dyLHf8pZcoiVxcdhkXb8,8013
652
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/kmeans/repcodec_model.py,sha256=t8-oHW8IaOsNC5M6QE9-pu_4IPJP25tqFRxIjSl0kW4,6586
653
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/kmeans/vocos.py,sha256=Y1z4kwq3j9eK_u5QxnUQlLAKVI0iSQg884oCqPVrS_w,30346
654
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/melvqgan/melspec.py,sha256=7qzM9Bfx2hUqGzbl_5ZyoktVY0UGHFxnac7oyvikWWQ,2788
655
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/ns3_codec/README.md,sha256=XUQSF39OiKt6wMd_ioK02x5TPR77EI58jVQ41aBa4Us,8401
656
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/ns3_codec/__init__.py,sha256=a4bFV_ERu2wMHEP-d780rBatlzQR1lL9pjRJ8RLLJMU,180
657
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/ns3_codec/facodec.py,sha256=CGliu-OwkTSRvx1YdLkAWvyPOmt_JwfzheVxHw34QUA,41051
658
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/ns3_codec/gradient_reversal.py,sha256=jXJ7uwEu5Sda1MgjrHR6htuIpp-vOTsEuaRsdAjIXr8,859
659
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/ns3_codec/melspec.py,sha256=ahTaKk1THx6P2z-DOYv7gMN59fpBFioodC1rndMbDD8,2619
660
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/ns3_codec/transformer.py,sha256=HPILImLNPddUtIhPmhNM7ZsM5BYzI4LADnW0HvZAHxI,7176
661
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/ns3_codec/alias_free_torch/__init__.py,sha256=fovbWrB6ed5n0UkGAJZPYLCplcZpEhf0_Pt24XWgt5o,157
662
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/ns3_codec/alias_free_torch/act.py,sha256=Kt1EFKjeyLX_5V5V3CbBeuujEiS1pfs5WcyCgERUtVg,782
663
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/ns3_codec/alias_free_torch/filter.py,sha256=Z05fr__UvEa1in3jWQs7xsIiiTDnC1D0zuoBQ2dDjc4,3244
664
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/ns3_codec/alias_free_torch/resample.py,sha256=k0H-Z1bTyCIuy9QVU2buEq76uMmKsM2brcNKDG1-t1U,1788
665
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/ns3_codec/quantize/__init__.py,sha256=aZZPXA7Pk6ALK0dnzClSytGefuu8e70VQhTAH8NMKUM,195
666
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/ns3_codec/quantize/fvq.py,sha256=QKHvu87dWwn_89sdkdgxEU26SaY9T1ghWJLT_l2_HBA,3876
667
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/ns3_codec/quantize/rvq.py,sha256=52HDs_YTDpFUaDD_QwgRHr0jqemnx0QyBKNYOZ2Yz9Q,3007
668
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/speechtokenizer/model.py,sha256=WGqI6-hBZVqgQI-yW7XMDA-kjV3PrdaOjLDfdLi0RGo,5954
669
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/speechtokenizer/modules/__init__.py,sha256=umw0VJ2eGmTBP_D4X2iw5SZ09IQHlJPMQhtRTea1kHE,707
670
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/speechtokenizer/modules/conv.py,sha256=hA1g2wQVwO90Y7lK_RV8O4zZ-aN03XFnjfGhEfblIxA,11450
671
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/speechtokenizer/modules/lstm.py,sha256=wgvRfP6Xhfas-Td0_8LKyeu8y2YT5oASlj7aX-o8ycE,1253
672
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/speechtokenizer/modules/norm.py,sha256=yaGrlkhFSPhuEnzGBBtZhlnDbma2QutYlgc4EM4HS1o,1093
673
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/speechtokenizer/modules/seanet.py,sha256=bIQ4-GOR2oSouEeItyZJr6AS_2It0P66l-NgeqjSjMI,14965
674
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/speechtokenizer/modules/quantization/__init__.py,sha256=51xM18kEG1Vms_Mw3zZQ0xda7pvyZVGwW7w6IfQAHfg,506
675
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/speechtokenizer/modules/quantization/ac.py,sha256=tfzHSoF6JVP5JmDsrvssT47GLOhZTYS8vhAHU_CvoHc,13300
676
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/speechtokenizer/modules/quantization/core_vq.py,sha256=lExXfdqWwpkDB_NWAllcr6aeCLC1ue98MRNqBonATks,13748
677
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/speechtokenizer/modules/quantization/distrib.py,sha256=9r6TdCJSAiL1vFY4daJspFvHhz-Z8WpfvCvf1SIc5Dg,4403
678
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/speechtokenizer/modules/quantization/vq.py,sha256=_V16O7-j9PmPFqw3Z11K5GAOJsd4-zHIH4QPFFoWTnk,4733
679
+ xinference/thirdparty/indextts/utils/maskgct/models/codec/vevo/vevo_repcodec.py,sha256=LNonExRrCLS3wmdLNTXJ2LQpEsUJxYAksHezTvR9qLA,17820
680
+ xinference/thirdparty/indextts/utils/maskgct/models/tts/maskgct/llama_nar.py,sha256=NGiX37leBPmEWJnHRMzEYlcCd7oHHbSPBxK7zyMZ4Ac,23130
681
+ xinference/thirdparty/indextts/utils/maskgct/models/tts/maskgct/maskgct_s2a.py,sha256=DorV9dFHBbghwnprQrSwWBI47UNjbJTPJQz0gOkDwuk,17700
682
+ xinference/thirdparty/indextts/utils/maskgct/models/tts/maskgct/ckpt/wav2vec2bert_stats.pt,sha256=ycF2wriFCrLjuoKLv6lp3q9FZs5V218mh7hDC4dSatI,9343
683
+ xinference/thirdparty/indextts/vqvae/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
684
+ xinference/thirdparty/indextts/vqvae/xtts_dvae.py,sha256=rSap_aWRNX8CoDGp8gZDrlrVVsz8V6WBovHLekE0YSw,14979
455
685
  xinference/thirdparty/internvl/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
456
686
  xinference/thirdparty/internvl/conversation.py,sha256=YHLQpHBSPfPmiP29q06__w0LAREgfMVmqyCaO484Xf4,15486
457
687
  xinference/thirdparty/llava/__init__.py,sha256=UlCNtyBVX645CB6S6LfyYkTfQVO18_a8e9SmR7cHExA,41
@@ -570,7 +800,7 @@ xinference/thirdparty/melo/monotonic_align/core.py,sha256=yMStKbqZR5FkpRo2GR68I3
570
800
  xinference/thirdparty/melo/text/__init__.py,sha256=7KjBd2TE3NV9OnEYV3XRxuTVNonWqaVHCOxjV3oqyLo,1477
571
801
  xinference/thirdparty/melo/text/chinese.py,sha256=upLyLTy3KiKxOqkqhuq-ayIFgrnACnFQLgVu8ACGDVE,5823
572
802
  xinference/thirdparty/melo/text/chinese_bert.py,sha256=wLNu3ZTlSycdlx2rVZf4-wqsA9HmNNuh5_8wRxRRjbk,2521
573
- xinference/thirdparty/melo/text/chinese_mix.py,sha256=I_j_NZbaEW3Au7KsrYIzlEmZR0KhSp-aSGyUuZzGCAI,8571
803
+ xinference/thirdparty/melo/text/chinese_mix.py,sha256=_UyQhz7FGImfo4mXxUS1totMl-nCbGXipKeRr-5uZAc,8573
574
804
  xinference/thirdparty/melo/text/cleaner.py,sha256=aHHcw_qchjiSU-9t_JiAUKyXhIbb_rCh1qqumLaOxSo,1245
575
805
  xinference/thirdparty/melo/text/cleaner_multiling.py,sha256=pEvgY06RXHFrjAZ86tzq_xolMdLmtUE-0MgLWNUBOvo,2639
576
806
  xinference/thirdparty/melo/text/cmudict.rep,sha256=0Se1zouOaVcycB6O_eBLmw-hGZEhix-50hvQySZGNqo,3969309
@@ -650,19 +880,19 @@ xinference/thirdparty/whisper/normalizers/english.py,sha256=KJjkZyru_J9Ey03jjBFc
650
880
  xinference/ui/__init__.py,sha256=vlb6zkPS-v_VIp-8yH_GgzH6Lk0XOqb46VmI4NRvG9s,683
651
881
  xinference/ui/gradio/__init__.py,sha256=8sdxsx-RvET6fwoyjC76ThgRpYFc-Evdt7mpJKUtIZA,719
652
882
  xinference/ui/gradio/chat_interface.py,sha256=4Hkxct581oE-UJfHE7eO1q-MOdx_12P3S1fmcEzS0sE,31181
653
- xinference/ui/gradio/media_interface.py,sha256=CmP4as2THlrcmvR9EH37XLBJZ_ihNPENBvIUxiUiAKc,47266
654
- xinference/ui/web/ui/package-lock.json,sha256=Q3gwsjjCFtDjVg5Yk7s4jfMAZ1wiyFfS_TJCw3ECB64,762407
655
- xinference/ui/web/ui/package.json,sha256=iitsROb4-TLzxbOftXJqUGpp38TuPhzfLKy5n9THQYg,2081
656
- xinference/ui/web/ui/build/asset-manifest.json,sha256=pqgKoHryDiBqHZei3jdAjFkRQr8QkWssloj7luPD-bQ,453
883
+ xinference/ui/gradio/media_interface.py,sha256=4aKQCqtAGuTe63co4adU-3ph-LKBKRfqgThZAVeAwPE,49821
884
+ xinference/ui/web/ui/package-lock.json,sha256=qLruwANnYWM2tNKJIBj8X9sfoj2-1fASY_aSlrp6T3M,760863
885
+ xinference/ui/web/ui/package.json,sha256=fKbU-QiHj3ob1ZUkbTrNnBKr6xI4keQusuZWvNaD030,2053
886
+ xinference/ui/web/ui/build/asset-manifest.json,sha256=gXVW_kBBXpd7swBUypb_n7i-EUs_watgsgTflC3cysE,453
657
887
  xinference/ui/web/ui/build/favicon.svg,sha256=dWR8uaz0Q9GCcl-DjWvQh07e1f3jhJBt-r4aSbmH3A4,1894
658
- xinference/ui/web/ui/build/index.html,sha256=ltCJcnaTMUZkdceNVPQXgyUo9Qq0WA6msjd-OCAriBY,650
659
- xinference/ui/web/ui/build/static/css/main.013f296b.css,sha256=Aj4xU40JlOcnayucrFblYBa0t1da3X9S4e4gb_hgoFI,5289
660
- xinference/ui/web/ui/build/static/css/main.013f296b.css.map,sha256=XQBL1ac57PSMgV-USyLc7nq-jjTqQnwlVkac_CiTrhk,9953
661
- xinference/ui/web/ui/build/static/js/main.1086c759.js,sha256=ACW9BT7LIHr2rZ3OWxNAdnhSDnYJrAtC9Y3Ht4OFA90,1292688
662
- xinference/ui/web/ui/build/static/js/main.1086c759.js.LICENSE.txt,sha256=d8ETWF_wyLDtaMx4LKhmJjBONXs3Onu4YucCXopqPK0,2321
663
- xinference/ui/web/ui/build/static/js/main.1086c759.js.map,sha256=E_9xxYZYxglSEe4M8UP_1TaDGqX0_qF8CS0nE8dNAq4,5300937
888
+ xinference/ui/web/ui/build/index.html,sha256=7FYdnFbNnhk8tbR0Zaf8at34FJga3c9BWDzYuLR8zNs,650
889
+ xinference/ui/web/ui/build/static/css/main.5ea97072.css,sha256=QzhgxUs4GpS3hwOv6NW25TdDNDMvQiN6HckuAEaVKZo,3341
890
+ xinference/ui/web/ui/build/static/css/main.5ea97072.css.map,sha256=t_9sK7h9hkRY9o0SArNBI34LV30HMzBQHCIhfpynO_k,6321
891
+ xinference/ui/web/ui/build/static/js/main.45e78536.js,sha256=_RpNWumlC4nyzu9HJ_L-3cGq87A-bSZqKHOYRXVyQ4M,1277453
892
+ xinference/ui/web/ui/build/static/js/main.45e78536.js.LICENSE.txt,sha256=0xWDzLX4HHvsxHE4Es_ZDJF6VqQRSNGGa1-p0MGy8d0,2227
893
+ xinference/ui/web/ui/build/static/js/main.45e78536.js.map,sha256=ReayXNhKnFECPzfeMNlD_Cf9JdBJO-JUs3Cs3Jy7jXU,5199912
664
894
  xinference/ui/web/ui/build/static/media/icon.4603d52c63041e5dfbfd.webp,sha256=kM--URMpXs5Vf0iSqQ8hmUalvWgcmRERpv37CriXRAE,16128
665
- xinference/ui/web/ui/node_modules/.package-lock.json,sha256=2kL1sQ4ZuDQilki9DnRFFM8CxT13fyGl3chLK6i3DQY,760261
895
+ xinference/ui/web/ui/node_modules/.package-lock.json,sha256=OdknlpWEXQcVqYuk6s6MJ1Xh3NUb6bDKev0zEXtV2KM,758749
666
896
  xinference/ui/web/ui/node_modules/.cache/babel-loader/000586173ff934bab9e3b1eb56de8522e86c56b7e0e03b59b1ccc15e269ea871.json,sha256=VRSx_-UfpuhJhxOku106XYcyPD8mk2KGsa_hhR1nrMc,1450
667
897
  xinference/ui/web/ui/node_modules/.cache/babel-loader/00082ae916269b7e237b498d3411a9b7b44324b2c3312aadf7176dcf4bc2d4f5.json,sha256=ouTyQSFaChpR8ED0gbqtHtaID0KnC1ak9O9wUOUXrzg,1090
668
898
  xinference/ui/web/ui/node_modules/.cache/babel-loader/000a32a0c011a0523a6da2d7040fd3dfdb4f2915b27801a0b3fa544d5eadd4cb.json,sha256=2_2Xx-w6Ks2qP24tMupySBjkO6Wlvu4-8Gn3uqlZkIA,2323
@@ -1063,6 +1293,7 @@ xinference/ui/web/ui/node_modules/.cache/babel-loader/087d74a1e19ecd0bfbde4d70a7
1063
1293
  xinference/ui/web/ui/node_modules/.cache/babel-loader/088129c20494b4290ee476d57d4385a41de33997abb105814ae461ed5e6313ad.json,sha256=lOR92VZaUu7-Z-BcOMEWbsfTbJ7nC-tcvnrpXJmWzy0,11294
1064
1294
  xinference/ui/web/ui/node_modules/.cache/babel-loader/088394f093ef693eae377474f6a057b7b86c0624cfd1d77c8e17a0b53186649e.json,sha256=DL_s2J1U3hkW0Tz_xmG32W_0DLjCS5ErG0XoFQxt360,1163
1065
1295
  xinference/ui/web/ui/node_modules/.cache/babel-loader/088b48ca53bf24212ca1675fab0dd25b7936cbee7d0672104283287a55aa8b7a.json,sha256=bYATkjyRWAYXCNjoEc6qxQkenNLbnikNgxa1ibDEDcI,1656
1296
+ xinference/ui/web/ui/node_modules/.cache/babel-loader/089c38df5f52348d212ed868dda5c518a42e0c2762caed4175487c0405830c35.json,sha256=MZC0Yw6TlTTSf4IoW3LMEP1KikO6MSKCgSU80V4JjF4,7607
1066
1297
  xinference/ui/web/ui/node_modules/.cache/babel-loader/089fc9ef7341e648649dfbce61853fcfad2a885a40405c1e68b047a97aa66fd0.json,sha256=NG80BlUCqVwEdfBeWcFpC0gAwEI_mJIb7Gi9xquj33w,1699
1067
1298
  xinference/ui/web/ui/node_modules/.cache/babel-loader/08a2d4cd700b0ed0af0dd0af0feaa0ef847a297f85cafcec6458a704cf5e1c00.json,sha256=yiFRsOUAco-lO7A6CbmyNERHl6_ZS6cMaNpHov73E6c,1310
1068
1299
  xinference/ui/web/ui/node_modules/.cache/babel-loader/08b06671c7fbc4bfaca0b8474c077fb109a5fa3c964962b41c439760eb83d791.json,sha256=GPmyZSAY_4RYwMBo9nVwnZbJQtCFi2tLA4BnJbZTWkk,1897
@@ -1182,7 +1413,6 @@ xinference/ui/web/ui/node_modules/.cache/babel-loader/0af19d56ea0e916688469fa7f0
1182
1413
  xinference/ui/web/ui/node_modules/.cache/babel-loader/0af8e1662a5ccd1df96204720fadce3ff0dfa96a518e852d9e62379a605b93d2.json,sha256=6Zhg-1iPlYgmfr5Es6smg56Tv38fRBJTTu5g4coq8Og,2737
1183
1414
  xinference/ui/web/ui/node_modules/.cache/babel-loader/0b02b34e9bc55418bea7725f067f492e938e3564d585632c96b0a4c00f6e553a.json,sha256=WmHO15swNQlAam-GWZWAssI__BlLIAQqC6T12yi1EjY,1693
1184
1415
  xinference/ui/web/ui/node_modules/.cache/babel-loader/0b0e40d0cd5002847a3c61f3b523ae4a15b1c6ee2f9a188f542259c4a67ac9cb.json,sha256=MOxIiXZMT5vDF-iOXGgqW06v1AkKpxHK9sAQqzjZGUQ,1520
1185
- xinference/ui/web/ui/node_modules/.cache/babel-loader/0b0f77000cc1b482ca091cfbcae511dfe02f08916971645fad21d0b1234d04a2.json,sha256=cjPMZv_7AjNv2yYFPkrY5SYQb_kL3lzzJ6laJEZIcLk,20264
1186
1416
  xinference/ui/web/ui/node_modules/.cache/babel-loader/0b1303b66ef25f05878449aa41e2b3fb98826907a4052dc1fe77097006cbf62c.json,sha256=ckFiNqr3AatSjSCBLgxxE5cJH5p7NqQj8xW1XZNy_6s,2207
1187
1417
  xinference/ui/web/ui/node_modules/.cache/babel-loader/0b149cb69a727a81a6bb0bf8223f31da591c87df3cb5554a76ef939f8c4ff7e9.json,sha256=31fX5TxFcFxdjNWhBBnKuTratLxpXuhbgBR3ACOwwRw,3289
1188
1418
  xinference/ui/web/ui/node_modules/.cache/babel-loader/0b181c51d6d529431ec0df74c7fd71d30656aca95bf95b6e0c374761f8feaa83.json,sha256=n6joYxSeYVJvC_4TxM04bCtee1wJ6cIXLdV4ohz6JHc,1884
@@ -2037,7 +2267,6 @@ xinference/ui/web/ui/node_modules/.cache/babel-loader/1c56f3427c8edc507e0dea6eb6
2037
2267
  xinference/ui/web/ui/node_modules/.cache/babel-loader/1c5badfd70e0d1d2359a08102edecd1606437d768bcaeb2be7c77e13916874fa.json,sha256=-npQ0qxndbLgh036kXeV4Os_QsSVik6vp7e7nZv3WWg,1880
2038
2268
  xinference/ui/web/ui/node_modules/.cache/babel-loader/1c5e95d35d5c036d3cae7c00182f7dc6a0468f67f61f32853d13552adae91559.json,sha256=xu8QTx-dYr6LyhgHgkx4ugoQvPBcQZMN04EWwAo3cbY,2204
2039
2269
  xinference/ui/web/ui/node_modules/.cache/babel-loader/1c5e9bcc7d50c3ffa42e49be4cb69cc7aadf3db1a6b5e5b87352095e8d0b1ad6.json,sha256=PbJZdbL6k7m9gm5v_7vMKPFiu9dn0sRJKMqjrJ1P1JI,1428
2040
- xinference/ui/web/ui/node_modules/.cache/babel-loader/1c5f8ff423a7c9202bea60b15680f04b1e9964b445b0da3f86c6ff70cf24e797.json,sha256=aRH72IQd4UioU78CMAoI-Ly5y3i1V_w4X2Ky-do6ww4,11539
2041
2270
  xinference/ui/web/ui/node_modules/.cache/babel-loader/1c602f122abffdf8915af62149ec4be6d02bf0e0083598db61704466456c44b1.json,sha256=mTk8fM0o6ZpsV1H56r_voZW0cDJpfZ-8GfHcNf7yMEE,1320
2042
2271
  xinference/ui/web/ui/node_modules/.cache/babel-loader/1c671056c42463e54a06183211b29063cc014c76321c9c99732bc4e9e46dd9d7.json,sha256=7TikBg4IteuxrscVd6VfYcEBAtN8NJbKJbZm_8mOZ8g,1439
2043
2272
  xinference/ui/web/ui/node_modules/.cache/babel-loader/1c6df3448933af5b4bced8d88e145d2d69496b6594b8cb1e660af95af7866bbb.json,sha256=KK54zNsh-seuQ961_u8mmZcBNektrYusaiXt5S7hteI,1356
@@ -2766,6 +2995,7 @@ xinference/ui/web/ui/node_modules/.cache/babel-loader/2b5f551deeb26d972b96c0977d
2766
2995
  xinference/ui/web/ui/node_modules/.cache/babel-loader/2b60dc8d442ea70bd62fd989935e243ac3b9f71a04d5b73ca9efdb4907759813.json,sha256=yw71dp7ZDXbePaDwSpSSUFcW2VmnX0tb5vbvfGG1rd0,1275
2767
2996
  xinference/ui/web/ui/node_modules/.cache/babel-loader/2b61b28a21419f0c6ebc527f68e1d88da3c4a2822bc3734500cbebc88ace3146.json,sha256=5ceRKMW0CXYhJggeNrjzrdT-Nafd_6qmeCq-k-RAVIc,1801
2768
2997
  xinference/ui/web/ui/node_modules/.cache/babel-loader/2b62c4ccb401645b241150ea092cd0827202b9782e20f8a297bc145ddd2c361f.json,sha256=Vlok6JrgZ50wQ9mgOv6wQgUEKUAWTFrtFaSmJsv92CM,1481
2998
+ xinference/ui/web/ui/node_modules/.cache/babel-loader/2b6e3a5b6eb2c5c5f2d007e68cd46c372721cd52bf63508adcdb21ecf79241d8.json,sha256=9juGO748qKj17G7pgfm5f1hIpAI3I69wvq1pzU9KY0I,2116
2769
2999
  xinference/ui/web/ui/node_modules/.cache/babel-loader/2b6f3b03b29a9493537d05264c428156d62143ae244315b27e657873b8d160e9.json,sha256=WJulE5niirywu6M0ZjluLcgXIN0zxiX65pWT4wRz_k8,2225
2770
3000
  xinference/ui/web/ui/node_modules/.cache/babel-loader/2b73795d9dd8df115ce9d8761f60865e9fe3d06b870ba808b0a5308449a141c5.json,sha256=yKuI5xrd6RRuYQ5vdoB9uojNDj29Ox04-q9CdsCTy_Q,1858
2771
3001
  xinference/ui/web/ui/node_modules/.cache/babel-loader/2b775339a6a5602b2dde624dbf7f346e48fa989874c56bd785df015b686e1898.json,sha256=6uVNdDW5AieVG1pfCF_Ggvzcyq-so1srWlgD6JNlneI,1325
@@ -2860,6 +3090,7 @@ xinference/ui/web/ui/node_modules/.cache/babel-loader/2d7a025ab3b1d56f19aa509f93
2860
3090
  xinference/ui/web/ui/node_modules/.cache/babel-loader/2d7d0490d3636f3123a23125316189132ae72724bdc7f895bc97647dd737ef88.json,sha256=TWTjqdyzwpuxkHXx_xD0wbmJ_yYn58zQXf7Ibla2wac,1239
2861
3091
  xinference/ui/web/ui/node_modules/.cache/babel-loader/2d820b24bd76b96089f7abb1d2751d034a456aa30d019f9a29531f1ae61cec8b.json,sha256=bMbQwQsg0qRX_8w3EiaU3AMiYwIPrXUoKfcO7PSjgu8,1743
2862
3092
  xinference/ui/web/ui/node_modules/.cache/babel-loader/2d83afdb50e19db21c6caaefe6a88676154145f7d471627ccf1c4106abe4f801.json,sha256=p3byF5LKYpa2Of3svtVyQEAD1SuBnmQ4DWXqvYV4a_o,1209
3093
+ xinference/ui/web/ui/node_modules/.cache/babel-loader/2d887825fd07a56f872eda4420da25fba0b5b62a23bdcc6c6da1a5281887f618.json,sha256=2CpAC3wdUkBIAgeQJV2Sz6dSr8OSDmNMcxVim2ISdPY,21978
2863
3094
  xinference/ui/web/ui/node_modules/.cache/babel-loader/2d90157e160e5f9d4c3955353e69b297061b75175a474dcc5c38c8ab0233d4f8.json,sha256=lMccIPA25QbPdATW3KUBt5DaICXixG7R0xT8dK_ZxNs,3429
2864
3095
  xinference/ui/web/ui/node_modules/.cache/babel-loader/2d9581daef482a583c4533674522d99ea42767802d01e743cac3d8f192579126.json,sha256=bR24jF2oc7AVSWNvj5C_E-Wi0Q5Yeg0_yu2sRIiOlW4,2430
2865
3096
  xinference/ui/web/ui/node_modules/.cache/babel-loader/2d99f64d0666a5582fa9928e79a8edc8879ba0e5b5318d4836f2270c9eba8741.json,sha256=z3VrQt7UFRipRwQoDpcL2ZFNhAvv0elIJZ5R2QcPT-k,1548
@@ -3759,6 +3990,7 @@ xinference/ui/web/ui/node_modules/.cache/babel-loader/3ff6eb47dea46ae0dbf3f07d5d
3759
3990
  xinference/ui/web/ui/node_modules/.cache/babel-loader/3ff7ffae907bbc7e00a2c8fc98c352cbd2b552d541046aa86df2994b0f300c74.json,sha256=CilLHuFikJQM3jnWAdk0z6yHsvNd-ZYW2xW6XMuYZXk,1584
3760
3991
  xinference/ui/web/ui/node_modules/.cache/babel-loader/3ffe530ed15820b688b6edc4a0678f1888cdea6b2c721d33ccb0f720a0a59a1a.json,sha256=GWKnx2QCzhRQyN4FXFoC1drur5WR591QjxI22Eth9hk,1362
3761
3992
  xinference/ui/web/ui/node_modules/.cache/babel-loader/3ffeddc2791600bccad390a01bbf296f3f26772311bd0574b5db7db5b12b6d2d.json,sha256=2fQ1EKZ5L7ysTv2ZZ-703fXnPyXOpYDXck6MaQmsz50,2830
3993
+ xinference/ui/web/ui/node_modules/.cache/babel-loader/4001f9c3e64e73a4f2158826650c174a59d5e3f89ddecddf17cbb6bb688cc4ca.json,sha256=TvdX2i0-CKhnolddZ4j9U5KnqgWEzLJuH3GAJz8v3M0,9079
3762
3994
  xinference/ui/web/ui/node_modules/.cache/babel-loader/40045ed6e3ed4d4cb02c2efc634e7d35d39983eab802c432469d3c0ea78fed6a.json,sha256=vX9gNOA69oYI-5bgOwrJEdHqcA_apb2dUc_PO0bzS6Q,1030
3763
3995
  xinference/ui/web/ui/node_modules/.cache/babel-loader/400ddedd7a8d6544429bbd0410717eb4c5602b30e2222356f5847023bc9f0743.json,sha256=-DN-NQyOEGH3rtBHLJCzjYqoqTd_w6Z27Vq3KM6sl_A,1706
3764
3996
  xinference/ui/web/ui/node_modules/.cache/babel-loader/400e4916a1fd7fec5aae2195ad20a710dac7d014ffc2ed41a75fad480818a76e.json,sha256=m2qMN9rT8YUkLPVOkuIg4HObHpNEFt9Ufla6EYGAGac,1604
@@ -4012,7 +4244,6 @@ xinference/ui/web/ui/node_modules/.cache/babel-loader/44b54b254f3e7945c67fd7807f
4012
4244
  xinference/ui/web/ui/node_modules/.cache/babel-loader/44beed1d123ea9702eb5d63fe820106f2be50b75f84ea6d2b3eb6a6afc6641eb.json,sha256=zigc6JspmYxBRrfCjxnotqxycnsjObShq6voHfEA9_g,1047
4013
4245
  xinference/ui/web/ui/node_modules/.cache/babel-loader/44ca2a09e118ca7118136de5077cc59771bfc2645ffea89ea65aa3741b830d06.json,sha256=t8zPI7UzC0lzJnsdOr4QLJSi7ONPKMg4MzkpheWq2E8,1168
4014
4246
  xinference/ui/web/ui/node_modules/.cache/babel-loader/44caebd325c7d539934ffb63823745cbb7202162855d6ace15e7c7a5341462c3.json,sha256=9NBVpQCVuWk59kI0eGO8Cglfd_6xsVOOB23N6y15vJU,1528
4015
- xinference/ui/web/ui/node_modules/.cache/babel-loader/44ce7993e344980e3ed4f13e8f69237d4a5dfc60e37ca6b54f51f8ee1357bd67.json,sha256=EXiOVyqcKIgWpeyfjlm4_KYUE3lVKEY-zGuZBKUltOk,2421
4016
4247
  xinference/ui/web/ui/node_modules/.cache/babel-loader/44cfbbe9dc3ee39c4d6f143533f6366e8a77429e811dd823849adfd96679e150.json,sha256=St66GE59GuwE2ZtflZpXz7C8XJc-J5Xfz6Rm-4wCXhc,2176
4017
4248
  xinference/ui/web/ui/node_modules/.cache/babel-loader/44d251bb952acffe7b5ac23d315c164b14a02edaf1cc684f3a8b4df371deb9b4.json,sha256=QAc2Jnh8WwmTeNySe_TNhT3Le7QeaHw5HmjQO_HSc4w,15889
4018
4249
  xinference/ui/web/ui/node_modules/.cache/babel-loader/44de37091f3c637864f7029345030bc9da0dded34d3d5ec2e3f9772c94373fa0.json,sha256=T-AZZZrBnzB7AZnJjk-tgrj2Fjz_Lmuupti1B8xabio,1934
@@ -4262,6 +4493,7 @@ xinference/ui/web/ui/node_modules/.cache/babel-loader/4a4b7ad4ae59c3c644fe473dce
4262
4493
  xinference/ui/web/ui/node_modules/.cache/babel-loader/4a4c8c6fb1d8b47c46328f663ae28b676912eedaf93460d564f74bbba68e8b1c.json,sha256=212sb8HoFM1D_hB5QspUHF85Sq36D1uJvMpswLiqzDw,1481
4263
4494
  xinference/ui/web/ui/node_modules/.cache/babel-loader/4a58d788445b1e3bb1bd714cb0ae8deb8fcd1b61318bb7486e81652caae9626c.json,sha256=Qg3tEOa0aQePaf_jMaI997YowG99fr-5iDzDjg10gyc,2025
4264
4495
  xinference/ui/web/ui/node_modules/.cache/babel-loader/4a5b5b46088f3554aa045a669becc336ce7a51572341b2bd61679842238e2dab.json,sha256=XnDZClMCYi2OYLW94BrnPZ4-5T1ZSbXNu42XIeQy_fg,1071
4496
+ xinference/ui/web/ui/node_modules/.cache/babel-loader/4a7018a69e6b7f90fc313248c2aa86f2a8f1eb1db120df586047a8023549b44b.json,sha256=y2oy5l501irLmD_INOQs_pAq4VGDQsHLtz8ofsH53i4,48781
4265
4497
  xinference/ui/web/ui/node_modules/.cache/babel-loader/4a7199aba11014c4eefaa9f1bae5263856cc502fc60416cc54f8a81360dc04ba.json,sha256=f_Sm162sEqnNG7cBzLdj1w507ZS7jAwsxC0nbnRWzig,1357
4266
4498
  xinference/ui/web/ui/node_modules/.cache/babel-loader/4a71ea7f7772342c5f3e1979c63ef28e2240ff413d8d6efb079ceceaa62be4ec.json,sha256=vBSc3vMjqvb6hOnaD2FrTSWxTlYQJZ_XRjwNbzwMhMY,2259
4267
4499
  xinference/ui/web/ui/node_modules/.cache/babel-loader/4a76aa32d45772637f4517a4254665bd45fb25370f66846540849b01f8e559db.json,sha256=OA4th4IkzEKYfi-QLtnXi2eZ8APTeLPoAumoJBqM5OU,2366
@@ -4295,7 +4527,6 @@ xinference/ui/web/ui/node_modules/.cache/babel-loader/4ae6182f09752467d6994df8e9
4295
4527
  xinference/ui/web/ui/node_modules/.cache/babel-loader/4ae9dc464bd313b5f62974f0bd0666a481bb483523b33968a6c998fa47852e79.json,sha256=O8g9yS6zKIJwNtf3dRQBYjtaJQdJ512plKOmkOmzKkE,1588
4296
4528
  xinference/ui/web/ui/node_modules/.cache/babel-loader/4ae9eaeaab84e95c65955d5231d2df501b46d420ddbadf67f085dd32af091ed2.json,sha256=_zoq5DSanjvwL43Yh_tU85zXoQKZx7_ZrdC1VsFyeMA,6816
4297
4529
  xinference/ui/web/ui/node_modules/.cache/babel-loader/4aebd44052b73a616d49e91c3cca79735c6761cebe668b7eb55fe905bad171e6.json,sha256=_XwE9QL0TQz2Yh6fHZoIANqsfxyiKwsSk76RYzmI2Aw,1663
4298
- xinference/ui/web/ui/node_modules/.cache/babel-loader/4aec1cc414ac3ebb3481d3d915e4db597d9127de813291346eacb8554ab170d4.json,sha256=2Pp9L6GWtFDzXeRc7kA5S3gcQO8kvEV3I7dY7CBW_9c,87873
4299
4530
  xinference/ui/web/ui/node_modules/.cache/babel-loader/4af05a590402a644043ecc81c33785b2676319f9d39e2359886df83a4437f3ab.json,sha256=D6Mmn8sFVBAgISSJVi9LYGlJlgI1WVBlNKCm-ak2F4E,2486
4300
4531
  xinference/ui/web/ui/node_modules/.cache/babel-loader/4afa0ab49dc30f77c8687ec3c95ca30a8e9c6a0bbf654e2c3f27a23dad8c6691.json,sha256=QYa0tu0cAIpIYFC15a-TVkyedLbuCpB-qFKtPxPUrNE,738
4301
4532
  xinference/ui/web/ui/node_modules/.cache/babel-loader/4b000452970c89ccce6b4e47d80f3d91c0c9b292a1549e8895835cef39a9470f.json,sha256=ITHsmWERBqVu4SSCb_vtp0NaR8LY0WhjxM2wbMSbhwo,1416
@@ -5531,7 +5762,6 @@ xinference/ui/web/ui/node_modules/.cache/babel-loader/64465de83d78d7a0b56a0ea3dd
5531
5762
  xinference/ui/web/ui/node_modules/.cache/babel-loader/64473bed39770dba6dc1da24a27e209342a3270160974049a7592d9880d75907.json,sha256=ICoOn3rGIhaiLAn6hEXMejF3WPh0ZD_yKbjan4aiFB0,1348
5532
5763
  xinference/ui/web/ui/node_modules/.cache/babel-loader/64476368e97340735080e54e0bf9c4ac82e744b126cf89619672b2fcf8109c7e.json,sha256=bElWVhC1r1T3HeNOYny8F1nRYQ3w5lG1yu2JTuuZeS8,2451
5533
5764
  xinference/ui/web/ui/node_modules/.cache/babel-loader/6448273d82e814fe084f022dc00a0031d5a364c160dca471730f2e8e81a403f3.json,sha256=DB9pQoetn35ZBXpyOZRvnzdbgmkJpRTKF7jSrUW-kGQ,1124
5534
- xinference/ui/web/ui/node_modules/.cache/babel-loader/644cfec52f3c57a6e222ce60f112237a1efefe9835efd9aad857a685f53d8eed.json,sha256=gQNl4VwgUySvIEZvQXnYnf1PFhnXOkEOZWvW-6TF2MM,39542
5535
5765
  xinference/ui/web/ui/node_modules/.cache/babel-loader/646151a1eeb27838b65b4d5cc6a43c9cf4ea68602c381fe6c51f5443eceee7b2.json,sha256=jQ_ISyQfIFmQ4cORCNI50og6pkTCR-CWgJYuZ83i0l8,1786
5536
5766
  xinference/ui/web/ui/node_modules/.cache/babel-loader/646c5d370195bc655ac7f3587d7a7dfe3e30fed07000088f13d102a3626b8243.json,sha256=glui0_a5LKRgezuHGp-yVbjILTpNBms5xrpVD8BrP70,1616
5537
5767
  xinference/ui/web/ui/node_modules/.cache/babel-loader/647091ef6040fa52989bd8fe89903f409998262e1240f42350a98c0224d8ccff.json,sha256=6c6OZT9TKewNuepbCyFWq9sOSt8-Va4gX0Lt9hNj0lg,1606
@@ -5551,6 +5781,7 @@ xinference/ui/web/ui/node_modules/.cache/babel-loader/64ac549c0ade2f7faf64e7564e
5551
5781
  xinference/ui/web/ui/node_modules/.cache/babel-loader/64adbb52ea8c23466157e73303305a9e3197b9a699e6604c7808eca9cb3b836e.json,sha256=RSKW2z18hZoW1KdrvAAKeZby_xELrVc2XtZtHugPIeM,1342
5552
5782
  xinference/ui/web/ui/node_modules/.cache/babel-loader/64ae0389a5dc3165f41e572eb628d626a4c4552a56d9e88dc0c94df9897ded07.json,sha256=nLMlgZSYkfHKE6IkDXnLSAWT7VBwP3m3VGfdaZ7Pqc4,2136
5553
5783
  xinference/ui/web/ui/node_modules/.cache/babel-loader/64af1b9095e8cd6c7c5833825d2c29c205dea657044eb78deeb5744ee29b73df.json,sha256=onArqKYQ1pkU9GB_J7_3Vg4GfKoX8Om6xtM3htFrY-k,1435
5784
+ xinference/ui/web/ui/node_modules/.cache/babel-loader/64b12aaa1c1d1bf53820ada8a63769067c0ccc5aab46b32348eb1917ae7f2a11.json,sha256=63ZvxAdqotwzJ6Ouy3IVZe6N2xjtZFjm4UdFa9dslxg,5566
5554
5785
  xinference/ui/web/ui/node_modules/.cache/babel-loader/64b137216abc7fb01d99051f66ec3fca2c48d9c7418bb1cc177145e9476ad54f.json,sha256=oAMv7XAD9bj3vpZx-ueLzOxqBeN5xqR3U3Jgv-fiU8s,1630
5555
5786
  xinference/ui/web/ui/node_modules/.cache/babel-loader/64b2f99a8a58b37db905a08ffecfaefc4229aff2c7daca8926fc421d86c50e74.json,sha256=dFTLImhrnNcxNvtR5FOlH0RHgu1TosynZ7uyiibmoIw,1947
5556
5787
  xinference/ui/web/ui/node_modules/.cache/babel-loader/64b365373e067f37e64bc42d5ec4403e63b0aebb4930b98a9750c721e683bd9d.json,sha256=AYcsceINNHMttjz83TlpgWYF6I5b1jiOanBLhTtu1Aw,414
@@ -5626,7 +5857,6 @@ xinference/ui/web/ui/node_modules/.cache/babel-loader/661faa563a3b740c37d8cb66c4
5626
5857
  xinference/ui/web/ui/node_modules/.cache/babel-loader/66201daea28a7cd3ce089df80e884da3f29c3f6ecf747842470c39bb7ac405ca.json,sha256=Ol3P87OMHVAAcCmzwZPmc6jOcnXTEoc_jBqK486XpXc,1072
5627
5858
  xinference/ui/web/ui/node_modules/.cache/babel-loader/6629826f121d1a7e15c58090aafe7bbd46f1f1bf32e74fd6250a32c544620039.json,sha256=OI9-qXrVRCZVAS5Lgd8F8LBEILuO64LtpKPjyDvdDUE,1213
5628
5859
  xinference/ui/web/ui/node_modules/.cache/babel-loader/662c40a74a0985518fce6aaa85d506a402c3503e3ad90b9dffd8980b46c5078e.json,sha256=upgsEDXZXGi9dYvJzNeu8d9x4XkaqI7BIuWnfshbDRM,1170
5629
- xinference/ui/web/ui/node_modules/.cache/babel-loader/663436f72af53fe0d72394f56d003fa4e0bba489e5bb4e483fd34b00f84637f7.json,sha256=Y0D5-O8Vmp_20Ec10gaq8hUrLJHWUHBUGVJiUc9gu8w,17917
5630
5860
  xinference/ui/web/ui/node_modules/.cache/babel-loader/663c72c4ec6c2bb08765c41398025aa0839e37d422921dde64d1ae915adf2648.json,sha256=TEYzMSu0Lb1oibP6vBWLkDD7aWTj4CFzO65PXcZXqQY,335
5631
5861
  xinference/ui/web/ui/node_modules/.cache/babel-loader/663efa05e15d96140ac59d9546327a6b4b16eab9d5bfc780596951394517149b.json,sha256=1tiEwCAO8f_5kuBzL4YH7OS1gUgsQJQ1YZtGsz4k20s,1773
5632
5862
  xinference/ui/web/ui/node_modules/.cache/babel-loader/6643411711e04575fd6266cad5b3af142fa4eac169e581a1f6bc2ec698af19fe.json,sha256=33oj0dI9eajzxRgndI0CQ5MxdTYkVc1gqmY4taoabBU,1100
@@ -5779,7 +6009,6 @@ xinference/ui/web/ui/node_modules/.cache/babel-loader/69b94deea6ba913efe57efc985
5779
6009
  xinference/ui/web/ui/node_modules/.cache/babel-loader/69c0142432c150b754b3c237de0dfeddb8d9917eb2cfb1bdb55efab55ae5011e.json,sha256=KJ0p5ZxZFAZu4m94OrJZ80cuysPQ2D4qLtR7lsEVMXA,1816
5780
6010
  xinference/ui/web/ui/node_modules/.cache/babel-loader/69c1a58b1875d85d65ff25f5c2bc2925d52e3780b4397ea2d1e2140fdb50cb92.json,sha256=5eizMXXiovzVk9LRp_pClkRLFXMcVYQcDIyuVBUfZcs,1234
5781
6011
  xinference/ui/web/ui/node_modules/.cache/babel-loader/69ccffc72bc247a769f61d3e2af2f65eb0cc34b102ee9a5fb2401b77d79d8e36.json,sha256=K5JE1-QhhmaxJBPJKrvQPnKWrGcyOjzJjCynU9Eeti8,25774
5782
- xinference/ui/web/ui/node_modules/.cache/babel-loader/69db82ca9bfe27fe417cc6cf2b1716b09be9c6f0cd198530f12bfc60e801bbcf.json,sha256=KaiOWV2kyxqySBN-JKX6D0We2_kFMmWEhhAfn-LXY-I,5067
5783
6012
  xinference/ui/web/ui/node_modules/.cache/babel-loader/69dc3cdc2d87ccb1118d855809f6122efc3f666b9ad10537aaaf2bb034fd4b35.json,sha256=M8aIttSH6GpVh6x6KNFvw0BW7jjOn_InlAdLRhcpN7M,1328
5784
6013
  xinference/ui/web/ui/node_modules/.cache/babel-loader/69dcf1b24e5b57f714d20b34598df9d9aac43e63e2472296a384e4265c803e1e.json,sha256=gTridcxI6T0ankzFmnEIE3D8urz_r6-b6lRb9z-DagA,1303
5785
6014
  xinference/ui/web/ui/node_modules/.cache/babel-loader/69dcf31d1abb5e84a11c9dac7e6d2f368a90dcecb3631d7032394101aa6f8185.json,sha256=JnJwyEM9F5Ph0zJkBIp-8UQuU6nY_eyAdr8Ubng0Mb4,1339
@@ -6191,6 +6420,7 @@ xinference/ui/web/ui/node_modules/.cache/babel-loader/725b3aff6a7e5f5e9b310f54fd
6191
6420
  xinference/ui/web/ui/node_modules/.cache/babel-loader/726e4bc112c0606c62cd73abd5ab284cb7eb9ee8f4e8a97192a38e59c86f41a4.json,sha256=OXZ042bonREDmryyr5HZ5Qc2PJvOGPiJ6xlG5H_t46g,1672
6192
6421
  xinference/ui/web/ui/node_modules/.cache/babel-loader/726f811de863d567aadad403c2e1db374cf3800bf7caaf9ebb22a768526d5826.json,sha256=zOVGKR4uWzB82HhovUVrIx6-U6N1JlVNEMJrqneClLQ,1118
6193
6422
  xinference/ui/web/ui/node_modules/.cache/babel-loader/7273f7288e10f5470f5298500311c0b3775b6e7231740431c454eaf44ad58ad6.json,sha256=B1R-dOWZ50_AiRPDkKlFJLqrJXLhdILlhPTeXt_YUug,1524
6423
+ xinference/ui/web/ui/node_modules/.cache/babel-loader/7275b67c78ec76ce38a686bb8a576d8c9cecf54e1573614c84859d538efb9be5.json,sha256=EISM2r6gfJrbT_gU9PJIUmCx8oXysuEGanF6sMPbj00,117950
6194
6424
  xinference/ui/web/ui/node_modules/.cache/babel-loader/72787ce881cd0d7d930fb464e4d86de8325d616dda9fe193ee1d3d10b99bf013.json,sha256=-gL56Kc_Z3TY4F7syosNG77XnO7YvveQloSbTRo6o90,1686
6195
6425
  xinference/ui/web/ui/node_modules/.cache/babel-loader/72795277d413ef77da6ccab2121dfa3a3abcd5c7c3c73fc286d5230c9beb7cbd.json,sha256=qCxJ8a6LLBufXA-xp2umLkBYzOXRrnx_TIJdWkDuti4,1225
6196
6426
  xinference/ui/web/ui/node_modules/.cache/babel-loader/727cf2def18b9430c62327cf7797c891c83bd2eaf4eb8578287533f1bf412ace.json,sha256=JJvF1Q-ycnSjDF1c5NGx_lEA-e4OWJ060K_h_ea625M,1764
@@ -7109,7 +7339,6 @@ xinference/ui/web/ui/node_modules/.cache/babel-loader/84f7c11c1c05d02bf9c9bd32ec
7109
7339
  xinference/ui/web/ui/node_modules/.cache/babel-loader/84fd42e01a81243f36062e0635d6f39eff25d01a6b85b7580447165cd0befe97.json,sha256=v7Gyv8g96hc8U08eOiC4fEt8lxsIPnsHezM8uYI56wQ,1610
7110
7340
  xinference/ui/web/ui/node_modules/.cache/babel-loader/84fe24e51b9ad06f3eebca58a9b834e7a29e44f2ee2960a345eea31084c2a3e5.json,sha256=whTbVFPfHQxxbzc5ArCfnh4FxHQ5ZCYZF1DQsFHspEc,1348
7111
7341
  xinference/ui/web/ui/node_modules/.cache/babel-loader/85077c4fd118684be59bb4f13db871fc976bd84b061b22ab737fb29ad18a07fc.json,sha256=G8_yLflVZtDdbREavmlVQGSJTnoSUTw3lYYncukYOUo,1898
7112
- xinference/ui/web/ui/node_modules/.cache/babel-loader/85087e27618d740c236bf159f30e0219db443ab55f0997388eed5fde6f9e90cc.json,sha256=7pueYGrNvUi-b9e0CL20x-TrHNh0d-GaHq5RD7LhRp0,8667
7113
7342
  xinference/ui/web/ui/node_modules/.cache/babel-loader/851582ba94a941146457140e429589c1a67a6a86e4dd47324cde87c235878e84.json,sha256=9iJO8lmKZAHMwzPYp8GdVYF1i9oe3pOqokozDryJDYo,1349
7114
7343
  xinference/ui/web/ui/node_modules/.cache/babel-loader/85164fdda32a792b7484c63e7c58e7b9c019b0a3b7319b3d942f23c83cc52e72.json,sha256=Epj-_kv6m_K5Ie8gByB9XVtr5GhydDDuuaWTHgnwTHM,1091
7115
7344
  xinference/ui/web/ui/node_modules/.cache/babel-loader/8517a650715e229bf3152303076a7a6bd6b1b68ddcb794bd25cbf7a4176a1736.json,sha256=9mV46QbhEf1EQdvZ9J8VyiZdUxX1SViROx3DHjCV0e4,405
@@ -7266,7 +7495,6 @@ xinference/ui/web/ui/node_modules/.cache/babel-loader/889f6916a4539251952759d4c9
7266
7495
  xinference/ui/web/ui/node_modules/.cache/babel-loader/88a188c45139e73959e16c92aa2391300fc1e15a43c21e34ac97bc076268245c.json,sha256=K0nlWhhB2rBOcW9vIXW5QmF8GWC_VSZXmzoKxW0fs5g,672
7267
7496
  xinference/ui/web/ui/node_modules/.cache/babel-loader/88a5a673474eebd22263728894364ee8bfa665c0bf4ea16c9e24479e110f2a9f.json,sha256=-7dtL_Y93NPTLkAFx3UGLTcvHiHl9vXZIHWiSfT9QW0,1203
7268
7497
  xinference/ui/web/ui/node_modules/.cache/babel-loader/88a892c2c180d46bd069d22ec85a5105d284230136d5789270b0a02ab62c606c.json,sha256=efIMWKXI2JRw8krkbzoZQRcMevpmgzauis9GsW0f524,1196
7269
- xinference/ui/web/ui/node_modules/.cache/babel-loader/88b07838348864aa86c672be3bbca1e9f58f6f3a2881b32070ec27f4e7b449d1.json,sha256=xaOfop_X9YE_Pln0OJ1XGWHZ9bGHLq9MA4Ym102uI5I,3081
7270
7498
  xinference/ui/web/ui/node_modules/.cache/babel-loader/88b5455cf10ffc4e5e48b7b9e032e664af63885e4af3fd53e5b5a3b369f9452f.json,sha256=IAqA8dA9sBmp1T7vaLCjRlz8skEi0x4kbHcgDNoGz-k,1347
7271
7499
  xinference/ui/web/ui/node_modules/.cache/babel-loader/88b707df0bed0eed616eb8a6c3dcfa3058b4691319c70acd4ef2f77f0c2986cc.json,sha256=GSqID3jMUqyLczQtzwDwTVWSq27lfxpgFlnhNyrTF1Q,1177
7272
7500
  xinference/ui/web/ui/node_modules/.cache/babel-loader/88c3f28b3fc991b28a55cdf0da753c6d4522e85ba68dacea8e45da918b329a04.json,sha256=oUHGAZCFKAORPrtACvfP_XZY9Scw_CZMMjGAcsgDesU,1467
@@ -7390,7 +7618,6 @@ xinference/ui/web/ui/node_modules/.cache/babel-loader/8b80687822a468450edf08c9dc
7390
7618
  xinference/ui/web/ui/node_modules/.cache/babel-loader/8b8604d561f9a927b7ba6f7b7fd7d4be4725e71fdd914aea378a682694c95acf.json,sha256=oRz6OlyOwEv88q4IqmjGIi8rLfGJ9RpdtDFM4JD3Lbw,1762
7391
7619
  xinference/ui/web/ui/node_modules/.cache/babel-loader/8b8740ad5375e8e0eaec4a6cb3af2c6e1c7a7c02abdf91650b4c0e07a6397fad.json,sha256=OgFzYTsmq6Gw6c-XRJPd06NQ83uhH2aoZ1rlEVPuvsg,1786
7392
7620
  xinference/ui/web/ui/node_modules/.cache/babel-loader/8b8845084b9fd285207eab02f5d332f932ac28f8c6a2483db2da124426efb7f5.json,sha256=iv4SF4lbrOzj3JrN5g08oe6OXoOkvXcvKjv81bOHN1M,1407
7393
- xinference/ui/web/ui/node_modules/.cache/babel-loader/8b8cd408ccfbe115acef27ccfa5b233da8597131a2a5712add13e1e4d5d4504b.json,sha256=tViSTbcoGyGcX_iHoaIKSbvHy5DygiZgAgQ-JEB2yDI,156522
7394
7621
  xinference/ui/web/ui/node_modules/.cache/babel-loader/8b8df55525edb118cde38e426b8696f74ebf40534b793d49a6ab07c0b7cf16b2.json,sha256=TFOt3MQ5gN9SQ3D31TZEQto3Ag-QrYwCw2meYyqSimI,1429
7395
7622
  xinference/ui/web/ui/node_modules/.cache/babel-loader/8b92889f9428149693ae885e7d964ae0e0b030322ae9c235f3a27039c010ee66.json,sha256=MnjQDiwNv4CXc-pzvSGyOCIsIvVtQnGFlDTIU8XyHL4,2891
7396
7623
  xinference/ui/web/ui/node_modules/.cache/babel-loader/8ba16f4aeab695066a99e54a5bbde31e688601855e57c9e7f441e7cac0ea73df.json,sha256=4DmgEGugVlFrJPcyyqWkfSEPz-jBNiqOqvB48uxyXIQ,2288
@@ -8448,7 +8675,6 @@ xinference/ui/web/ui/node_modules/.cache/babel-loader/a22c0e47b5d765e63bb344355b
8448
8675
  xinference/ui/web/ui/node_modules/.cache/babel-loader/a23083d13d8231c5c5aef0accbc2d2182ada861c1877e6ce744988913009763c.json,sha256=4qhw24rNDOWHvlJmw8RHRkONSVQwyQa9GCdwmofuvtY,1021
8449
8676
  xinference/ui/web/ui/node_modules/.cache/babel-loader/a231325293c362a6d276958e2adfce7a32b1dcbf950fbf621d31f713eb26b06a.json,sha256=Re_8TCIwTbInSk0naJenwG5LBhzcxqyqxKPGoA3tzuU,1259
8450
8677
  xinference/ui/web/ui/node_modules/.cache/babel-loader/a237b8e9f6e992cb4c8ee244695f2a566f421d2dcffb8a7c5d1952f971bd713b.json,sha256=-i1EFtbvAYPl7tWxRB9x6L2PNoNDlnz9HG7WYWJsUyE,3310
8451
- xinference/ui/web/ui/node_modules/.cache/babel-loader/a23824fe746b9c6ca5eee9159b5764d1ff1653c1d856288c0f75c742bbb0023b.json,sha256=ER6DHuT2MCyXkghm2aRLRxfYAkl-fPK_9vS082YrVio,15868
8452
8678
  xinference/ui/web/ui/node_modules/.cache/babel-loader/a2391927c14c95b42ee17bf902b83cca06bd7f143ef3e7178a811d59852771da.json,sha256=9hPl-ZCOCdnquL0_FlN_-j26qFhMKeGfFkervVHnvrs,1928
8453
8679
  xinference/ui/web/ui/node_modules/.cache/babel-loader/a239c88f4161e9976ba205f0068ca46306d64c82516901f8810634532f7dadc3.json,sha256=88F-zl49WX67ahTT2JBrHkHGQUnGOFGcjdOa42gH3qE,1361
8454
8680
  xinference/ui/web/ui/node_modules/.cache/babel-loader/a23b05b5e93437a10e7936bc7f1c89a843dc2e470e07ca7c9b5ef914a5ab7ed7.json,sha256=cDn7RAwPUY_W3KAabPSDt5nVHvUgxffQwA0RfGafIbE,1331
@@ -8522,7 +8748,6 @@ xinference/ui/web/ui/node_modules/.cache/babel-loader/a3d5ab5624ab5280aac9f6b354
8522
8748
  xinference/ui/web/ui/node_modules/.cache/babel-loader/a3dd3d19cb8301812836a27118092afe741ca9f641a722c653a6b65f069a48a2.json,sha256=zHVxPovkWGP98ffjkUSl6GTv1Xl6rTlkEXZYgCZUVC4,1337
8523
8749
  xinference/ui/web/ui/node_modules/.cache/babel-loader/a3de1f864688cc35611fc02687ca6f616e5048c2e9cc442692b780d83ff82877.json,sha256=rzus032YrsX3aoBNEshxCqD4Whpmg1QF86y8vOk-Nrw,330
8524
8750
  xinference/ui/web/ui/node_modules/.cache/babel-loader/a3e2507bb298f32a2bcf0916a7c14cfa16da73bf7d2267ff42860f2ba8babd73.json,sha256=UfFzrddtMyGXmz0pWfjpnakMTv5cOxnuOqHf38hn6F4,2013
8525
- xinference/ui/web/ui/node_modules/.cache/babel-loader/a3eb18af328280b139693c9092dff2a0ef8c9a967e6c8956ceee0996611f1984.json,sha256=hVB3mrMJbYpjJ01c9CuucYBscbf4YNk16dFFUmJtdUI,304778
8526
8751
  xinference/ui/web/ui/node_modules/.cache/babel-loader/a3eef7572f47434fc94a25617965ea2d556248226dc724d5a0e53974f753aa4f.json,sha256=zvb9EfTGJYF0mITsIjZu0NQjlqLIgmTGvi_B9CI_ViQ,1356
8527
8752
  xinference/ui/web/ui/node_modules/.cache/babel-loader/a3f28846f0274938e198b66d0631a2d3fd0e6bd788275388772d548ceb704dbd.json,sha256=myECoZwnRqXo0cfIZJZTM79jAjkJ30c3hPV3I9KwzMo,1618
8528
8753
  xinference/ui/web/ui/node_modules/.cache/babel-loader/a3f3bb7a8f0da22701e6ebd8fa3d845ce2a07b68e368e18e828710759163ea47.json,sha256=hR4tO8pu24wNcZczSdUlvx5HgpGuoSIFEWbJaL0oyG8,2109
@@ -8653,6 +8878,7 @@ xinference/ui/web/ui/node_modules/.cache/babel-loader/a66e23a1695476b35e496e3eab
8653
8878
  xinference/ui/web/ui/node_modules/.cache/babel-loader/a67e748966d032e7b5c7657093ea06811587cd377eed538c89a7ae015ba63c6a.json,sha256=xrEDV9GIuBH-KLaKwu0yb1dGkMuD1OVlREtYRAhD_Gs,1651
8654
8879
  xinference/ui/web/ui/node_modules/.cache/babel-loader/a681a4b26bfea13a1cb847fd572b4a37806c7065632e5ef4d97c2e726265c4e4.json,sha256=P7Z1tM0ZNc20OSw3dK5Sb1BLs33jZ8mkKkHqN5xkLk8,1639
8655
8880
  xinference/ui/web/ui/node_modules/.cache/babel-loader/a68adfa84ca0ba170502cc93f03ef23a7869e62dae6458825b60e29edc11cf87.json,sha256=fTWQR53nhNzKyNBgeyV9or2qs4tXaSxOSbWruwWpdgo,2095
8881
+ xinference/ui/web/ui/node_modules/.cache/babel-loader/a68b6ee3b31eadc051fb95ce8f8ccb9c2e8b52c60f290dbab545a1917e065282.json,sha256=OwGxmHT9D4qQMF02xXfH_fb1P4uPlAOxOsi5lCKgYbo,25481
8656
8882
  xinference/ui/web/ui/node_modules/.cache/babel-loader/a68fe63754d61dfe7a6493f54b78a3e5c8033bbf211f875910615b7447e73a0f.json,sha256=jxO5oMbU0I417gU-O3qENTev86O0naWPiyquALWavpk,333
8657
8883
  xinference/ui/web/ui/node_modules/.cache/babel-loader/a69513c58a965eefeb1f42a07404a0cdd1483a8eb2f7d61bbc5ae82051210f2e.json,sha256=YaG7HifWzuj5skojYBb_fg6HFtPFbPjoRdhvBF1nENw,980
8658
8884
  xinference/ui/web/ui/node_modules/.cache/babel-loader/a6b7610103931f980cbb998968d983e6be45649c7f90ced80d5e2be581d4f229.json,sha256=foa6jA-W_1Tqop6VI7hIL2Q4KX8Lqf1Zt0GI_2DINMc,1458
@@ -9028,6 +9254,7 @@ xinference/ui/web/ui/node_modules/.cache/babel-loader/ae7d7bb6c6727521e562267ba6
9028
9254
  xinference/ui/web/ui/node_modules/.cache/babel-loader/ae7ebaf4002b3037a3451328c705c904975d586029b74a5d9a508edea3af9149.json,sha256=mM1s6JFmnjmtC8SewGfcyNR1f-2cpGR2j-DL74vbEQQ,1726
9029
9255
  xinference/ui/web/ui/node_modules/.cache/babel-loader/ae7edba4e679e6b253d9e7e9c700814a809aff96d9234296d754f81bb964f861.json,sha256=g2CcepUXAq0OTjMyjAlzf5_X9m8lmtYQ9-o6r9wj93c,1750
9030
9256
  xinference/ui/web/ui/node_modules/.cache/babel-loader/ae820d93518e1df3d8cb1a908f3daf9be5b85ddc74220472a562dd7c7d7be5f2.json,sha256=fMHMnbaUbaxdkcrEvhjIHxl2Yl2-X-9nldvBHVEHfSY,1589
9257
+ xinference/ui/web/ui/node_modules/.cache/babel-loader/ae8771cc37693feb160fa8727231312a0c54ef2d1d1ca893be568cd70016ca7e.json,sha256=vVjw0OyiAoQMOP9bkrsmp_J5ATrzlJbJzeG7dziQzn0,6218
9031
9258
  xinference/ui/web/ui/node_modules/.cache/babel-loader/ae913be52ec8f4574280b4fe9f5d076ec75ca8188f2f89e329809898153fe997.json,sha256=Eg6yQpkMLY4MOlL4Sv9BGmEASjlxzBBfxNlj2VmsR14,1819
9032
9259
  xinference/ui/web/ui/node_modules/.cache/babel-loader/ae943a8bc346fbdfb14ebb000978a561ca2daa62e65083e3a36fe02ed6270c5d.json,sha256=GnkjNFUtbNqgqeCNWRjbGl_Hme7doQR1IDfZI5Jifms,4058
9033
9260
  xinference/ui/web/ui/node_modules/.cache/babel-loader/ae956d6fc6cb090d658c761e21840d590bfbb69ce976a588ed3e810e46603849.json,sha256=D0l60hDu0GzWi7yCeaaZ4Yk2ALlnd4WUoiIrgrCaA4U,1102
@@ -9657,6 +9884,7 @@ xinference/ui/web/ui/node_modules/.cache/babel-loader/bb445ec2bd57b34ad3ced7024a
9657
9884
  xinference/ui/web/ui/node_modules/.cache/babel-loader/bb45ed20203b938905f1c31889d590b83cffdf713f0298088daac6c0d46961db.json,sha256=vAI37VykRlHSl4oCjvv3b5m3nrnEqVuwkmIynWWpvdg,6174
9658
9885
  xinference/ui/web/ui/node_modules/.cache/babel-loader/bb46d2ee0efd2d0c037aac62786e442dc93c851bc97c1d9db5a5a35978d7d3c4.json,sha256=k0y4kQXhU8ID0X2XL6oggeekuhjAOZUSxyPDjTu4Sbc,1595
9659
9886
  xinference/ui/web/ui/node_modules/.cache/babel-loader/bb48bd647c3b9b272b6e9d5f02075efe14e5b87c33ad9df5d170e8ec3aab5a33.json,sha256=73CxRANul3l1AzOhDeHgcJFW9dWesm_ljtgbSuEu2Qw,1459
9887
+ xinference/ui/web/ui/node_modules/.cache/babel-loader/bb4e8722d2d41d87f1fce3661bc8937bffe9448e231fc5f0462630849e851592.json,sha256=glZF2h0rmH3PizN84wK5O-MBM3D4q3GclroG275Js_E,159299
9660
9888
  xinference/ui/web/ui/node_modules/.cache/babel-loader/bb4edfce586cac1e80ae265780b8fa5d1836a800193eb5eef97a48b314ba9f62.json,sha256=xTGi_cTl2YZG66azaypKpUnBi6QGuy5FrzHgtNcwKqE,1309
9661
9889
  xinference/ui/web/ui/node_modules/.cache/babel-loader/bb521407583b07917b44bdd5590a516c3e48df02787a9c0eabb50c6d3221ed16.json,sha256=k76litTnURvBrg-FcWJutwYG13bcMsvKmfqfG4-cHRo,2326
9662
9890
  xinference/ui/web/ui/node_modules/.cache/babel-loader/bb559d0ab301bbbaa0c3cec003d36072cacbe2c7c80d66d759362f5088fb56e9.json,sha256=DdiI8Rrr7ftEhtlojRb7KgN93PaKJodp5B1zA-iMBtI,1463
@@ -9705,7 +9933,6 @@ xinference/ui/web/ui/node_modules/.cache/babel-loader/bbfb2b869dc5482f55db2e5f00
9705
9933
  xinference/ui/web/ui/node_modules/.cache/babel-loader/bc0754efce03b94c1b875f7f306c80129affbfa2550bbcfe9be08ba80ce92069.json,sha256=toNGM64KKab6YzOfE1j8GyrBMvxjhSL7gbxWrh7kKEw,1450
9706
9934
  xinference/ui/web/ui/node_modules/.cache/babel-loader/bc0f672e8345b012e4bc61c22f902bb59539a8965804fe59bce631cc086edcb8.json,sha256=Xybl3iQhu7l4Lff5c_OQMa6X2yFqMVD-rhhnTxxS3OA,1415
9707
9935
  xinference/ui/web/ui/node_modules/.cache/babel-loader/bc14d530ebb93fb54c3726a0ef5f5a69b30fb2351dec9c5c2fdfd58bb5ed1ebe.json,sha256=Yua7VuKYin2D4Rjuly0OnEOVwuFNMCQ-gw9Va4BRpXY,38422
9708
- xinference/ui/web/ui/node_modules/.cache/babel-loader/bc1aacc65a102db325ca61bcd2f681e1ae22c36a1f1d98a6ff5e4ad49dc7544f.json,sha256=ds3x2wqT6RpiZLsL6C1FnmerJM3aRiVf3IIHBDljmNw,2171
9709
9936
  xinference/ui/web/ui/node_modules/.cache/babel-loader/bc1b253b8ed1ed858cb77ca7ed201b632d541afa2faf465fcf11ddafaaedd747.json,sha256=dufHZKwd3xC25yB5Zxsgmay051UhCYeZrRLIGin4jDg,1111
9710
9937
  xinference/ui/web/ui/node_modules/.cache/babel-loader/bc1c5623acc47c88f1058c70c115e1ec42f0d442eda854cb726948a71d347e27.json,sha256=Ut-Uih2zsG9C1gET66TSdxX5s3E5qzNVyEa4ABVyeLc,10351
9711
9938
  xinference/ui/web/ui/node_modules/.cache/babel-loader/bc1d4a5d9b8216791427ecc2bd282ff0cd7c11c6fb116c8cf2de072788f54906.json,sha256=5KQOxwrYMulXPo97QPxByBaXaIFmDtOcD-q7aWVbUvk,1429
@@ -9829,6 +10056,7 @@ xinference/ui/web/ui/node_modules/.cache/babel-loader/be45dae357cd8bc6d3f5e5b97a
9829
10056
  xinference/ui/web/ui/node_modules/.cache/babel-loader/be4fbd5f3c06014f0e061855297124f7e9e23f916badffbbe52e4549391c1958.json,sha256=-wJ_KeTd28Dvt5_Gg2nANr7O3bFrwzIsyf_h-eLizws,2852
9830
10057
  xinference/ui/web/ui/node_modules/.cache/babel-loader/be63ae546f0a536866fecd589f45ca2b40e121d1c77a0168e497a67a0fb8a3c9.json,sha256=QebdSYkmlRdfiZWrovnZarZastaaEEF7-Jwbob5T0eQ,2179
9831
10058
  xinference/ui/web/ui/node_modules/.cache/babel-loader/be69dead8b7a5eae72baf411b9dd350488e0792e9edddef6b0ac8b5ecee99edb.json,sha256=fps3vpeD5E1nWtW6Gp_feRzmwEV9zGG9_2sEreHe9eE,1362
10059
+ xinference/ui/web/ui/node_modules/.cache/babel-loader/be6aada1ee4adc2bbf65dbe56d17db32bb3b5478be05d6b527805a8ba6cfb2b9.json,sha256=MQfWj7euXBrTbBY6_Gq8-he45I-OAPdibCbBevBM3T0,17335
9832
10060
  xinference/ui/web/ui/node_modules/.cache/babel-loader/be6fc37df0f75de93d89188c90106ed035779d5ea43ef1975e48e249238a43d2.json,sha256=1E4PYU1IMUwrQM_CawTIDEfl72MAqKQIlpUYIEXkPw0,1064
9833
10061
  xinference/ui/web/ui/node_modules/.cache/babel-loader/be7162b000a1124cf7a68c37dc97ad3fdc0e93167de44c25e1ece6930f90f509.json,sha256=qTKqYX2_H4AIVf-3PEtZb_GMNrm2JK2PsEgL-a34T8s,1265
9834
10062
  xinference/ui/web/ui/node_modules/.cache/babel-loader/be753581a686f8780735d53bc1839a52bacb0ebe34d6c594fdc681568c013336.json,sha256=cVTJDtEr0sDeQF7ZG_f-KSd05O1yXKPKGs5ROmOCkBA,1118
@@ -10231,7 +10459,6 @@ xinference/ui/web/ui/node_modules/.cache/babel-loader/c6691e7a43a2e112e8196a4f07
10231
10459
  xinference/ui/web/ui/node_modules/.cache/babel-loader/c677cf5299c858217bafa998cc676890747f0a88a59433cd5c799a47cdc9594e.json,sha256=B7PIy0GKhHdU5tiHMqIClEcG2pXXIgVmxDGMhqvmYrc,2357
10232
10460
  xinference/ui/web/ui/node_modules/.cache/babel-loader/c677e3f863cfbb46c92e32fa17a6db8f2c3a672e4ec156aacf806c609b09bff6.json,sha256=hwI5bTUkLlPdNk-XFNPpWPS4B6Lim50SzoqG2ZHc8K0,1378
10233
10461
  xinference/ui/web/ui/node_modules/.cache/babel-loader/c67e1cd902315f5ea59f24b53547ca2adeb1ed29b91f349fdbe80b355b1b6913.json,sha256=JgjG-gbzSAGTQ5YFvMaOMFn7h8LtQEwHyw2W5cg-HJU,2086
10234
- xinference/ui/web/ui/node_modules/.cache/babel-loader/c682fd521747c19dae437d83ce3235a306ce6b68e24a117bc57c27ebb8d1f1ca.json,sha256=ArYNbJ9zp_3lpdy4zdb2--sNCc-Fl4cIp_lF9u4TO8A,3917
10235
10462
  xinference/ui/web/ui/node_modules/.cache/babel-loader/c68674abfe0bab3b92ca6a8762954f4ac1f38726eeb9328f8895a7a29237f5c7.json,sha256=LXPzQD1ggb_4iXsZr3m0iGS7hyNcKiKUBdkrCwgyXVg,2049
10236
10463
  xinference/ui/web/ui/node_modules/.cache/babel-loader/c6893eaf9186dc0c2f0fe967c2f9adffc9b906b09d47ba9ded65ebbbfd6788fe.json,sha256=gq61GOUmNgc2nqaiDSqvS2MbCQpRyBUXVzinkRBgxLk,1572
10237
10464
  xinference/ui/web/ui/node_modules/.cache/babel-loader/c68a47019549312242428166fa986d35a2e37340bdca4e5700372639681ba761.json,sha256=4cADy_ffvgrG6xAD9zZFx6bHlHONfEjPe7gLBoYHQD8,1579
@@ -10936,7 +11163,6 @@ xinference/ui/web/ui/node_modules/.cache/babel-loader/d5ad3146d3b82293f0bf556d43
10936
11163
  xinference/ui/web/ui/node_modules/.cache/babel-loader/d5b2d6119e78a62de8d0299535aaef86118d770a232d6f3852f53fe6e50f5eef.json,sha256=zEljm4inXOHixdyNq2iBjehkr1VRtm_3qRa7wxL2tQA,1257
10937
11164
  xinference/ui/web/ui/node_modules/.cache/babel-loader/d5b754d751e66881d94acbf57fd8c86fcb5807c6522f91aecf639d8e5c8f3aa6.json,sha256=rT1St-BrcabksbRFwjP_Zf1K2gpBGE8uOH7XyHehq-A,1835
10938
11165
  xinference/ui/web/ui/node_modules/.cache/babel-loader/d5bc57df5fdd00957d3f708b20891ed946421705205f51aefb06c85e2656b0e4.json,sha256=v3Me2NKGilFwXIJa1gK_J7PCs1kClf8ZhhdxpHdRMhw,1864
10939
- xinference/ui/web/ui/node_modules/.cache/babel-loader/d5c224be7081f18cba1678b7874a9782eba895df004874ff8f243f94ba79942a.json,sha256=uvFQJxujpvwsiqH_p5HkmY8bdWia_y2Gs1-X4wn0u_4,16171
10940
11166
  xinference/ui/web/ui/node_modules/.cache/babel-loader/d5c7a45065589df377e733d27fb4da582e5bd5b680cdbe50ca95774013dc4c7e.json,sha256=B-WJYc_bwsLWO8QEbkflLSAi8jUwdcO0e5obNcITdZ0,1841
10941
11167
  xinference/ui/web/ui/node_modules/.cache/babel-loader/d5c9fac6bd793d130ee454fb5b98750942808e13419b9fea2d465c0fee55e7d8.json,sha256=JQk1tMb7H4nx-4SuEtNb65vAN9l1D5NLkidB-HYZh28,1818
10942
11168
  xinference/ui/web/ui/node_modules/.cache/babel-loader/d5cfe85ad6881196162545000ecaf5d8fd5cb44476190710d95a1f47fbe1cd57.json,sha256=6HQZmPbRgyXCgBlFsqbqbpy4_vyamKPvFEVl7KiTric,1503
@@ -11368,6 +11594,7 @@ xinference/ui/web/ui/node_modules/.cache/babel-loader/de80fcb3a7f581ef7c323fde86
11368
11594
  xinference/ui/web/ui/node_modules/.cache/babel-loader/de8a07b9ce3c4ae453e481dbbe4a0faf773bc39536547d62dcdd961f49c2f4db.json,sha256=2iN2Qss5GHnGHYbfz-YwuuCRWNVlda9F7zzme9kLIkQ,1472
11369
11595
  xinference/ui/web/ui/node_modules/.cache/babel-loader/de8a6bc4268ebe55bdcd27978ffd69465973f0dea81aa7a6543c30d211d054eb.json,sha256=FF4XJdJs9TeCvONx-Nx_0rs3B_OdRDELB0HAoa7sQ9U,1634
11370
11596
  xinference/ui/web/ui/node_modules/.cache/babel-loader/de8dd40d8ecf2eea38114493780125c4ca6929648a312fe4a214f7793863a1ed.json,sha256=7B2nT5kMW3WwjTly8faTo0Uv_xyc7bPBuupOdQ6XbUQ,10936
11597
+ xinference/ui/web/ui/node_modules/.cache/babel-loader/de91c352653c233cf0cb6674e6e04049a44fd0e1156560de65d5c4620521391e.json,sha256=-2MU01u7gYEd3kfx-SxctMNPAlKQzNkIKzrzY7Rg4-c,15778
11371
11598
  xinference/ui/web/ui/node_modules/.cache/babel-loader/de987289bd75e6209e81e5891e0fdba3508b76ba04b13d9b1749a92a584c9830.json,sha256=1wPBxB5JYnxJVuqj69nSuOPJbG4n7Pn0ncErlKa0YiU,1196
11372
11599
  xinference/ui/web/ui/node_modules/.cache/babel-loader/de9e870c5a222b1e496e065d14025f163d06cbcdf9012000727f844543b83d77.json,sha256=TpjsDG6HpymV2RiLcp3AOvVZweJuvUBvA_gbW33a_pk,1241
11373
11600
  xinference/ui/web/ui/node_modules/.cache/babel-loader/dea0945d7bfe936502fcd54bca7c36a55f9d52d5c7943cc34c3b779ea57f2b84.json,sha256=6xnOA2cTNXLDuNbANg_R6eZhGtZ_BdahIQb3riouN2Y,1873
@@ -11823,6 +12050,7 @@ xinference/ui/web/ui/node_modules/.cache/babel-loader/e84ee63cbe4190c47efb3a78b2
11823
12050
  xinference/ui/web/ui/node_modules/.cache/babel-loader/e8557366a80dfe18a43c71a488e4410502b4c87c0ac64831520310c4551c19f7.json,sha256=pyJhxPAsF5BqiIHXq5_8VVm35MZ-2MtPkeuvGtTN1cQ,4278
11824
12051
  xinference/ui/web/ui/node_modules/.cache/babel-loader/e859b2082ba793ade899853003e76ee5e7f79e108a0333b3a0ca75ff7c55ba30.json,sha256=ssuSgfoFIAJuImGTQZfj0lwSWfDtrsYpIiYg1_DQ3Z4,1285
11825
12052
  xinference/ui/web/ui/node_modules/.cache/babel-loader/e85f399a268fa6d1abf21db9cea910b6a43843f3821fef0ddf84b239db580bd1.json,sha256=M5PEPRIarl36VVw0XepJKju1HgODXoZdvLXgcfpHeyo,1056
12053
+ xinference/ui/web/ui/node_modules/.cache/babel-loader/e85f7002fc325c83b9c9cd8a1619e5b3ebc701d30e811afc284b88e6ae710cb5.json,sha256=8G-oJIIAWbXiPfhtSuT-DSh19Y1cZx75fmtvFZ146is,6179
11826
12054
  xinference/ui/web/ui/node_modules/.cache/babel-loader/e863f681aa34926242db9eae3142bd7e8369d803def065fce13cfc60ea760c6c.json,sha256=NgAYgj4CCL6srlfV2zeMGBvNeCP3NoPS6LyTccph1sE,1324
11827
12055
  xinference/ui/web/ui/node_modules/.cache/babel-loader/e868df7166a2a259357d145f2c0456d4b22c19b9c5277aabc3de5a7b3e7faa78.json,sha256=MLddWZIZHkCVwNdQUD4gxbQaXRyxQXzT2zvUil80teY,1539
11828
12056
  xinference/ui/web/ui/node_modules/.cache/babel-loader/e86bc3b484f3a6efcba5e92b3e109e284630751ae5d96ff413e18eb4fb655ae5.json,sha256=xBCln4cFT4uQx4t4E89Xd8NY3zSl4VN_z5xyHmIDfNI,16334
@@ -11843,6 +12071,7 @@ xinference/ui/web/ui/node_modules/.cache/babel-loader/e893d8dd8944458c44c02002e1
11843
12071
  xinference/ui/web/ui/node_modules/.cache/babel-loader/e8a7af5742f621a197c5a2a770831011c4b56d98d92f37337d685e140d72917d.json,sha256=GrLCX3tls5Df0oVttggNI_KzCwpvT9RzZ4fXD9L2wws,1148
11844
12072
  xinference/ui/web/ui/node_modules/.cache/babel-loader/e8a9d19e6df0b31c2a7670fa478d78c2d2782b3f787835453fcd89d9597dc0f3.json,sha256=CSTAZ5jo7FfkzUVKegKLqJC6ToY1nYYjacXW7scYRpE,1375
11845
12073
  xinference/ui/web/ui/node_modules/.cache/babel-loader/e8af16e3431f5f0f7d75ba7f710dcf5f87d659eb308a804ae949ef2a1d245fa2.json,sha256=YqS6lIcdSLbGpFljrIa9REfKtmbiRDCbWfljnhdHxBw,1340
12074
+ xinference/ui/web/ui/node_modules/.cache/babel-loader/e8b603c78944bf3d213639078bfe155ff5c0dfa4048a93cbb967cad6a4eb4ff3.json,sha256=HQgEm4d_6IqpWgIsrZo71aRooUrY2YZffWbSflyoeT4,4404
11846
12075
  xinference/ui/web/ui/node_modules/.cache/babel-loader/e8c699797e7fee5cc51393ff4d96f9f33597ca57bc1c99ca65798e16ec800fc7.json,sha256=4ziGWTwvND-n4YXM4pvrVgFIxSEScqzWcSeSApq-fbs,1214
11847
12076
  xinference/ui/web/ui/node_modules/.cache/babel-loader/e8cb323ea58b8b88d4d119236862faab22f2b59713be654f79b9d5fd212f8d5d.json,sha256=0z-6Q00H3MZd6SnJMpmdAQ-5OX764-5tUZhK6kBbOUs,1028
11848
12077
  xinference/ui/web/ui/node_modules/.cache/babel-loader/e8cb93341f8f9169cc0a4fbec7d9b752628248709df7ab6b78f480e9245f5a5d.json,sha256=xwRB5zlEMmK_NQobX8038Adxy-huuHGh3GLnWkmjoNY,1913
@@ -11916,6 +12145,7 @@ xinference/ui/web/ui/node_modules/.cache/babel-loader/ea1d4a07ea353ce6aadd945092
11916
12145
  xinference/ui/web/ui/node_modules/.cache/babel-loader/ea20363266a73aead44fad61e8dd6d1f3b64d4a80bc4e35a9bd012ea7701d5f4.json,sha256=KWFCzi-6JPgWdLiTm8uNPkqn0afeUqZjxEA9jr8g4_s,1135
11917
12146
  xinference/ui/web/ui/node_modules/.cache/babel-loader/ea2067f0c863ce2a8b6c74eab93774e6b6a08546594d684e0819ab61d8f7afb2.json,sha256=0BD8XXf-QzvhAtEHdLjXkHwmrv26Az4iWqru67UnqZ8,1742
11918
12147
  xinference/ui/web/ui/node_modules/.cache/babel-loader/ea21420e4e8e9b55ce98a7a98fff67c226def2d7e81b87de41bf7e855fea1a38.json,sha256=xPcwTFxwyPCIbYxYK-k18L3gm1Nae9lqRs2l3wpIWWE,2489
12148
+ xinference/ui/web/ui/node_modules/.cache/babel-loader/ea2a26361204e70cf1018d6990fb6354bed82b3ac69690391e0f100385e7abb7.json,sha256=Wou6S9PMQtghfQi71R6mdHNgo2iYzwUY5NNYwfZ9850,82343
11919
12149
  xinference/ui/web/ui/node_modules/.cache/babel-loader/ea3634bcfc0f1c12a732d33d008557cd179c787f41a23cc4152798eb0d1e494c.json,sha256=EEk5O0KlTJ4Q8ilV1A0Fd0v789jlXAjU_vUCxW0BWyQ,1641
11920
12150
  xinference/ui/web/ui/node_modules/.cache/babel-loader/ea382a0fe4cd2fcf6351e3ec59eabd1f8f5ebd41218aaca089f70211356629b7.json,sha256=KyJ82SqCPBgew2t4eIVrFe-gqDBfj9K0tG-ZP44SEcI,1174
11921
12151
  xinference/ui/web/ui/node_modules/.cache/babel-loader/ea3cf39e62adfffe2ec506a87830b2b7280615a1c0334880495e4b86d1835056.json,sha256=MK1-QcQDLEVbus8DJUDBLMqQoWxFCc7GusGNJ8an2B4,2782
@@ -12190,6 +12420,7 @@ xinference/ui/web/ui/node_modules/.cache/babel-loader/f04291f86797b281e4d8af6490
12190
12420
  xinference/ui/web/ui/node_modules/.cache/babel-loader/f04321491fcdb759a713171022089b0199c52de080e6a0ac5efdcc88de0f6a22.json,sha256=6YSHnhmO2pVqXpgp44WeWUfEXsMR6auoYM2rC7kgCyc,1743
12191
12421
  xinference/ui/web/ui/node_modules/.cache/babel-loader/f0480f8d01cbff4e9a737cfe5ff39d7ae5879fe783b4fba13d8645cfeb2eb8ff.json,sha256=S1YLUIZCGT24nEP5myQYKrYhI80U68lftLh8Imm81OA,1132
12192
12422
  xinference/ui/web/ui/node_modules/.cache/babel-loader/f04f6035376e4f555d42cdc5db0312097175632040c47aba3886600a38879bed.json,sha256=JUUBbq3n9X3aPMsXTeYCudPTSny6SmvpBm0_F_o4xyc,1939
12423
+ xinference/ui/web/ui/node_modules/.cache/babel-loader/f05535160a508b2a312de546a6de234776c613db276479ea4253c0b1bdeeb7d6.json,sha256=-29sL2sYLZj6fCuIqEGBMQumphmuvnQDe6fSsRalHH4,39276
12193
12424
  xinference/ui/web/ui/node_modules/.cache/babel-loader/f0670b2f2cda6430da4a83de8476a2ef13bd263a1c848d07a2a500f04ec7c1e4.json,sha256=8mEogYouheJSfkODFA0t36hcz257ArAnhQTD1bnVIdw,1318
12194
12425
  xinference/ui/web/ui/node_modules/.cache/babel-loader/f0697319284736809293142cbd0eaf082e3be457c8e02dcf33bad97cc0b97177.json,sha256=dSDGrtTYx40p5KO8wq1DixvYrH5dxuhqz8E5rw44508,1496
12195
12426
  xinference/ui/web/ui/node_modules/.cache/babel-loader/f06d77a77b90e18bf522f3306c06ba615268c4f755ab38560ef38702a7eeed8a.json,sha256=f2bMfkfiCG0QrdZqv_LOTUyG618ScJQm_deLO2UCdTo,1031
@@ -12200,6 +12431,7 @@ xinference/ui/web/ui/node_modules/.cache/babel-loader/f082ff76d5c26cda27cab8da06
12200
12431
  xinference/ui/web/ui/node_modules/.cache/babel-loader/f0870f2b1912842be050e445bd713cb5e10b4eecc51872a84ac9594e4d7df8bd.json,sha256=-ZlFpExgFTOzyrbSmyB8QF-HYqkkOeDhlleetLiyS1k,55691
12201
12432
  xinference/ui/web/ui/node_modules/.cache/babel-loader/f088b894532b75b84e3f5ebbc77cd672a60e3693be0050c85cbb33a458507ec2.json,sha256=VI800jR00mOdhVXn_07RwDKk0i3aqnwffpYhJiCrqbI,1315
12202
12433
  xinference/ui/web/ui/node_modules/.cache/babel-loader/f09317fcb4db00d460ba52fefbda826a725562b0291c94e9261d3b9b22911182.json,sha256=uN8osA0zs-MrUTXXzZKHD2eTcLVC2ACrITNSbnyFopg,1437
12434
+ xinference/ui/web/ui/node_modules/.cache/babel-loader/f09ba9e11106bd59a0de10cc85c55084097729dcab575f43dfcf07375961ed87.json,sha256=Irknx6wNLYUfAiB7NkqN_6CAqkyMrqVqQXMDhNNuZZs,16546
12203
12435
  xinference/ui/web/ui/node_modules/.cache/babel-loader/f09f56392f417ea0feb9c7465f4f7b7a8e8aba544d05c13007578f545941bec1.json,sha256=Sa14VFKe0AQcjLTLdsRh18EoJox4M2kCVPHSz-sC4CU,1739
12204
12436
  xinference/ui/web/ui/node_modules/.cache/babel-loader/f0a921d63d0aa3883adc7a1c9b20be2ca2c4795f141ab1393e9278b07440df2f.json,sha256=e-DQuAyz5Zc5ioxG5CAnDmlIpUj9Z5yqc9oU7GFAy8w,2176
12205
12437
  xinference/ui/web/ui/node_modules/.cache/babel-loader/f0aa89e06f32509e476b39bf9c4190de81ec2ce3f4fae135fd998c469bfd9c89.json,sha256=y2dX8L8GP9jveMVXqDsajk7ZiyNESwrcDhFUMqhuwWc,1056
@@ -12536,7 +12768,6 @@ xinference/ui/web/ui/node_modules/.cache/babel-loader/f7e66c511fa7d724a55be06207
12536
12768
  xinference/ui/web/ui/node_modules/.cache/babel-loader/f7e9dafdc62ec9d819e7fb84151f6514de525d77245c0364db81bbcd025c252e.json,sha256=ILsucUfmeWobxDLsMzfjlcC_uyCmiU_wMrNFjkHkVRA,1309
12537
12769
  xinference/ui/web/ui/node_modules/.cache/babel-loader/f7ede712d8c2339d16437a813c0e64084570f8c2292d61f7a0511773979785ad.json,sha256=WF-AflZ6p8QMbfCdmIMjZO3MUyLtdlP9ITlIE81fGng,1555
12538
12770
  xinference/ui/web/ui/node_modules/.cache/babel-loader/f7ee96d4c7599153487eccb5d97640908688b84bbf8e483b49f99ee72b3255ed.json,sha256=SzpLNNcMcOP5_Ro-FVF7fLMIqCRYaXnlz9ygpNxnDxg,1461
12539
- xinference/ui/web/ui/node_modules/.cache/babel-loader/f7f18bfb539b036a6a342176dd98a85df5057a884a8da978d679f2a0264883d0.json,sha256=5tfo93p0uB1v9sC6gTb8jqcrR3cTiy6iBlxuFvTEXo8,7488
12540
12771
  xinference/ui/web/ui/node_modules/.cache/babel-loader/f7f2fddf9b5000d562e27bfd14ce7db8f6959722388212b23eb671d7771bf460.json,sha256=sRKoaBl54DznvmRoZcf5W3HpKCZLWxRv9ZdFIUARwHg,20393
12541
12772
  xinference/ui/web/ui/node_modules/.cache/babel-loader/f7f877117755edece8b219d96130faef487e10565215f9928b1244482298ff79.json,sha256=0CvqhTIJQK2G0EUc6LyRklYwxGcsIqH-SR-wJsTO_4s,1709
12542
12773
  xinference/ui/web/ui/node_modules/.cache/babel-loader/f7f8fba7544223736f71ee8d8a72a3c547f699d2dc5eb84edd64f063ac8e1ecb.json,sha256=7mLCwy63D-w41CsjM12WarLSJpt4-wavgSY-3VH1HhM,2134
@@ -13931,12 +14162,6 @@ xinference/ui/web/ui/node_modules/cjs-module-lexer/package.json,sha256=abFpUHLKg
13931
14162
  xinference/ui/web/ui/node_modules/classnames/package.json,sha256=uJpKSP5opWa2aMkqfpl0Esrw1PHdRgiS7P1a3SByVgU,921
13932
14163
  xinference/ui/web/ui/node_modules/clean-css/package.json,sha256=YX3qom_58hWmp66AYPq_9dJ-HUmMJBA45OZXdgny2xw,1127
13933
14164
  xinference/ui/web/ui/node_modules/clean-css/node_modules/source-map/package.json,sha256=P969n1wBB7z3tz4NF-AUcEK8-3SIQQbkQor78XFx7wY,2579
13934
- xinference/ui/web/ui/node_modules/clipboard/.babelrc.json,sha256=WZ7bz_Wfy8soXWGJrcAp05ETgw9xA14tndFFgZVTWis,132
13935
- xinference/ui/web/ui/node_modules/clipboard/.eslintrc.json,sha256=TAMBGGafeAPS18EOppeUFgUxlboKUogd28wc0aLobTA,619
13936
- xinference/ui/web/ui/node_modules/clipboard/.prettierrc.json,sha256=-4yfWlF0x6fJMiFMPh3skctby-iy2KaLjdkFSs6aJqU,158
13937
- xinference/ui/web/ui/node_modules/clipboard/bower.json,sha256=q2dgFFbPEGt_1Q-rHEi3byCZ7oLejWJyAqFAMs5GHbc,343
13938
- xinference/ui/web/ui/node_modules/clipboard/composer.json,sha256=X6OyVyJL7biDow_UIIEFTLB_Jx1DUMTFANNnCY5nxnQ,527
13939
- xinference/ui/web/ui/node_modules/clipboard/package.json,sha256=a0MDf2HmFY-mFKCLjgDoOP_JJ8br3HnyRd6UkEQw8pk,1679
13940
14165
  xinference/ui/web/ui/node_modules/cliui/package.json,sha256=E5hyAPTi8jKeNbRclJ8p_DCljwLgjnaypVB6O2x6tr8,2031
13941
14166
  xinference/ui/web/ui/node_modules/clsx/package.json,sha256=peYWuYgxd_tHwfyiK2pKtCvhw-1v-uhZWlx9iGMO7sI,1192
13942
14167
  xinference/ui/web/ui/node_modules/co/package.json,sha256=G56KF7T2KTfH9HXfOy1tQS_-_Gd7RKQbgpp0ZHVN5gY,865
@@ -14184,7 +14409,6 @@ xinference/ui/web/ui/node_modules/define-lazy-prop/package.json,sha256=h24GMtueM
14184
14409
  xinference/ui/web/ui/node_modules/define-properties/package.json,sha256=thsVBYgzYQ8XGXv7YIR5JnA-B3sYDeaEzMUIZpBvb7E,2281
14185
14410
  xinference/ui/web/ui/node_modules/delaunator/package.json,sha256=YRdqVfRJYaVmq7Qzczn_F--AWdqD5WoihsbO8DVbRP0,1347
14186
14411
  xinference/ui/web/ui/node_modules/delayed-stream/package.json,sha256=T1vYhu-9j-2mrATbasGqiy6N_BWVA7BlJmfhvIjv1Ms,684
14187
- xinference/ui/web/ui/node_modules/delegate/package.json,sha256=Wa-jsKUwpKNpT8lRWYhRdskPa7BenG-WZEj-TDQQggQ,755
14188
14412
  xinference/ui/web/ui/node_modules/depd/package.json,sha256=WjZZvMLkeyXr-fI_OOuUUqWJIL_ktZQQv6b-hGOaO5k,1335
14189
14413
  xinference/ui/web/ui/node_modules/dequal/package.json,sha256=pB5DDNPZkHAPFUTF_-zlUkSat1jXePo0rVRYz27DXWs,1205
14190
14414
  xinference/ui/web/ui/node_modules/destroy/package.json,sha256=-GW1BlLcBi9DFC4B9V2ydgzBDSVb0Fr9Iy5ziZnFgYg,1128
@@ -14510,8 +14734,6 @@ xinference/ui/web/ui/node_modules/globals/globals.json,sha256=TrrADNQUewPOcMF084
14510
14734
  xinference/ui/web/ui/node_modules/globals/package.json,sha256=mfGo80qkZ6cEbgi-o6_yO8mvCWNhxYoyqEs7gN96gTM,660
14511
14735
  xinference/ui/web/ui/node_modules/globalthis/package.json,sha256=6Ymrx6HZPO_B7irOVQLGga1VyDsA2LdItOUeo5jA3H4,2418
14512
14736
  xinference/ui/web/ui/node_modules/globby/package.json,sha256=Jie1j5Wve2dZpDM0k3dI-AQfgYOl9I-fjNXk0V0-o2s,1391
14513
- xinference/ui/web/ui/node_modules/good-listener/bower.json,sha256=yIXKEL0coyRAPbKMEkbGZjc_gYmw_0CCbhzmr0qnr5w,234
14514
- xinference/ui/web/ui/node_modules/good-listener/package.json,sha256=xFk0XHrOm2WQwx1O6CJ64PO5JlVFvRyq-QdRzMHwxmE,887
14515
14737
  xinference/ui/web/ui/node_modules/gopd/package.json,sha256=STqF4PODkOYNNxADR67lRUaJVQGyAYn37erz-76_CzU,1877
14516
14738
  xinference/ui/web/ui/node_modules/graceful-fs/package.json,sha256=V0fUumsXFlxuysMKs6MxcV9Bx61Ubh8VdNqxvcsRYYE,1031
14517
14739
  xinference/ui/web/ui/node_modules/graphemer/package.json,sha256=pvwePLep48wFJuCcommyAJ7H2lrkfMNdcLgpcChgR68,1433
@@ -15288,8 +15510,6 @@ xinference/ui/web/ui/node_modules/sax/package.json,sha256=kOyr0Of46JCAZmGhuT4tds
15288
15510
  xinference/ui/web/ui/node_modules/saxes/package.json,sha256=VzCGS8duew4gcsh3VsjnP1bgyoQDN_7N7c0-NeHhkcI,2809
15289
15511
  xinference/ui/web/ui/node_modules/scheduler/package.json,sha256=gRhcJeGFX6os6sv-ahJ4M2kAdm1mcr7I1i2bZqGvLa4,700
15290
15512
  xinference/ui/web/ui/node_modules/schema-utils/package.json,sha256=aRSmWAUeCFIjBbpal3Y0oXHHucYCebexsHzBrtAO5wg,2589
15291
- xinference/ui/web/ui/node_modules/select/bower.json,sha256=m9UBLMLIpvREffVfNYO3BrGiQm-_s9eH8gysXXjSm94,245
15292
- xinference/ui/web/ui/node_modules/select/package.json,sha256=8HO2ABUJ47BMR5Y9LRkLHyhAzba6d9uuq2j5vu2I60g,692
15293
15513
  xinference/ui/web/ui/node_modules/select-hose/package.json,sha256=Vg1nGD8Gm9fjFR2jHrdti1KCJPSW8fxU_lBQ_GYh2Z4,822
15294
15514
  xinference/ui/web/ui/node_modules/selfsigned/package.json,sha256=ZLDP2HSY_ct2bssGqLk9DOPIQgSWcp4vnkxTZ1OIpzE,925
15295
15515
  xinference/ui/web/ui/node_modules/semver/package.json,sha256=pweHNeY4tSSOEfsQTwY0GuaFTxWRPTCNPwrPpKg2qkI,1739
@@ -15443,7 +15663,6 @@ xinference/ui/web/ui/node_modules/throat/package.json,sha256=-JBChmWliY4y5ym0M5g
15443
15663
  xinference/ui/web/ui/node_modules/thunky/package.json,sha256=Lg-X0MqIVJhjkNzlsnITJcziJg_XgArXJCa4ILOaBbo,709
15444
15664
  xinference/ui/web/ui/node_modules/tiny-case/package.json,sha256=A98-P4SJ9u312tGD7fo5C3JnS8iqvhSObpJs_jQgVmY,277
15445
15665
  xinference/ui/web/ui/node_modules/tiny-case/tsconfig.json,sha256=RBNvo1WzZ4oRRq0W9-hknpT7T8If536DEMBg9hyq_4o,2
15446
- xinference/ui/web/ui/node_modules/tiny-emitter/package.json,sha256=9TKK_R50K6mxB-MW5fxMdOyBIBuvrY645txFbvbWKN4,1434
15447
15666
  xinference/ui/web/ui/node_modules/tiny-warning/package.json,sha256=n-yMkTmQV85lbwMidKKU3dyfmZqCJT0GWtKa3rIVsqY,1512
15448
15667
  xinference/ui/web/ui/node_modules/tmpl/package.json,sha256=xBz5o2hf_Kr8X1QtYd-SVu2-qd9lr6eAZXDZ5Za5JBY,448
15449
15668
  xinference/ui/web/ui/node_modules/to-fast-properties/package.json,sha256=FFLgN5jQ-NNMajXuBcYa-CJvKhVlRTpBKtBcXxnuF-c,640
@@ -15808,13 +16027,13 @@ xinference/ui/web/ui/node_modules/yargs-parser/package.json,sha256=BSwbOzgetKXMK
15808
16027
  xinference/ui/web/ui/node_modules/yocto-queue/package.json,sha256=6U1XHQPGXJTqsiFvT953ORihUtXTblZy4fXBWP9qxC0,725
15809
16028
  xinference/ui/web/ui/node_modules/yup/package.json,sha256=xRFSROB9NKxqSWHEVFvSTsPs9Ll074uo8OS1zEw0qhA,1206
15810
16029
  xinference/ui/web/ui/node_modules/yup/node_modules/type-fest/package.json,sha256=JTv2zTTVgxQ2H82m1-6qEpdMv08lHjFx4Puf_MsbB_Q,1134
15811
- xinference/ui/web/ui/src/locales/en.json,sha256=2K1xlg0dY0Xw208qW0bdJlE7XL2dbouCTeUbd3GN9eo,10251
15812
- xinference/ui/web/ui/src/locales/ja.json,sha256=EZmLCN1smdXmvR-tqFLIgelrIFRKGr6zf7x519DUpuA,11952
15813
- xinference/ui/web/ui/src/locales/ko.json,sha256=pEVoh1jyaqliaNTLOt2d4wDkeVQGQB_pGMjNllNERA8,10805
15814
- xinference/ui/web/ui/src/locales/zh.json,sha256=IY_eaPEE870ggqOMr_p9gjAu8IIoF6-3w_SlAyn-EGY,9859
15815
- xinference-1.10.0.dist-info/licenses/LICENSE,sha256=QwcOLU5TJoTeUhuIXzhdCEEDDvorGiC6-3YTOl4TecE,11356
15816
- xinference-1.10.0.dist-info/METADATA,sha256=VtKqtNrNEAlR4Wn_mmPax6ntXIw2vOtxcA8pPfIlIlU,26568
15817
- xinference-1.10.0.dist-info/WHEEL,sha256=_zCd3N1l69ArxyTb8rzEoP9TpbYXkqRFSNOD5OuxnTs,91
15818
- xinference-1.10.0.dist-info/entry_points.txt,sha256=-lDyyzqWMFQF0Rgm7VxBNz0V-bMBMQLRR3pvQ-Y8XTY,226
15819
- xinference-1.10.0.dist-info/top_level.txt,sha256=L1rQt7pl6m8tmKXpWVHzP-GtmzAxp663rXxGE7qnK00,11
15820
- xinference-1.10.0.dist-info/RECORD,,
16030
+ xinference/ui/web/ui/src/locales/en.json,sha256=z1dhi3YJw-2PUITfIrwJmHV7_M5guwzYvtNC2itJaWM,10475
16031
+ xinference/ui/web/ui/src/locales/ja.json,sha256=FB8luZp4MbKSMawyzuQbwhi85lv6bWseHc0ywdYBHRQ,12231
16032
+ xinference/ui/web/ui/src/locales/ko.json,sha256=RkQ_Jcf-rNx9a7kqKd0eH2MFg_Vo-IWqyL3CdszvYAQ,11056
16033
+ xinference/ui/web/ui/src/locales/zh.json,sha256=3D2T7tMyYx10K9TuvFEqcPwBtQBGGWmF4XlpYlKqMEw,10093
16034
+ xinference-1.11.0.dist-info/licenses/LICENSE,sha256=QwcOLU5TJoTeUhuIXzhdCEEDDvorGiC6-3YTOl4TecE,11356
16035
+ xinference-1.11.0.dist-info/METADATA,sha256=SluSzCEiG9_WxOuFMyvYSnw_QRC_7_vByYamKPU9lmQ,27545
16036
+ xinference-1.11.0.dist-info/WHEEL,sha256=_zCd3N1l69ArxyTb8rzEoP9TpbYXkqRFSNOD5OuxnTs,91
16037
+ xinference-1.11.0.dist-info/entry_points.txt,sha256=-lDyyzqWMFQF0Rgm7VxBNz0V-bMBMQLRR3pvQ-Y8XTY,226
16038
+ xinference-1.11.0.dist-info/top_level.txt,sha256=L1rQt7pl6m8tmKXpWVHzP-GtmzAxp663rXxGE7qnK00,11
16039
+ xinference-1.11.0.dist-info/RECORD,,