xinference 1.9.1__py3-none-any.whl → 1.10.1__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.
- xinference/_version.py +3 -3
- xinference/api/restful_api.py +400 -3
- xinference/client/restful/async_restful_client.py +20 -3
- xinference/client/restful/restful_client.py +20 -3
- xinference/constants.py +2 -0
- xinference/core/supervisor.py +111 -49
- xinference/core/worker.py +10 -0
- xinference/deploy/cmdline.py +15 -0
- xinference/model/audio/core.py +26 -6
- xinference/model/audio/indextts2.py +166 -0
- xinference/model/audio/kokoro.py +1 -1
- xinference/model/audio/kokoro_zh.py +124 -0
- xinference/model/audio/model_spec.json +58 -1
- xinference/model/embedding/sentence_transformers/core.py +4 -4
- xinference/model/embedding/vllm/core.py +7 -1
- xinference/model/image/model_spec.json +71 -3
- xinference/model/image/stable_diffusion/core.py +13 -4
- xinference/model/llm/__init__.py +4 -0
- xinference/model/llm/core.py +10 -0
- xinference/model/llm/llama_cpp/core.py +1 -0
- xinference/model/llm/llm_family.json +503 -21
- xinference/model/llm/llm_family.py +1 -0
- xinference/model/llm/mlx/core.py +52 -33
- xinference/model/llm/sglang/core.py +32 -55
- xinference/model/llm/tool_parsers/__init__.py +58 -0
- xinference/model/llm/tool_parsers/abstract_tool_parser.py +33 -0
- xinference/model/llm/tool_parsers/deepseek_r1_tool_parser.py +190 -0
- xinference/model/llm/tool_parsers/deepseek_v3_tool_parser.py +145 -0
- xinference/model/llm/tool_parsers/glm4_tool_parser.py +123 -0
- xinference/model/llm/tool_parsers/llama3_tool_parser.py +77 -0
- xinference/model/llm/tool_parsers/qwen_tool_parser.py +320 -0
- xinference/model/llm/transformers/core.py +1 -1
- xinference/model/llm/transformers/multimodal/qwen2_vl.py +34 -8
- xinference/model/llm/utils.py +138 -53
- xinference/model/llm/vllm/core.py +95 -78
- xinference/thirdparty/audiotools/__init__.py +10 -0
- xinference/thirdparty/audiotools/core/__init__.py +4 -0
- xinference/thirdparty/audiotools/core/audio_signal.py +1682 -0
- xinference/thirdparty/audiotools/core/display.py +194 -0
- xinference/thirdparty/audiotools/core/dsp.py +390 -0
- xinference/thirdparty/audiotools/core/effects.py +647 -0
- xinference/thirdparty/audiotools/core/ffmpeg.py +211 -0
- xinference/thirdparty/audiotools/core/loudness.py +320 -0
- xinference/thirdparty/audiotools/core/playback.py +252 -0
- xinference/thirdparty/audiotools/core/templates/__init__.py +0 -0
- xinference/thirdparty/audiotools/core/templates/headers.html +322 -0
- xinference/thirdparty/audiotools/core/templates/pandoc.css +407 -0
- xinference/thirdparty/audiotools/core/templates/widget.html +52 -0
- xinference/thirdparty/audiotools/core/util.py +671 -0
- xinference/thirdparty/audiotools/core/whisper.py +97 -0
- xinference/thirdparty/audiotools/data/__init__.py +3 -0
- xinference/thirdparty/audiotools/data/datasets.py +517 -0
- xinference/thirdparty/audiotools/data/preprocess.py +81 -0
- xinference/thirdparty/audiotools/data/transforms.py +1592 -0
- xinference/thirdparty/audiotools/metrics/__init__.py +6 -0
- xinference/thirdparty/audiotools/metrics/distance.py +131 -0
- xinference/thirdparty/audiotools/metrics/quality.py +159 -0
- xinference/thirdparty/audiotools/metrics/spectral.py +247 -0
- xinference/thirdparty/audiotools/ml/__init__.py +5 -0
- xinference/thirdparty/audiotools/ml/accelerator.py +184 -0
- xinference/thirdparty/audiotools/ml/decorators.py +440 -0
- xinference/thirdparty/audiotools/ml/experiment.py +90 -0
- xinference/thirdparty/audiotools/ml/layers/__init__.py +2 -0
- xinference/thirdparty/audiotools/ml/layers/base.py +328 -0
- xinference/thirdparty/audiotools/ml/layers/spectral_gate.py +127 -0
- xinference/thirdparty/audiotools/post.py +140 -0
- xinference/thirdparty/audiotools/preference.py +600 -0
- xinference/thirdparty/indextts/BigVGAN/ECAPA_TDNN.py +656 -0
- xinference/thirdparty/indextts/BigVGAN/__init__.py +0 -0
- xinference/thirdparty/indextts/BigVGAN/activations.py +122 -0
- xinference/thirdparty/indextts/BigVGAN/alias_free_activation/__init__.py +0 -0
- xinference/thirdparty/indextts/BigVGAN/alias_free_activation/cuda/.gitignore +1 -0
- xinference/thirdparty/indextts/BigVGAN/alias_free_activation/cuda/__init__.py +0 -0
- xinference/thirdparty/indextts/BigVGAN/alias_free_activation/cuda/activation1d.py +76 -0
- xinference/thirdparty/indextts/BigVGAN/alias_free_activation/cuda/anti_alias_activation.cpp +23 -0
- xinference/thirdparty/indextts/BigVGAN/alias_free_activation/cuda/anti_alias_activation_cuda.cu +256 -0
- xinference/thirdparty/indextts/BigVGAN/alias_free_activation/cuda/compat.h +29 -0
- xinference/thirdparty/indextts/BigVGAN/alias_free_activation/cuda/load.py +121 -0
- xinference/thirdparty/indextts/BigVGAN/alias_free_activation/cuda/type_shim.h +92 -0
- xinference/thirdparty/indextts/BigVGAN/alias_free_activation/torch/__init__.py +6 -0
- xinference/thirdparty/indextts/BigVGAN/alias_free_activation/torch/act.py +31 -0
- xinference/thirdparty/indextts/BigVGAN/alias_free_activation/torch/filter.py +102 -0
- xinference/thirdparty/indextts/BigVGAN/alias_free_activation/torch/resample.py +58 -0
- xinference/thirdparty/indextts/BigVGAN/alias_free_torch/__init__.py +6 -0
- xinference/thirdparty/indextts/BigVGAN/alias_free_torch/act.py +29 -0
- xinference/thirdparty/indextts/BigVGAN/alias_free_torch/filter.py +96 -0
- xinference/thirdparty/indextts/BigVGAN/alias_free_torch/resample.py +49 -0
- xinference/thirdparty/indextts/BigVGAN/bigvgan.py +534 -0
- xinference/thirdparty/indextts/BigVGAN/models.py +451 -0
- xinference/thirdparty/indextts/BigVGAN/nnet/CNN.py +546 -0
- xinference/thirdparty/indextts/BigVGAN/nnet/__init__.py +0 -0
- xinference/thirdparty/indextts/BigVGAN/nnet/linear.py +89 -0
- xinference/thirdparty/indextts/BigVGAN/nnet/normalization.py +670 -0
- xinference/thirdparty/indextts/BigVGAN/utils.py +101 -0
- xinference/thirdparty/indextts/__init__.py +0 -0
- xinference/thirdparty/indextts/cli.py +65 -0
- xinference/thirdparty/indextts/gpt/__init__.py +0 -0
- xinference/thirdparty/indextts/gpt/conformer/__init__.py +0 -0
- xinference/thirdparty/indextts/gpt/conformer/attention.py +312 -0
- xinference/thirdparty/indextts/gpt/conformer/embedding.py +163 -0
- xinference/thirdparty/indextts/gpt/conformer/subsampling.py +348 -0
- xinference/thirdparty/indextts/gpt/conformer_encoder.py +520 -0
- xinference/thirdparty/indextts/gpt/model.py +713 -0
- xinference/thirdparty/indextts/gpt/model_v2.py +747 -0
- xinference/thirdparty/indextts/gpt/perceiver.py +317 -0
- xinference/thirdparty/indextts/gpt/transformers_beam_search.py +1013 -0
- xinference/thirdparty/indextts/gpt/transformers_generation_utils.py +4747 -0
- xinference/thirdparty/indextts/gpt/transformers_gpt2.py +1878 -0
- xinference/thirdparty/indextts/gpt/transformers_modeling_utils.py +5525 -0
- xinference/thirdparty/indextts/infer.py +690 -0
- xinference/thirdparty/indextts/infer_v2.py +739 -0
- xinference/thirdparty/indextts/s2mel/dac/__init__.py +16 -0
- xinference/thirdparty/indextts/s2mel/dac/__main__.py +36 -0
- xinference/thirdparty/indextts/s2mel/dac/model/__init__.py +4 -0
- xinference/thirdparty/indextts/s2mel/dac/model/base.py +294 -0
- xinference/thirdparty/indextts/s2mel/dac/model/dac.py +400 -0
- xinference/thirdparty/indextts/s2mel/dac/model/discriminator.py +228 -0
- xinference/thirdparty/indextts/s2mel/dac/model/encodec.py +320 -0
- xinference/thirdparty/indextts/s2mel/dac/nn/__init__.py +3 -0
- xinference/thirdparty/indextts/s2mel/dac/nn/layers.py +33 -0
- xinference/thirdparty/indextts/s2mel/dac/nn/loss.py +368 -0
- xinference/thirdparty/indextts/s2mel/dac/nn/quantize.py +339 -0
- xinference/thirdparty/indextts/s2mel/dac/utils/__init__.py +123 -0
- xinference/thirdparty/indextts/s2mel/dac/utils/decode.py +95 -0
- xinference/thirdparty/indextts/s2mel/dac/utils/encode.py +94 -0
- xinference/thirdparty/indextts/s2mel/hf_utils.py +12 -0
- xinference/thirdparty/indextts/s2mel/modules/alias_free_torch/__init__.py +5 -0
- xinference/thirdparty/indextts/s2mel/modules/alias_free_torch/act.py +29 -0
- xinference/thirdparty/indextts/s2mel/modules/alias_free_torch/filter.py +96 -0
- xinference/thirdparty/indextts/s2mel/modules/alias_free_torch/resample.py +57 -0
- xinference/thirdparty/indextts/s2mel/modules/audio.py +82 -0
- xinference/thirdparty/indextts/s2mel/modules/bigvgan/activations.py +120 -0
- xinference/thirdparty/indextts/s2mel/modules/bigvgan/alias_free_activation/cuda/__init__.py +0 -0
- xinference/thirdparty/indextts/s2mel/modules/bigvgan/alias_free_activation/cuda/activation1d.py +77 -0
- xinference/thirdparty/indextts/s2mel/modules/bigvgan/alias_free_activation/cuda/anti_alias_activation.cpp +23 -0
- xinference/thirdparty/indextts/s2mel/modules/bigvgan/alias_free_activation/cuda/anti_alias_activation_cuda.cu +246 -0
- xinference/thirdparty/indextts/s2mel/modules/bigvgan/alias_free_activation/cuda/compat.h +29 -0
- xinference/thirdparty/indextts/s2mel/modules/bigvgan/alias_free_activation/cuda/load.py +86 -0
- xinference/thirdparty/indextts/s2mel/modules/bigvgan/alias_free_activation/cuda/type_shim.h +92 -0
- xinference/thirdparty/indextts/s2mel/modules/bigvgan/alias_free_activation/torch/__init__.py +6 -0
- xinference/thirdparty/indextts/s2mel/modules/bigvgan/alias_free_activation/torch/act.py +30 -0
- xinference/thirdparty/indextts/s2mel/modules/bigvgan/alias_free_activation/torch/filter.py +101 -0
- xinference/thirdparty/indextts/s2mel/modules/bigvgan/alias_free_activation/torch/resample.py +58 -0
- xinference/thirdparty/indextts/s2mel/modules/bigvgan/bigvgan.py +492 -0
- xinference/thirdparty/indextts/s2mel/modules/bigvgan/config.json +63 -0
- xinference/thirdparty/indextts/s2mel/modules/bigvgan/env.py +18 -0
- xinference/thirdparty/indextts/s2mel/modules/bigvgan/meldataset.py +354 -0
- xinference/thirdparty/indextts/s2mel/modules/bigvgan/utils.py +99 -0
- xinference/thirdparty/indextts/s2mel/modules/campplus/DTDNN.py +115 -0
- xinference/thirdparty/indextts/s2mel/modules/campplus/classifier.py +70 -0
- xinference/thirdparty/indextts/s2mel/modules/campplus/layers.py +253 -0
- xinference/thirdparty/indextts/s2mel/modules/commons.py +632 -0
- xinference/thirdparty/indextts/s2mel/modules/diffusion_transformer.py +257 -0
- xinference/thirdparty/indextts/s2mel/modules/encodec.py +292 -0
- xinference/thirdparty/indextts/s2mel/modules/flow_matching.py +171 -0
- xinference/thirdparty/indextts/s2mel/modules/gpt_fast/generate.py +436 -0
- xinference/thirdparty/indextts/s2mel/modules/gpt_fast/model.py +360 -0
- xinference/thirdparty/indextts/s2mel/modules/gpt_fast/quantize.py +622 -0
- xinference/thirdparty/indextts/s2mel/modules/hifigan/f0_predictor.py +55 -0
- xinference/thirdparty/indextts/s2mel/modules/hifigan/generator.py +454 -0
- xinference/thirdparty/indextts/s2mel/modules/layers.py +354 -0
- xinference/thirdparty/indextts/s2mel/modules/length_regulator.py +141 -0
- xinference/thirdparty/indextts/s2mel/modules/openvoice/__init__.py +0 -0
- xinference/thirdparty/indextts/s2mel/modules/openvoice/api.py +186 -0
- xinference/thirdparty/indextts/s2mel/modules/openvoice/attentions.py +465 -0
- xinference/thirdparty/indextts/s2mel/modules/openvoice/checkpoints_v2/converter/config.json +57 -0
- xinference/thirdparty/indextts/s2mel/modules/openvoice/commons.py +160 -0
- xinference/thirdparty/indextts/s2mel/modules/openvoice/mel_processing.py +183 -0
- xinference/thirdparty/indextts/s2mel/modules/openvoice/models.py +499 -0
- xinference/thirdparty/indextts/s2mel/modules/openvoice/modules.py +598 -0
- xinference/thirdparty/indextts/s2mel/modules/openvoice/openvoice_app.py +275 -0
- xinference/thirdparty/indextts/s2mel/modules/openvoice/se_extractor.py +153 -0
- xinference/thirdparty/indextts/s2mel/modules/openvoice/transforms.py +209 -0
- xinference/thirdparty/indextts/s2mel/modules/openvoice/utils.py +194 -0
- xinference/thirdparty/indextts/s2mel/modules/quantize.py +229 -0
- xinference/thirdparty/indextts/s2mel/modules/rmvpe.py +631 -0
- xinference/thirdparty/indextts/s2mel/modules/vocos/__init__.py +4 -0
- xinference/thirdparty/indextts/s2mel/modules/vocos/heads.py +164 -0
- xinference/thirdparty/indextts/s2mel/modules/vocos/helpers.py +71 -0
- xinference/thirdparty/indextts/s2mel/modules/vocos/loss.py +114 -0
- xinference/thirdparty/indextts/s2mel/modules/vocos/models.py +118 -0
- xinference/thirdparty/indextts/s2mel/modules/vocos/modules.py +213 -0
- xinference/thirdparty/indextts/s2mel/modules/vocos/pretrained.py +51 -0
- xinference/thirdparty/indextts/s2mel/modules/vocos/spectral_ops.py +192 -0
- xinference/thirdparty/indextts/s2mel/modules/wavenet.py +174 -0
- xinference/thirdparty/indextts/s2mel/optimizers.py +96 -0
- xinference/thirdparty/indextts/s2mel/wav2vecbert_extract.py +148 -0
- xinference/thirdparty/indextts/utils/__init__.py +0 -0
- xinference/thirdparty/indextts/utils/arch_util.py +120 -0
- xinference/thirdparty/indextts/utils/checkpoint.py +34 -0
- xinference/thirdparty/indextts/utils/common.py +121 -0
- xinference/thirdparty/indextts/utils/feature_extractors.py +50 -0
- xinference/thirdparty/indextts/utils/front.py +536 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/__init__.py +0 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/amphion_codec/codec.py +427 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/amphion_codec/quantize/__init__.py +11 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/amphion_codec/quantize/factorized_vector_quantize.py +150 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/amphion_codec/quantize/lookup_free_quantize.py +77 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/amphion_codec/quantize/residual_vq.py +177 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/amphion_codec/quantize/vector_quantize.py +401 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/amphion_codec/vocos.py +881 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/codec_dataset.py +264 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/codec_inference.py +515 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/codec_sampler.py +126 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/codec_trainer.py +166 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/__init__.py +0 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/alias_free_torch/__init__.py +5 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/alias_free_torch/act.py +29 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/alias_free_torch/filter.py +96 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/alias_free_torch/resample.py +57 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/facodec_dataset.py +98 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/facodec_inference.py +137 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/facodec_trainer.py +776 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/modules/JDC/__init__.py +1 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/modules/JDC/bst.t7 +0 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/modules/JDC/model.py +219 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/modules/attentions.py +437 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/modules/commons.py +331 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/modules/gradient_reversal.py +35 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/modules/layers.py +460 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/modules/quantize.py +741 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/modules/style_encoder.py +110 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/modules/wavenet.py +224 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/facodec/optimizer.py +104 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/kmeans/repcodec_model.py +210 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/kmeans/vocos.py +850 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/melvqgan/melspec.py +108 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/ns3_codec/README.md +216 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/ns3_codec/__init__.py +6 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/ns3_codec/alias_free_torch/__init__.py +5 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/ns3_codec/alias_free_torch/act.py +29 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/ns3_codec/alias_free_torch/filter.py +96 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/ns3_codec/alias_free_torch/resample.py +57 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/ns3_codec/facodec.py +1222 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/ns3_codec/gradient_reversal.py +35 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/ns3_codec/melspec.py +102 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/ns3_codec/quantize/__init__.py +7 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/ns3_codec/quantize/fvq.py +116 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/ns3_codec/quantize/rvq.py +87 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/ns3_codec/transformer.py +234 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/speechtokenizer/model.py +184 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/speechtokenizer/modules/__init__.py +27 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/speechtokenizer/modules/conv.py +346 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/speechtokenizer/modules/lstm.py +46 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/speechtokenizer/modules/norm.py +37 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/speechtokenizer/modules/quantization/__init__.py +14 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/speechtokenizer/modules/quantization/ac.py +317 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/speechtokenizer/modules/quantization/core_vq.py +388 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/speechtokenizer/modules/quantization/distrib.py +135 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/speechtokenizer/modules/quantization/vq.py +125 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/speechtokenizer/modules/seanet.py +414 -0
- xinference/thirdparty/indextts/utils/maskgct/models/codec/vevo/vevo_repcodec.py +592 -0
- xinference/thirdparty/indextts/utils/maskgct/models/tts/maskgct/ckpt/wav2vec2bert_stats.pt +0 -0
- xinference/thirdparty/indextts/utils/maskgct/models/tts/maskgct/llama_nar.py +650 -0
- xinference/thirdparty/indextts/utils/maskgct/models/tts/maskgct/maskgct_s2a.py +503 -0
- xinference/thirdparty/indextts/utils/maskgct_utils.py +259 -0
- xinference/thirdparty/indextts/utils/text_utils.py +41 -0
- xinference/thirdparty/indextts/utils/typical_sampling.py +30 -0
- xinference/thirdparty/indextts/utils/utils.py +93 -0
- xinference/thirdparty/indextts/utils/webui_utils.py +42 -0
- xinference/thirdparty/indextts/utils/xtransformers.py +1247 -0
- xinference/thirdparty/indextts/vqvae/__init__.py +0 -0
- xinference/thirdparty/indextts/vqvae/xtts_dvae.py +395 -0
- xinference/types.py +105 -2
- xinference/ui/gradio/media_interface.py +66 -8
- xinference/ui/web/ui/build/asset-manifest.json +6 -6
- xinference/ui/web/ui/build/index.html +1 -1
- xinference/ui/web/ui/build/static/css/main.5ea97072.css +2 -0
- xinference/ui/web/ui/build/static/css/main.5ea97072.css.map +1 -0
- xinference/ui/web/ui/build/static/js/main.d192c4f3.js +3 -0
- xinference/ui/web/ui/build/static/js/{main.1086c759.js.LICENSE.txt → main.d192c4f3.js.LICENSE.txt} +0 -7
- xinference/ui/web/ui/build/static/js/main.d192c4f3.js.map +1 -0
- xinference/ui/web/ui/node_modules/.cache/babel-loader/089c38df5f52348d212ed868dda5c518a42e0c2762caed4175487c0405830c35.json +1 -0
- xinference/ui/web/ui/node_modules/.cache/babel-loader/2b6e3a5b6eb2c5c5f2d007e68cd46c372721cd52bf63508adcdb21ecf79241d8.json +1 -0
- xinference/ui/web/ui/node_modules/.cache/babel-loader/2d887825fd07a56f872eda4420da25fba0b5b62a23bdcc6c6da1a5281887f618.json +1 -0
- xinference/ui/web/ui/node_modules/.cache/babel-loader/4001f9c3e64e73a4f2158826650c174a59d5e3f89ddecddf17cbb6bb688cc4ca.json +1 -0
- xinference/ui/web/ui/node_modules/.cache/babel-loader/4a7018a69e6b7f90fc313248c2aa86f2a8f1eb1db120df586047a8023549b44b.json +1 -0
- xinference/ui/web/ui/node_modules/.cache/babel-loader/64b12aaa1c1d1bf53820ada8a63769067c0ccc5aab46b32348eb1917ae7f2a11.json +1 -0
- xinference/ui/web/ui/node_modules/.cache/babel-loader/7275b67c78ec76ce38a686bb8a576d8c9cecf54e1573614c84859d538efb9be5.json +1 -0
- xinference/ui/web/ui/node_modules/.cache/babel-loader/a68b6ee3b31eadc051fb95ce8f8ccb9c2e8b52c60f290dbab545a1917e065282.json +1 -0
- xinference/ui/web/ui/node_modules/.cache/babel-loader/ae8771cc37693feb160fa8727231312a0c54ef2d1d1ca893be568cd70016ca7e.json +1 -0
- xinference/ui/web/ui/node_modules/.cache/babel-loader/bb4e8722d2d41d87f1fce3661bc8937bffe9448e231fc5f0462630849e851592.json +1 -0
- xinference/ui/web/ui/node_modules/.cache/babel-loader/be6aada1ee4adc2bbf65dbe56d17db32bb3b5478be05d6b527805a8ba6cfb2b9.json +1 -0
- xinference/ui/web/ui/node_modules/.cache/babel-loader/de91c352653c233cf0cb6674e6e04049a44fd0e1156560de65d5c4620521391e.json +1 -0
- xinference/ui/web/ui/node_modules/.cache/babel-loader/e85f7002fc325c83b9c9cd8a1619e5b3ebc701d30e811afc284b88e6ae710cb5.json +1 -0
- xinference/ui/web/ui/node_modules/.cache/babel-loader/e8b603c78944bf3d213639078bfe155ff5c0dfa4048a93cbb967cad6a4eb4ff3.json +1 -0
- xinference/ui/web/ui/node_modules/.cache/babel-loader/f05535160a508b2a312de546a6de234776c613db276479ea4253c0b1bdeeb7d6.json +1 -0
- xinference/ui/web/ui/node_modules/.cache/babel-loader/f09ba9e11106bd59a0de10cc85c55084097729dcab575f43dfcf07375961ed87.json +1 -0
- xinference/ui/web/ui/node_modules/.cache/babel-loader/f995a2425dfb0822fd07127f66ffe9b026883bc156b402eb8bd0b83d52460a93.json +1 -0
- xinference/ui/web/ui/node_modules/.package-lock.json +0 -33
- xinference/ui/web/ui/package-lock.json +0 -34
- xinference/ui/web/ui/package.json +0 -1
- xinference/ui/web/ui/src/locales/en.json +9 -3
- xinference/ui/web/ui/src/locales/ja.json +9 -3
- xinference/ui/web/ui/src/locales/ko.json +9 -3
- xinference/ui/web/ui/src/locales/zh.json +9 -3
- {xinference-1.9.1.dist-info → xinference-1.10.1.dist-info}/METADATA +24 -4
- {xinference-1.9.1.dist-info → xinference-1.10.1.dist-info}/RECORD +302 -76
- xinference/ui/web/ui/build/static/css/main.013f296b.css +0 -2
- xinference/ui/web/ui/build/static/css/main.013f296b.css.map +0 -1
- xinference/ui/web/ui/build/static/js/main.1086c759.js +0 -3
- xinference/ui/web/ui/build/static/js/main.1086c759.js.map +0 -1
- xinference/ui/web/ui/node_modules/.cache/babel-loader/0b0f77000cc1b482ca091cfbcae511dfe02f08916971645fad21d0b1234d04a2.json +0 -1
- xinference/ui/web/ui/node_modules/.cache/babel-loader/1c5f8ff423a7c9202bea60b15680f04b1e9964b445b0da3f86c6ff70cf24e797.json +0 -1
- xinference/ui/web/ui/node_modules/.cache/babel-loader/44ce7993e344980e3ed4f13e8f69237d4a5dfc60e37ca6b54f51f8ee1357bd67.json +0 -1
- xinference/ui/web/ui/node_modules/.cache/babel-loader/4aec1cc414ac3ebb3481d3d915e4db597d9127de813291346eacb8554ab170d4.json +0 -1
- xinference/ui/web/ui/node_modules/.cache/babel-loader/644cfec52f3c57a6e222ce60f112237a1efefe9835efd9aad857a685f53d8eed.json +0 -1
- xinference/ui/web/ui/node_modules/.cache/babel-loader/663436f72af53fe0d72394f56d003fa4e0bba489e5bb4e483fd34b00f84637f7.json +0 -1
- xinference/ui/web/ui/node_modules/.cache/babel-loader/69db82ca9bfe27fe417cc6cf2b1716b09be9c6f0cd198530f12bfc60e801bbcf.json +0 -1
- xinference/ui/web/ui/node_modules/.cache/babel-loader/85087e27618d740c236bf159f30e0219db443ab55f0997388eed5fde6f9e90cc.json +0 -1
- xinference/ui/web/ui/node_modules/.cache/babel-loader/88b07838348864aa86c672be3bbca1e9f58f6f3a2881b32070ec27f4e7b449d1.json +0 -1
- xinference/ui/web/ui/node_modules/.cache/babel-loader/8b8cd408ccfbe115acef27ccfa5b233da8597131a2a5712add13e1e4d5d4504b.json +0 -1
- xinference/ui/web/ui/node_modules/.cache/babel-loader/a23824fe746b9c6ca5eee9159b5764d1ff1653c1d856288c0f75c742bbb0023b.json +0 -1
- xinference/ui/web/ui/node_modules/.cache/babel-loader/a3eb18af328280b139693c9092dff2a0ef8c9a967e6c8956ceee0996611f1984.json +0 -1
- xinference/ui/web/ui/node_modules/.cache/babel-loader/bc1aacc65a102db325ca61bcd2f681e1ae22c36a1f1d98a6ff5e4ad49dc7544f.json +0 -1
- xinference/ui/web/ui/node_modules/.cache/babel-loader/c682fd521747c19dae437d83ce3235a306ce6b68e24a117bc57c27ebb8d1f1ca.json +0 -1
- xinference/ui/web/ui/node_modules/.cache/babel-loader/d5c224be7081f18cba1678b7874a9782eba895df004874ff8f243f94ba79942a.json +0 -1
- xinference/ui/web/ui/node_modules/.cache/babel-loader/f7f18bfb539b036a6a342176dd98a85df5057a884a8da978d679f2a0264883d0.json +0 -1
- xinference/ui/web/ui/node_modules/clipboard/.babelrc.json +0 -11
- xinference/ui/web/ui/node_modules/clipboard/.eslintrc.json +0 -24
- xinference/ui/web/ui/node_modules/clipboard/.prettierrc.json +0 -9
- xinference/ui/web/ui/node_modules/clipboard/bower.json +0 -18
- xinference/ui/web/ui/node_modules/clipboard/composer.json +0 -25
- xinference/ui/web/ui/node_modules/clipboard/package.json +0 -63
- xinference/ui/web/ui/node_modules/delegate/package.json +0 -31
- xinference/ui/web/ui/node_modules/good-listener/bower.json +0 -11
- xinference/ui/web/ui/node_modules/good-listener/package.json +0 -35
- xinference/ui/web/ui/node_modules/select/bower.json +0 -13
- xinference/ui/web/ui/node_modules/select/package.json +0 -29
- xinference/ui/web/ui/node_modules/tiny-emitter/package.json +0 -53
- {xinference-1.9.1.dist-info → xinference-1.10.1.dist-info}/WHEEL +0 -0
- {xinference-1.9.1.dist-info → xinference-1.10.1.dist-info}/entry_points.txt +0 -0
- {xinference-1.9.1.dist-info → xinference-1.10.1.dist-info}/licenses/LICENSE +0 -0
- {xinference-1.9.1.dist-info → xinference-1.10.1.dist-info}/top_level.txt +0 -0
|
@@ -1 +0,0 @@
|
|
|
1
|
-
{"ast":null,"code":"\"use strict\";\n\"use client\";\n\nvar _interopRequireDefault = require(\"@babel/runtime/helpers/interopRequireDefault\");\nObject.defineProperty(exports, \"__esModule\", {\n value: true\n});\nexports.default = void 0;\nvar _createSvgIcon = _interopRequireDefault(require(\"./utils/createSvgIcon\"));\nvar _jsxRuntime = require(\"react/jsx-runtime\");\nvar _default = (0, _createSvgIcon.default)( /*#__PURE__*/(0, _jsxRuntime.jsx)(\"path\", {\n d: \"M3 5H1v16c0 1.1.9 2 2 2h16v-2H3V5zm18-4H7c-1.1 0-2 .9-2 2v14c0 1.1.9 2 2 2h14c1.1 0 2-.9 2-2V3c0-1.1-.9-2-2-2zm0 16H7V3h14v14z\"\n}), 'FilterNone');\nexports.default = _default;","map":{"version":3,"names":["_interopRequireDefault","require","Object","defineProperty","exports","value","default","_createSvgIcon","_jsxRuntime","_default","jsx","d"],"sources":["/home/runner/work/inference/inference/xinference/ui/web/ui/node_modules/@mui/icons-material/FilterNone.js"],"sourcesContent":["\"use strict\";\n\"use client\";\n\nvar _interopRequireDefault = require(\"@babel/runtime/helpers/interopRequireDefault\");\nObject.defineProperty(exports, \"__esModule\", {\n value: true\n});\nexports.default = void 0;\nvar _createSvgIcon = _interopRequireDefault(require(\"./utils/createSvgIcon\"));\nvar _jsxRuntime = require(\"react/jsx-runtime\");\nvar _default = (0, _createSvgIcon.default)( /*#__PURE__*/(0, _jsxRuntime.jsx)(\"path\", {\n d: \"M3 5H1v16c0 1.1.9 2 2 2h16v-2H3V5zm18-4H7c-1.1 0-2 .9-2 2v14c0 1.1.9 2 2 2h14c1.1 0 2-.9 2-2V3c0-1.1-.9-2-2-2zm0 16H7V3h14v14z\"\n}), 'FilterNone');\nexports.default = _default;"],"mappings":"AAAA,YAAY;AACZ,YAAY;;AAEZ,IAAIA,sBAAsB,GAAGC,OAAO,CAAC,8CAA8C,CAAC;AACpFC,MAAM,CAACC,cAAc,CAACC,OAAO,EAAE,YAAY,EAAE;EAC3CC,KAAK,EAAE;AACT,CAAC,CAAC;AACFD,OAAO,CAACE,OAAO,GAAG,KAAK,CAAC;AACxB,IAAIC,cAAc,GAAGP,sBAAsB,CAACC,OAAO,CAAC,uBAAuB,CAAC,CAAC;AAC7E,IAAIO,WAAW,GAAGP,OAAO,CAAC,mBAAmB,CAAC;AAC9C,IAAIQ,QAAQ,GAAG,CAAC,CAAC,EAAEF,cAAc,CAACD,OAAO,GAAG,aAAa,CAAC,CAAC,EAAEE,WAAW,CAACE,GAAG,EAAE,MAAM,EAAE;EACpFC,CAAC,EAAE;AACL,CAAC,CAAC,EAAE,YAAY,CAAC;AACjBP,OAAO,CAACE,OAAO,GAAGG,QAAQ","ignoreList":[]},"metadata":{},"sourceType":"script","externalDependencies":[]}
|
|
@@ -1 +0,0 @@
|
|
|
1
|
-
{"ast":null,"code":"import{WarningAmber}from'@mui/icons-material';import{Button,Dialog,DialogActions,DialogContent,DialogContentText,DialogTitle}from'@mui/material';import React from'react';import{jsx as _jsx}from\"react/jsx-runtime\";import{jsxs as _jsxs}from\"react/jsx-runtime\";var DeleteDialog=function DeleteDialog(_ref){var text=_ref.text,isDelete=_ref.isDelete,onHandleIsDelete=_ref.onHandleIsDelete,onHandleDelete=_ref.onHandleDelete;return/*#__PURE__*/_jsxs(Dialog,{open:isDelete,\"aria-labelledby\":\"alert-dialog-title\",\"aria-describedby\":\"alert-dialog-description\",children:[/*#__PURE__*/_jsx(DialogTitle,{id:\"alert-dialog-title\",children:\"Warning\"}),/*#__PURE__*/_jsx(DialogContent,{children:/*#__PURE__*/_jsxs(DialogContentText,{className:\"deleteDialog\",id:\"alert-dialog-description\",children:[/*#__PURE__*/_jsx(WarningAmber,{className:\"warningIcon\"}),/*#__PURE__*/_jsx(\"p\",{children:text})]})}),/*#__PURE__*/_jsxs(DialogActions,{children:[/*#__PURE__*/_jsx(Button,{onClick:function onClick(){onHandleIsDelete();},children:\"no\"}),/*#__PURE__*/_jsx(Button,{onClick:onHandleDelete,autoFocus:true,children:\"yes\"})]})]});};export default DeleteDialog;","map":{"version":3,"names":["WarningAmber","Button","Dialog","DialogActions","DialogContent","DialogContentText","DialogTitle","React","jsx","_jsx","jsxs","_jsxs","DeleteDialog","_ref","text","isDelete","onHandleIsDelete","onHandleDelete","open","children","id","className","onClick","autoFocus"],"sources":["/home/runner/work/inference/inference/xinference/ui/web/ui/src/components/deleteDialog.js"],"sourcesContent":["import { WarningAmber } from '@mui/icons-material'\nimport {\n Button,\n Dialog,\n DialogActions,\n DialogContent,\n DialogContentText,\n DialogTitle,\n} from '@mui/material'\nimport React from 'react'\n\nconst DeleteDialog = ({ text, isDelete, onHandleIsDelete, onHandleDelete }) => {\n return (\n <Dialog\n open={isDelete}\n aria-labelledby=\"alert-dialog-title\"\n aria-describedby=\"alert-dialog-description\"\n >\n <DialogTitle id=\"alert-dialog-title\">Warning</DialogTitle>\n <DialogContent>\n <DialogContentText\n className=\"deleteDialog\"\n id=\"alert-dialog-description\"\n >\n <WarningAmber className=\"warningIcon\" />\n <p>{text}</p>\n </DialogContentText>\n </DialogContent>\n <DialogActions>\n <Button\n onClick={() => {\n onHandleIsDelete()\n }}\n >\n no\n </Button>\n <Button onClick={onHandleDelete} autoFocus>\n yes\n </Button>\n </DialogActions>\n </Dialog>\n )\n}\n\nexport default DeleteDialog\n"],"mappings":"AAAA,OAASA,YAAY,KAAQ,qBAAqB,CAClD,OACEC,MAAM,CACNC,MAAM,CACNC,aAAa,CACbC,aAAa,CACbC,iBAAiB,CACjBC,WAAW,KACN,eAAe,CACtB,MAAO,CAAAC,KAAK,KAAM,OAAO,QAAAC,GAAA,IAAAC,IAAA,gCAAAC,IAAA,IAAAC,KAAA,yBAEzB,GAAM,CAAAC,YAAY,CAAG,QAAf,CAAAA,YAAYA,CAAAC,IAAA,CAA6D,IAAvD,CAAAC,IAAI,CAAAD,IAAA,CAAJC,IAAI,CAAEC,QAAQ,CAAAF,IAAA,CAARE,QAAQ,CAAEC,gBAAgB,CAAAH,IAAA,CAAhBG,gBAAgB,CAAEC,cAAc,CAAAJ,IAAA,CAAdI,cAAc,CACtE,mBACEN,KAAA,CAACT,MAAM,EACLgB,IAAI,CAAEH,QAAS,CACf,kBAAgB,oBAAoB,CACpC,mBAAiB,0BAA0B,CAAAI,QAAA,eAE3CV,IAAA,CAACH,WAAW,EAACc,EAAE,CAAC,oBAAoB,CAAAD,QAAA,CAAC,SAAO,CAAa,CAAC,cAC1DV,IAAA,CAACL,aAAa,EAAAe,QAAA,cACZR,KAAA,CAACN,iBAAiB,EAChBgB,SAAS,CAAC,cAAc,CACxBD,EAAE,CAAC,0BAA0B,CAAAD,QAAA,eAE7BV,IAAA,CAACT,YAAY,EAACqB,SAAS,CAAC,aAAa,CAAE,CAAC,cACxCZ,IAAA,MAAAU,QAAA,CAAIL,IAAI,CAAI,CAAC,EACI,CAAC,CACP,CAAC,cAChBH,KAAA,CAACR,aAAa,EAAAgB,QAAA,eACZV,IAAA,CAACR,MAAM,EACLqB,OAAO,CAAE,SAAAA,QAAA,CAAM,CACbN,gBAAgB,CAAC,CAAC,CACpB,CAAE,CAAAG,QAAA,CACH,IAED,CAAQ,CAAC,cACTV,IAAA,CAACR,MAAM,EAACqB,OAAO,CAAEL,cAAe,CAACM,SAAS,MAAAJ,QAAA,CAAC,KAE3C,CAAQ,CAAC,EACI,CAAC,EACV,CAAC,CAEb,CAAC,CAED,cAAe,CAAAP,YAAY","ignoreList":[]},"metadata":{},"sourceType":"module","externalDependencies":[]}
|
|
@@ -1 +0,0 @@
|
|
|
1
|
-
{"ast":null,"code":"import _toConsumableArray from\"/home/runner/work/inference/inference/xinference/ui/web/ui/node_modules/@babel/runtime/helpers/esm/toConsumableArray.js\";import _slicedToArray from\"/home/runner/work/inference/inference/xinference/ui/web/ui/node_modules/@babel/runtime/helpers/esm/slicedToArray.js\";import FilterNoneIcon from'@mui/icons-material/FilterNone';import{Alert,Snackbar,Tooltip}from'@mui/material';import ClipboardJS from'clipboard';import React,{useEffect,useRef,useState}from'react';import{useTranslation}from'react-i18next';import{jsx as _jsx}from\"react/jsx-runtime\";import{jsxs as _jsxs}from\"react/jsx-runtime\";var keyMap={model_size_in_billions:'--size-in-billions',download_hub:'--download_hub',enable_thinking:'--enable_thinking',reasoning_content:'--reasoning_content',lightning_version:'--lightning_version',lightning_model_path:'--lightning_model_path'};function CopyComponent(_ref){var modelData=_ref.modelData,predefinedKeys=_ref.predefinedKeys;var _useTranslation=useTranslation(),t=_useTranslation.t;var _useState=useState(false),_useState2=_slicedToArray(_useState,2),isCopySuccess=_useState2[0],setIsCopySuccess=_useState2[1];var copyRef=useRef(null);var generateCommandLineStatement=function generateCommandLineStatement(params){var args=Object.entries(params).filter(function(_ref2){var _ref3=_slicedToArray(_ref2,2),key=_ref3[0],value=_ref3[1];return predefinedKeys.includes(key)&&value!==null&&value!==undefined||!predefinedKeys.includes(key);}).flatMap(function(_ref4){var _ref5=_slicedToArray(_ref4,2),key=_ref5[0],value=_ref5[1];if(key==='gpu_idx'&&Array.isArray(value)){return\"--gpu-idx \".concat(value.join(','));}else if(key==='peft_model_config'&&typeof value==='object'){var peftArgs=[];if(value.lora_list){peftArgs.push.apply(peftArgs,_toConsumableArray(value.lora_list.map(function(lora){return\"--lora-modules \".concat(lora.lora_name,\" \").concat(lora.local_path);})));}if(value.image_lora_load_kwargs){peftArgs.push.apply(peftArgs,_toConsumableArray(Object.entries(value.image_lora_load_kwargs).map(function(_ref6){var _ref7=_slicedToArray(_ref6,2),k=_ref7[0],v=_ref7[1];return\"--image-lora-load-kwargs \".concat(k,\" \").concat(v);})));}if(value.image_lora_fuse_kwargs){peftArgs.push.apply(peftArgs,_toConsumableArray(Object.entries(value.image_lora_fuse_kwargs).map(function(_ref8){var _ref9=_slicedToArray(_ref8,2),k=_ref9[0],v=_ref9[1];return\"--image-lora-fuse-kwargs \".concat(k,\" \").concat(v);})));}return peftArgs;}else if(key==='quantization_config'&&typeof value==='object'){return Object.entries(value).map(function(_ref10){var _ref11=_slicedToArray(_ref10,2),k=_ref11[0],v=_ref11[1];return\"--quantization-config \".concat(k,\" \").concat(v===null?'none':v);});}else if(key==='envs'&&typeof value==='object'){return Object.entries(value).map(function(_ref12){var _ref13=_slicedToArray(_ref12,2),k=_ref13[0],v=_ref13[1];return\"--env \".concat(k,\" \").concat(v);});}else if(key==='virtual_env_packages'&&Array.isArray(value)){return value.map(function(pkg){return\"--virtual-env-package \".concat(pkg);});}else if(key==='enable_virtual_env'){if(value===true)return\"--enable-virtual-env\";if(value===false)return\"--disable-virtual-env\";return[];}else if(predefinedKeys.includes(key)){var _keyMap$key;var newKey=(_keyMap$key=keyMap[key])!==null&&_keyMap$key!==void 0?_keyMap$key:\"--\".concat(key.replace(/_/g,'-'));return\"\".concat(newKey,\" \").concat(value===false?'false':value===null?'none':value);}else{return\"--\".concat(key,\" \").concat(value===false?'false':value===null?'none':value);}}).join(' ');return\"xinference launch \".concat(args);};useEffect(function(){var _text=generateCommandLineStatement(modelData);var clipboard=new ClipboardJS(copyRef.current,{text:function text(){return _text;}});clipboard.on('success',function(e){e.clearSelection();setIsCopySuccess(true);});var handleClick=function handleClick(event){event.stopPropagation();copyRef.current.focus();};var copy=copyRef.current;copy.addEventListener('click',handleClick);return function(){clipboard.destroy();copy.removeEventListener('click',handleClick);};},[modelData]);return/*#__PURE__*/_jsxs(\"div\",{style:{marginInline:'10px',lineHeight:'14px'},children:[/*#__PURE__*/_jsx(Tooltip,{title:t('launchModel.copyToCommandLine'),placement:\"top\",children:/*#__PURE__*/_jsx(\"div\",{ref:copyRef,children:/*#__PURE__*/_jsx(FilterNoneIcon,{className:\"copyToCommandLine\"})})}),/*#__PURE__*/_jsx(Snackbar,{anchorOrigin:{vertical:'top',horizontal:'center'},open:isCopySuccess,autoHideDuration:1500,onClose:function onClose(){return setIsCopySuccess(false);},children:/*#__PURE__*/_jsx(Alert,{severity:\"success\",variant:\"filled\",sx:{width:'100%'},children:t('components.copySuccess')})})]});}export default CopyComponent;","map":{"version":3,"names":["FilterNoneIcon","Alert","Snackbar","Tooltip","ClipboardJS","React","useEffect","useRef","useState","useTranslation","jsx","_jsx","jsxs","_jsxs","keyMap","model_size_in_billions","download_hub","enable_thinking","reasoning_content","lightning_version","lightning_model_path","CopyComponent","_ref","modelData","predefinedKeys","_useTranslation","t","_useState","_useState2","_slicedToArray","isCopySuccess","setIsCopySuccess","copyRef","generateCommandLineStatement","params","args","Object","entries","filter","_ref2","_ref3","key","value","includes","undefined","flatMap","_ref4","_ref5","Array","isArray","concat","join","peftArgs","lora_list","push","apply","_toConsumableArray","map","lora","lora_name","local_path","image_lora_load_kwargs","_ref6","_ref7","k","v","image_lora_fuse_kwargs","_ref8","_ref9","_ref10","_ref11","_ref12","_ref13","pkg","_keyMap$key","newKey","replace","text","clipboard","current","on","e","clearSelection","handleClick","event","stopPropagation","focus","copy","addEventListener","destroy","removeEventListener","style","marginInline","lineHeight","children","title","placement","ref","className","anchorOrigin","vertical","horizontal","open","autoHideDuration","onClose","severity","variant","sx","width"],"sources":["/home/runner/work/inference/inference/xinference/ui/web/ui/src/scenes/launch_model/components/copyComponent.js"],"sourcesContent":["import FilterNoneIcon from '@mui/icons-material/FilterNone'\nimport { Alert, Snackbar, Tooltip } from '@mui/material'\nimport ClipboardJS from 'clipboard'\nimport React, { useEffect, useRef, useState } from 'react'\nimport { useTranslation } from 'react-i18next'\n\nconst keyMap = {\n model_size_in_billions: '--size-in-billions',\n download_hub: '--download_hub',\n enable_thinking: '--enable_thinking',\n reasoning_content: '--reasoning_content',\n lightning_version: '--lightning_version',\n lightning_model_path: '--lightning_model_path',\n}\n\nfunction CopyComponent({ modelData, predefinedKeys }) {\n const { t } = useTranslation()\n const [isCopySuccess, setIsCopySuccess] = useState(false)\n const copyRef = useRef(null)\n\n const generateCommandLineStatement = (params) => {\n const args = Object.entries(params)\n .filter(\n ([key, value]) =>\n (predefinedKeys.includes(key) &&\n value !== null &&\n value !== undefined) ||\n !predefinedKeys.includes(key)\n )\n .flatMap(([key, value]) => {\n if (key === 'gpu_idx' && Array.isArray(value)) {\n return `--gpu-idx ${value.join(',')}`\n } else if (key === 'peft_model_config' && typeof value === 'object') {\n const peftArgs = []\n if (value.lora_list) {\n peftArgs.push(\n ...value.lora_list.map(\n (lora) => `--lora-modules ${lora.lora_name} ${lora.local_path}`\n )\n )\n }\n if (value.image_lora_load_kwargs) {\n peftArgs.push(\n ...Object.entries(value.image_lora_load_kwargs).map(\n ([k, v]) => `--image-lora-load-kwargs ${k} ${v}`\n )\n )\n }\n if (value.image_lora_fuse_kwargs) {\n peftArgs.push(\n ...Object.entries(value.image_lora_fuse_kwargs).map(\n ([k, v]) => `--image-lora-fuse-kwargs ${k} ${v}`\n )\n )\n }\n return peftArgs\n } else if (key === 'quantization_config' && typeof value === 'object') {\n return Object.entries(value).map(\n ([k, v]) => `--quantization-config ${k} ${v === null ? 'none' : v}`\n )\n } else if (key === 'envs' && typeof value === 'object') {\n return Object.entries(value).map(([k, v]) => `--env ${k} ${v}`)\n } else if (key === 'virtual_env_packages' && Array.isArray(value)) {\n return value.map((pkg) => `--virtual-env-package ${pkg}`)\n } else if (key === 'enable_virtual_env') {\n if (value === true) return `--enable-virtual-env`\n if (value === false) return `--disable-virtual-env`\n return []\n } else if (predefinedKeys.includes(key)) {\n const newKey = keyMap[key] ?? `--${key.replace(/_/g, '-')}`\n return `${newKey} ${\n value === false ? 'false' : value === null ? 'none' : value\n }`\n } else {\n return `--${key} ${\n value === false ? 'false' : value === null ? 'none' : value\n }`\n }\n })\n .join(' ')\n\n return `xinference launch ${args}`\n }\n\n useEffect(() => {\n const text = generateCommandLineStatement(modelData)\n const clipboard = new ClipboardJS(copyRef.current, {\n text: () => text,\n })\n\n clipboard.on('success', (e) => {\n e.clearSelection()\n setIsCopySuccess(true)\n })\n\n const handleClick = (event) => {\n event.stopPropagation()\n copyRef.current.focus()\n }\n\n const copy = copyRef.current\n copy.addEventListener('click', handleClick)\n\n return () => {\n clipboard.destroy()\n copy.removeEventListener('click', handleClick)\n }\n }, [modelData])\n\n return (\n <div style={{ marginInline: '10px', lineHeight: '14px' }}>\n <Tooltip title={t('launchModel.copyToCommandLine')} placement=\"top\">\n <div ref={copyRef}>\n <FilterNoneIcon className=\"copyToCommandLine\" />\n </div>\n </Tooltip>\n <Snackbar\n anchorOrigin={{ vertical: 'top', horizontal: 'center' }}\n open={isCopySuccess}\n autoHideDuration={1500}\n onClose={() => setIsCopySuccess(false)}\n >\n <Alert severity=\"success\" variant=\"filled\" sx={{ width: '100%' }}>\n {t('components.copySuccess')}\n </Alert>\n </Snackbar>\n </div>\n )\n}\n\nexport default CopyComponent\n"],"mappings":"wSAAA,MAAO,CAAAA,cAAc,KAAM,gCAAgC,CAC3D,OAASC,KAAK,CAAEC,QAAQ,CAAEC,OAAO,KAAQ,eAAe,CACxD,MAAO,CAAAC,WAAW,KAAM,WAAW,CACnC,MAAO,CAAAC,KAAK,EAAIC,SAAS,CAAEC,MAAM,CAAEC,QAAQ,KAAQ,OAAO,CAC1D,OAASC,cAAc,KAAQ,eAAe,QAAAC,GAAA,IAAAC,IAAA,gCAAAC,IAAA,IAAAC,KAAA,yBAE9C,GAAM,CAAAC,MAAM,CAAG,CACbC,sBAAsB,CAAE,oBAAoB,CAC5CC,YAAY,CAAE,gBAAgB,CAC9BC,eAAe,CAAE,mBAAmB,CACpCC,iBAAiB,CAAE,qBAAqB,CACxCC,iBAAiB,CAAE,qBAAqB,CACxCC,oBAAoB,CAAE,wBACxB,CAAC,CAED,QAAS,CAAAC,aAAaA,CAAAC,IAAA,CAAgC,IAA7B,CAAAC,SAAS,CAAAD,IAAA,CAATC,SAAS,CAAEC,cAAc,CAAAF,IAAA,CAAdE,cAAc,CAChD,IAAAC,eAAA,CAAchB,cAAc,CAAC,CAAC,CAAtBiB,CAAC,CAAAD,eAAA,CAADC,CAAC,CACT,IAAAC,SAAA,CAA0CnB,QAAQ,CAAC,KAAK,CAAC,CAAAoB,UAAA,CAAAC,cAAA,CAAAF,SAAA,IAAlDG,aAAa,CAAAF,UAAA,IAAEG,gBAAgB,CAAAH,UAAA,IACtC,GAAM,CAAAI,OAAO,CAAGzB,MAAM,CAAC,IAAI,CAAC,CAE5B,GAAM,CAAA0B,4BAA4B,CAAG,QAA/B,CAAAA,4BAA4BA,CAAIC,MAAM,CAAK,CAC/C,GAAM,CAAAC,IAAI,CAAGC,MAAM,CAACC,OAAO,CAACH,MAAM,CAAC,CAChCI,MAAM,CACL,SAAAC,KAAA,MAAAC,KAAA,CAAAX,cAAA,CAAAU,KAAA,IAAEE,GAAG,CAAAD,KAAA,IAAEE,KAAK,CAAAF,KAAA,UACT,CAAAhB,cAAc,CAACmB,QAAQ,CAACF,GAAG,CAAC,EAC3BC,KAAK,GAAK,IAAI,EACdA,KAAK,GAAKE,SAAS,EACrB,CAACpB,cAAc,CAACmB,QAAQ,CAACF,GAAG,CAAC,EACjC,CAAC,CACAI,OAAO,CAAC,SAAAC,KAAA,CAAkB,KAAAC,KAAA,CAAAlB,cAAA,CAAAiB,KAAA,IAAhBL,GAAG,CAAAM,KAAA,IAAEL,KAAK,CAAAK,KAAA,IACnB,GAAIN,GAAG,GAAK,SAAS,EAAIO,KAAK,CAACC,OAAO,CAACP,KAAK,CAAC,CAAE,CAC7C,mBAAAQ,MAAA,CAAoBR,KAAK,CAACS,IAAI,CAAC,GAAG,CAAC,EACrC,CAAC,IAAM,IAAIV,GAAG,GAAK,mBAAmB,EAAI,MAAO,CAAAC,KAAK,GAAK,QAAQ,CAAE,CACnE,GAAM,CAAAU,QAAQ,CAAG,EAAE,CACnB,GAAIV,KAAK,CAACW,SAAS,CAAE,CACnBD,QAAQ,CAACE,IAAI,CAAAC,KAAA,CAAbH,QAAQ,CAAAI,kBAAA,CACHd,KAAK,CAACW,SAAS,CAACI,GAAG,CACpB,SAACC,IAAI,0BAAAR,MAAA,CAAuBQ,IAAI,CAACC,SAAS,MAAAT,MAAA,CAAIQ,IAAI,CAACE,UAAU,GAC/D,CAAC,CACH,CAAC,CACH,CACA,GAAIlB,KAAK,CAACmB,sBAAsB,CAAE,CAChCT,QAAQ,CAACE,IAAI,CAAAC,KAAA,CAAbH,QAAQ,CAAAI,kBAAA,CACHpB,MAAM,CAACC,OAAO,CAACK,KAAK,CAACmB,sBAAsB,CAAC,CAACJ,GAAG,CACjD,SAAAK,KAAA,MAAAC,KAAA,CAAAlC,cAAA,CAAAiC,KAAA,IAAEE,CAAC,CAAAD,KAAA,IAAEE,CAAC,CAAAF,KAAA,sCAAAb,MAAA,CAAkCc,CAAC,MAAAd,MAAA,CAAIe,CAAC,GAChD,CAAC,CACH,CAAC,CACH,CACA,GAAIvB,KAAK,CAACwB,sBAAsB,CAAE,CAChCd,QAAQ,CAACE,IAAI,CAAAC,KAAA,CAAbH,QAAQ,CAAAI,kBAAA,CACHpB,MAAM,CAACC,OAAO,CAACK,KAAK,CAACwB,sBAAsB,CAAC,CAACT,GAAG,CACjD,SAAAU,KAAA,MAAAC,KAAA,CAAAvC,cAAA,CAAAsC,KAAA,IAAEH,CAAC,CAAAI,KAAA,IAAEH,CAAC,CAAAG,KAAA,sCAAAlB,MAAA,CAAkCc,CAAC,MAAAd,MAAA,CAAIe,CAAC,GAChD,CAAC,CACH,CAAC,CACH,CACA,MAAO,CAAAb,QAAQ,CACjB,CAAC,IAAM,IAAIX,GAAG,GAAK,qBAAqB,EAAI,MAAO,CAAAC,KAAK,GAAK,QAAQ,CAAE,CACrE,MAAO,CAAAN,MAAM,CAACC,OAAO,CAACK,KAAK,CAAC,CAACe,GAAG,CAC9B,SAAAY,MAAA,MAAAC,MAAA,CAAAzC,cAAA,CAAAwC,MAAA,IAAEL,CAAC,CAAAM,MAAA,IAAEL,CAAC,CAAAK,MAAA,mCAAApB,MAAA,CAA+Bc,CAAC,MAAAd,MAAA,CAAIe,CAAC,GAAK,IAAI,CAAG,MAAM,CAAGA,CAAC,GACnE,CAAC,CACH,CAAC,IAAM,IAAIxB,GAAG,GAAK,MAAM,EAAI,MAAO,CAAAC,KAAK,GAAK,QAAQ,CAAE,CACtD,MAAO,CAAAN,MAAM,CAACC,OAAO,CAACK,KAAK,CAAC,CAACe,GAAG,CAAC,SAAAc,MAAA,MAAAC,MAAA,CAAA3C,cAAA,CAAA0C,MAAA,IAAEP,CAAC,CAAAQ,MAAA,IAAEP,CAAC,CAAAO,MAAA,mBAAAtB,MAAA,CAAec,CAAC,MAAAd,MAAA,CAAIe,CAAC,GAAE,CAAC,CACjE,CAAC,IAAM,IAAIxB,GAAG,GAAK,sBAAsB,EAAIO,KAAK,CAACC,OAAO,CAACP,KAAK,CAAC,CAAE,CACjE,MAAO,CAAAA,KAAK,CAACe,GAAG,CAAC,SAACgB,GAAG,iCAAAvB,MAAA,CAA8BuB,GAAG,GAAE,CAAC,CAC3D,CAAC,IAAM,IAAIhC,GAAG,GAAK,oBAAoB,CAAE,CACvC,GAAIC,KAAK,GAAK,IAAI,CAAE,6BACpB,GAAIA,KAAK,GAAK,KAAK,CAAE,8BACrB,MAAO,EAAE,CACX,CAAC,IAAM,IAAIlB,cAAc,CAACmB,QAAQ,CAACF,GAAG,CAAC,CAAE,KAAAiC,WAAA,CACvC,GAAM,CAAAC,MAAM,EAAAD,WAAA,CAAG5D,MAAM,CAAC2B,GAAG,CAAC,UAAAiC,WAAA,UAAAA,WAAA,MAAAxB,MAAA,CAAST,GAAG,CAACmC,OAAO,CAAC,IAAI,CAAE,GAAG,CAAC,CAAE,CAC3D,SAAA1B,MAAA,CAAUyB,MAAM,MAAAzB,MAAA,CACdR,KAAK,GAAK,KAAK,CAAG,OAAO,CAAGA,KAAK,GAAK,IAAI,CAAG,MAAM,CAAGA,KAAK,EAE/D,CAAC,IAAM,CACL,WAAAQ,MAAA,CAAYT,GAAG,MAAAS,MAAA,CACbR,KAAK,GAAK,KAAK,CAAG,OAAO,CAAGA,KAAK,GAAK,IAAI,CAAG,MAAM,CAAGA,KAAK,EAE/D,CACF,CAAC,CAAC,CACDS,IAAI,CAAC,GAAG,CAAC,CAEZ,2BAAAD,MAAA,CAA4Bf,IAAI,EAClC,CAAC,CAED7B,SAAS,CAAC,UAAM,CACd,GAAM,CAAAuE,KAAI,CAAG5C,4BAA4B,CAACV,SAAS,CAAC,CACpD,GAAM,CAAAuD,SAAS,CAAG,GAAI,CAAA1E,WAAW,CAAC4B,OAAO,CAAC+C,OAAO,CAAE,CACjDF,IAAI,CAAE,SAAAA,KAAA,QAAM,CAAAA,KAAI,EAClB,CAAC,CAAC,CAEFC,SAAS,CAACE,EAAE,CAAC,SAAS,CAAE,SAACC,CAAC,CAAK,CAC7BA,CAAC,CAACC,cAAc,CAAC,CAAC,CAClBnD,gBAAgB,CAAC,IAAI,CAAC,CACxB,CAAC,CAAC,CAEF,GAAM,CAAAoD,WAAW,CAAG,QAAd,CAAAA,WAAWA,CAAIC,KAAK,CAAK,CAC7BA,KAAK,CAACC,eAAe,CAAC,CAAC,CACvBrD,OAAO,CAAC+C,OAAO,CAACO,KAAK,CAAC,CAAC,CACzB,CAAC,CAED,GAAM,CAAAC,IAAI,CAAGvD,OAAO,CAAC+C,OAAO,CAC5BQ,IAAI,CAACC,gBAAgB,CAAC,OAAO,CAAEL,WAAW,CAAC,CAE3C,MAAO,WAAM,CACXL,SAAS,CAACW,OAAO,CAAC,CAAC,CACnBF,IAAI,CAACG,mBAAmB,CAAC,OAAO,CAAEP,WAAW,CAAC,CAChD,CAAC,CACH,CAAC,CAAE,CAAC5D,SAAS,CAAC,CAAC,CAEf,mBACEV,KAAA,QAAK8E,KAAK,CAAE,CAAEC,YAAY,CAAE,MAAM,CAAEC,UAAU,CAAE,MAAO,CAAE,CAAAC,QAAA,eACvDnF,IAAA,CAACR,OAAO,EAAC4F,KAAK,CAAErE,CAAC,CAAC,+BAA+B,CAAE,CAACsE,SAAS,CAAC,KAAK,CAAAF,QAAA,cACjEnF,IAAA,QAAKsF,GAAG,CAAEjE,OAAQ,CAAA8D,QAAA,cAChBnF,IAAA,CAACX,cAAc,EAACkG,SAAS,CAAC,mBAAmB,CAAE,CAAC,CAC7C,CAAC,CACC,CAAC,cACVvF,IAAA,CAACT,QAAQ,EACPiG,YAAY,CAAE,CAAEC,QAAQ,CAAE,KAAK,CAAEC,UAAU,CAAE,QAAS,CAAE,CACxDC,IAAI,CAAExE,aAAc,CACpByE,gBAAgB,CAAE,IAAK,CACvBC,OAAO,CAAE,SAAAA,QAAA,QAAM,CAAAzE,gBAAgB,CAAC,KAAK,CAAC,EAAC,CAAA+D,QAAA,cAEvCnF,IAAA,CAACV,KAAK,EAACwG,QAAQ,CAAC,SAAS,CAACC,OAAO,CAAC,QAAQ,CAACC,EAAE,CAAE,CAAEC,KAAK,CAAE,MAAO,CAAE,CAAAd,QAAA,CAC9DpE,CAAC,CAAC,wBAAwB,CAAC,CACvB,CAAC,CACA,CAAC,EACR,CAAC,CAEV,CAEA,cAAe,CAAAL,aAAa","ignoreList":[]},"metadata":{},"sourceType":"module","externalDependencies":[]}
|
|
@@ -1 +0,0 @@
|
|
|
1
|
-
{"ast":null,"code":"export var llmAllDataKey=['model_uid','model_name','model_type','model_engine','model_format','model_size_in_billions','quantization','n_worker','n_gpu','n_gpu_layers','replica','request_limits','worker_ip','gpu_idx','download_hub','model_path','reasoning_content','gguf_quantization','gguf_model_path','lightning_version','lightning_model_path','cpu_offload','peft_model_config','quantization_config','enable_thinking','multimodal_projectors','enable_virtual_env','virtual_env_packages','envs'];export var additionalParameterTipList={'transformers':['torch_dtype','device','enable_flash_attn'],'llama.cpp':['n_ctx','use_mmap','use_mlock'],'vllm':['block_size','gpu_memory_utilization','max_num_seqs','max_model_len','guided_decoding_backend','scheduling_policy','tensor_parallel_size','pipeline_parallel_size','enable_prefix_caching','enable_chunked_prefill','enforce_eager','cpu_offload_gb','disable_custom_all_reduce','limit_mm_per_prompt','model_quantization','mm_processor_kwargs','min_pixels','max_pixels'],'sglang':['mem_fraction_static','attention_reduce_in_fp32','tp_size','dp_size','chunked_prefill_size','cpu_offload_gb','enable_dp_attention','enable_ep_moe'],'mlx':['cache_limit_gb','max_kv_size']};export var quantizationParametersTipList=['load_in_8bit','load_in_4bit','llm_int8_threshold','llm_int8_skip_modules','llm_int8_enable_fp32_cpu_offload','llm_int8_has_fp16_weight','bnb_4bit_compute_dtype','bnb_4bit_quant_type','bnb_4bit_use_double_quant','bnb_4bit_quant_storage'];export var featureModels=[{type:'llm',feature_models:['Deepseek-V3.1','gpt-oss','qwen3','Ernie4.5','deepseek-r1-0528','deepseek-r1-0528-qwen3','qwen2.5-vl-instruct','glm-4.5','QwQ-32B','gemma-3-it']},{type:'embedding',feature_models:['Qwen3-Embedding-0.6B','Qwen3-Embedding-4B','Qwen3-Embedding-8B','bge-large-zh-v1.5','bge-large-en-v1.5','bge-m3','gte-Qwen2','jina-embeddings-v3']},{type:'rerank',feature_models:[]},{type:'image',feature_models:['Qwen-Image','Qwen-Image-Edit','FLUX.1-dev','FLUX.1-Kontext-dev','FLUX.1-schnell','sd3.5-large','HunyuanDiT-v1.2','cogview4','sd3.5-medium']},{type:'audio',feature_models:['CosyVoice2-0.5B','FishSpeech-1.5','F5-TTS','ChatTTS','SenseVoiceSmall','whisper-large-v3']},{type:'video',feature_models:[]}];","map":{"version":3,"names":["llmAllDataKey","additionalParameterTipList","quantizationParametersTipList","featureModels","type","feature_models"],"sources":["/home/runner/work/inference/inference/xinference/ui/web/ui/src/scenes/launch_model/data/data.js"],"sourcesContent":["export const llmAllDataKey = [\n 'model_uid',\n 'model_name',\n 'model_type',\n 'model_engine',\n 'model_format',\n 'model_size_in_billions',\n 'quantization',\n 'n_worker',\n 'n_gpu',\n 'n_gpu_layers',\n 'replica',\n 'request_limits',\n 'worker_ip',\n 'gpu_idx',\n 'download_hub',\n 'model_path',\n 'reasoning_content',\n 'gguf_quantization',\n 'gguf_model_path',\n 'lightning_version',\n 'lightning_model_path',\n 'cpu_offload',\n 'peft_model_config',\n 'quantization_config',\n 'enable_thinking',\n 'multimodal_projectors',\n 'enable_virtual_env',\n 'virtual_env_packages',\n 'envs',\n]\n\nexport const additionalParameterTipList = {\n 'transformers': ['torch_dtype', 'device', 'enable_flash_attn'],\n 'llama.cpp': ['n_ctx', 'use_mmap', 'use_mlock'],\n 'vllm': [\n 'block_size',\n 'gpu_memory_utilization',\n 'max_num_seqs',\n 'max_model_len',\n 'guided_decoding_backend',\n 'scheduling_policy',\n 'tensor_parallel_size',\n 'pipeline_parallel_size',\n 'enable_prefix_caching',\n 'enable_chunked_prefill',\n 'enforce_eager',\n 'cpu_offload_gb',\n 'disable_custom_all_reduce',\n 'limit_mm_per_prompt',\n 'model_quantization',\n 'mm_processor_kwargs',\n 'min_pixels',\n 'max_pixels',\n ],\n 'sglang': [\n 'mem_fraction_static',\n 'attention_reduce_in_fp32',\n 'tp_size',\n 'dp_size',\n 'chunked_prefill_size',\n 'cpu_offload_gb',\n 'enable_dp_attention',\n 'enable_ep_moe',\n ],\n 'mlx': ['cache_limit_gb', 'max_kv_size'],\n}\n\nexport const quantizationParametersTipList = [\n 'load_in_8bit',\n 'load_in_4bit',\n 'llm_int8_threshold',\n 'llm_int8_skip_modules',\n 'llm_int8_enable_fp32_cpu_offload',\n 'llm_int8_has_fp16_weight',\n 'bnb_4bit_compute_dtype',\n 'bnb_4bit_quant_type',\n 'bnb_4bit_use_double_quant',\n 'bnb_4bit_quant_storage',\n]\n\nexport const featureModels = [\n {\n type: 'llm',\n feature_models: [\n 'Deepseek-V3.1',\n 'gpt-oss',\n 'qwen3',\n 'Ernie4.5',\n 'deepseek-r1-0528',\n 'deepseek-r1-0528-qwen3',\n 'qwen2.5-vl-instruct',\n 'glm-4.5',\n 'QwQ-32B',\n 'gemma-3-it',\n ],\n },\n {\n type: 'embedding',\n feature_models: [\n 'Qwen3-Embedding-0.6B',\n 'Qwen3-Embedding-4B',\n 'Qwen3-Embedding-8B',\n 'bge-large-zh-v1.5',\n 'bge-large-en-v1.5',\n 'bge-m3',\n 'gte-Qwen2',\n 'jina-embeddings-v3',\n ],\n },\n {\n type: 'rerank',\n feature_models: [],\n },\n {\n type: 'image',\n feature_models: [\n 'Qwen-Image',\n 'Qwen-Image-Edit',\n 'FLUX.1-dev',\n 'FLUX.1-Kontext-dev',\n 'FLUX.1-schnell',\n 'sd3.5-large',\n 'HunyuanDiT-v1.2',\n 'cogview4',\n 'sd3.5-medium',\n ],\n },\n {\n type: 'audio',\n feature_models: [\n 'CosyVoice2-0.5B',\n 'FishSpeech-1.5',\n 'F5-TTS',\n 'ChatTTS',\n 'SenseVoiceSmall',\n 'whisper-large-v3',\n ],\n },\n {\n type: 'video',\n feature_models: [],\n },\n]\n"],"mappings":"AAAA,MAAO,IAAM,CAAAA,aAAa,CAAG,CAC3B,WAAW,CACX,YAAY,CACZ,YAAY,CACZ,cAAc,CACd,cAAc,CACd,wBAAwB,CACxB,cAAc,CACd,UAAU,CACV,OAAO,CACP,cAAc,CACd,SAAS,CACT,gBAAgB,CAChB,WAAW,CACX,SAAS,CACT,cAAc,CACd,YAAY,CACZ,mBAAmB,CACnB,mBAAmB,CACnB,iBAAiB,CACjB,mBAAmB,CACnB,sBAAsB,CACtB,aAAa,CACb,mBAAmB,CACnB,qBAAqB,CACrB,iBAAiB,CACjB,uBAAuB,CACvB,oBAAoB,CACpB,sBAAsB,CACtB,MAAM,CACP,CAED,MAAO,IAAM,CAAAC,0BAA0B,CAAG,CACxC,cAAc,CAAE,CAAC,aAAa,CAAE,QAAQ,CAAE,mBAAmB,CAAC,CAC9D,WAAW,CAAE,CAAC,OAAO,CAAE,UAAU,CAAE,WAAW,CAAC,CAC/C,MAAM,CAAE,CACN,YAAY,CACZ,wBAAwB,CACxB,cAAc,CACd,eAAe,CACf,yBAAyB,CACzB,mBAAmB,CACnB,sBAAsB,CACtB,wBAAwB,CACxB,uBAAuB,CACvB,wBAAwB,CACxB,eAAe,CACf,gBAAgB,CAChB,2BAA2B,CAC3B,qBAAqB,CACrB,oBAAoB,CACpB,qBAAqB,CACrB,YAAY,CACZ,YAAY,CACb,CACD,QAAQ,CAAE,CACR,qBAAqB,CACrB,0BAA0B,CAC1B,SAAS,CACT,SAAS,CACT,sBAAsB,CACtB,gBAAgB,CAChB,qBAAqB,CACrB,eAAe,CAChB,CACD,KAAK,CAAE,CAAC,gBAAgB,CAAE,aAAa,CACzC,CAAC,CAED,MAAO,IAAM,CAAAC,6BAA6B,CAAG,CAC3C,cAAc,CACd,cAAc,CACd,oBAAoB,CACpB,uBAAuB,CACvB,kCAAkC,CAClC,0BAA0B,CAC1B,wBAAwB,CACxB,qBAAqB,CACrB,2BAA2B,CAC3B,wBAAwB,CACzB,CAED,MAAO,IAAM,CAAAC,aAAa,CAAG,CAC3B,CACEC,IAAI,CAAE,KAAK,CACXC,cAAc,CAAE,CACd,eAAe,CACf,SAAS,CACT,OAAO,CACP,UAAU,CACV,kBAAkB,CAClB,wBAAwB,CACxB,qBAAqB,CACrB,SAAS,CACT,SAAS,CACT,YAAY,CAEhB,CAAC,CACD,CACED,IAAI,CAAE,WAAW,CACjBC,cAAc,CAAE,CACd,sBAAsB,CACtB,oBAAoB,CACpB,oBAAoB,CACpB,mBAAmB,CACnB,mBAAmB,CACnB,QAAQ,CACR,WAAW,CACX,oBAAoB,CAExB,CAAC,CACD,CACED,IAAI,CAAE,QAAQ,CACdC,cAAc,CAAE,EAClB,CAAC,CACD,CACED,IAAI,CAAE,OAAO,CACbC,cAAc,CAAE,CACd,YAAY,CACZ,iBAAiB,CACjB,YAAY,CACZ,oBAAoB,CACpB,gBAAgB,CAChB,aAAa,CACb,iBAAiB,CACjB,UAAU,CACV,cAAc,CAElB,CAAC,CACD,CACED,IAAI,CAAE,OAAO,CACbC,cAAc,CAAE,CACd,iBAAiB,CACjB,gBAAgB,CAChB,QAAQ,CACR,SAAS,CACT,iBAAiB,CACjB,kBAAkB,CAEtB,CAAC,CACD,CACED,IAAI,CAAE,OAAO,CACbC,cAAc,CAAE,EAClB,CAAC,CACF","ignoreList":[]},"metadata":{},"sourceType":"module","externalDependencies":[]}
|
|
@@ -1,24 +0,0 @@
|
|
|
1
|
-
{
|
|
2
|
-
"env": {
|
|
3
|
-
"browser": true,
|
|
4
|
-
"es2021": true,
|
|
5
|
-
"mocha": true
|
|
6
|
-
},
|
|
7
|
-
"extends": ["airbnb-base", "plugin:prettier/recommended"],
|
|
8
|
-
"parserOptions": {
|
|
9
|
-
"ecmaVersion": 12,
|
|
10
|
-
"sourceType": "module"
|
|
11
|
-
},
|
|
12
|
-
"plugins": ["prettier"],
|
|
13
|
-
"rules": {
|
|
14
|
-
"prettier/prettier": "error",
|
|
15
|
-
"prefer-const": "off",
|
|
16
|
-
"camelcase": "off",
|
|
17
|
-
"no-underscore-dangle": "off",
|
|
18
|
-
"consistent-return": "off",
|
|
19
|
-
/* Remove the necessity to use this on classes */
|
|
20
|
-
"class-methods-use-this": "off",
|
|
21
|
-
/* Enable variables declarations from shadowing variables declared in the outer scope */
|
|
22
|
-
"no-shadow": "off"
|
|
23
|
-
}
|
|
24
|
-
}
|
|
@@ -1,18 +0,0 @@
|
|
|
1
|
-
{
|
|
2
|
-
"name": "clipboard",
|
|
3
|
-
"version": "2.0.11",
|
|
4
|
-
"description": "Modern copy to clipboard. No Flash. Just 3kb",
|
|
5
|
-
"license": "MIT",
|
|
6
|
-
"main": "dist/clipboard.js",
|
|
7
|
-
"ignore": [
|
|
8
|
-
"/.*/",
|
|
9
|
-
"/demo/",
|
|
10
|
-
"/test/",
|
|
11
|
-
"/.*",
|
|
12
|
-
"/bower.json",
|
|
13
|
-
"/karma.conf.js",
|
|
14
|
-
"/src",
|
|
15
|
-
"/lib"
|
|
16
|
-
],
|
|
17
|
-
"keywords": ["clipboard", "copy", "cut"]
|
|
18
|
-
}
|
|
@@ -1,25 +0,0 @@
|
|
|
1
|
-
{
|
|
2
|
-
"name": "zenorocha/clipboardjs",
|
|
3
|
-
"description": "Modern copy to clipboard. No Flash. Just 3kb gzipped https://clipboardjs.com",
|
|
4
|
-
"type": "component",
|
|
5
|
-
"homepage": "https://clipboardjs.com/",
|
|
6
|
-
"authors": [
|
|
7
|
-
{
|
|
8
|
-
"name": "Zeno Rocha",
|
|
9
|
-
"homepage": "http://zenorocha.com/"
|
|
10
|
-
}
|
|
11
|
-
],
|
|
12
|
-
"require": {
|
|
13
|
-
"oomphinc/composer-installers-extender": "*"
|
|
14
|
-
},
|
|
15
|
-
"extra": {
|
|
16
|
-
"component": {
|
|
17
|
-
"scripts": [
|
|
18
|
-
"dist/clipboard.js"
|
|
19
|
-
],
|
|
20
|
-
"files": [
|
|
21
|
-
"dist/clipboard.min.js"
|
|
22
|
-
]
|
|
23
|
-
}
|
|
24
|
-
}
|
|
25
|
-
}
|
|
@@ -1,63 +0,0 @@
|
|
|
1
|
-
{
|
|
2
|
-
"name": "clipboard",
|
|
3
|
-
"version": "2.0.11",
|
|
4
|
-
"description": "Modern copy to clipboard. No Flash. Just 2kb",
|
|
5
|
-
"homepage": "https://clipboardjs.com",
|
|
6
|
-
"repository": "zenorocha/clipboard.js",
|
|
7
|
-
"license": "MIT",
|
|
8
|
-
"main": "dist/clipboard.js",
|
|
9
|
-
"types": "src/clipboard.d.ts",
|
|
10
|
-
"keywords": [
|
|
11
|
-
"clipboard",
|
|
12
|
-
"copy",
|
|
13
|
-
"cut"
|
|
14
|
-
],
|
|
15
|
-
"dependencies": {
|
|
16
|
-
"good-listener": "^1.2.2",
|
|
17
|
-
"select": "^1.1.2",
|
|
18
|
-
"tiny-emitter": "^2.0.0"
|
|
19
|
-
},
|
|
20
|
-
"devDependencies": {
|
|
21
|
-
"@babel/core": "^7.12.10",
|
|
22
|
-
"@babel/preset-env": "^7.12.11",
|
|
23
|
-
"babel-loader": "^8.2.2",
|
|
24
|
-
"chai": "^4.2.0",
|
|
25
|
-
"cross-env": "^7.0.3",
|
|
26
|
-
"eslint": "^7.20.0",
|
|
27
|
-
"eslint-config-airbnb-base": "^14.2.1",
|
|
28
|
-
"eslint-config-prettier": "^7.2.0",
|
|
29
|
-
"eslint-plugin-import": "^2.22.1",
|
|
30
|
-
"eslint-plugin-prettier": "^3.3.1",
|
|
31
|
-
"husky": "^5.0.9",
|
|
32
|
-
"karma": "^6.0.0",
|
|
33
|
-
"karma-chai": "^0.1.0",
|
|
34
|
-
"karma-chrome-launcher": "^3.1.0",
|
|
35
|
-
"karma-mocha": "^2.0.1",
|
|
36
|
-
"karma-sinon": "^1.0.4",
|
|
37
|
-
"karma-webpack": "^5.0.0-alpha.5",
|
|
38
|
-
"lint-staged": "^10.5.3",
|
|
39
|
-
"mocha": "^8.2.1",
|
|
40
|
-
"prettier": "2.2.1",
|
|
41
|
-
"sinon": "^9.2.3",
|
|
42
|
-
"tsd": "^0.7.2",
|
|
43
|
-
"uglifyjs-webpack-plugin": "^2.2.0",
|
|
44
|
-
"webpack": "^5.15.0",
|
|
45
|
-
"webpack-cli": "^4.4.0"
|
|
46
|
-
},
|
|
47
|
-
"scripts": {
|
|
48
|
-
"test:types": "tsd",
|
|
49
|
-
"build": "npm run build-debug && npm run build-min",
|
|
50
|
-
"build-debug": "webpack",
|
|
51
|
-
"build-min": "cross-env NODE_ENV=production webpack",
|
|
52
|
-
"build-watch": "webpack --watch",
|
|
53
|
-
"test": "karma start --single-run",
|
|
54
|
-
"prepublish": "npm run build",
|
|
55
|
-
"lint": "eslint --ext .js src/"
|
|
56
|
-
},
|
|
57
|
-
"lint-staged": {
|
|
58
|
-
"*.{js,css,md}": [
|
|
59
|
-
"prettier --write",
|
|
60
|
-
"eslint --fix"
|
|
61
|
-
]
|
|
62
|
-
}
|
|
63
|
-
}
|
|
@@ -1,31 +0,0 @@
|
|
|
1
|
-
{
|
|
2
|
-
"name": "delegate",
|
|
3
|
-
"description": "Lightweight event delegation",
|
|
4
|
-
"version": "3.2.0",
|
|
5
|
-
"repository": "zenorocha/delegate",
|
|
6
|
-
"license": "MIT",
|
|
7
|
-
"main": "src/delegate.js",
|
|
8
|
-
"keywords": [
|
|
9
|
-
"event",
|
|
10
|
-
"delegate",
|
|
11
|
-
"delegation"
|
|
12
|
-
],
|
|
13
|
-
"devDependencies": {
|
|
14
|
-
"browserify": "^13.1.0",
|
|
15
|
-
"chai": "^3.5.0",
|
|
16
|
-
"karma": "^1.3.0",
|
|
17
|
-
"karma-browserify": "^5.1.0",
|
|
18
|
-
"karma-chai": "^0.1.0",
|
|
19
|
-
"karma-mocha": "^1.2.0",
|
|
20
|
-
"karma-phantomjs-launcher": "^1.0.2",
|
|
21
|
-
"karma-sinon": "^1.0.4",
|
|
22
|
-
"mocha": "^3.1.2",
|
|
23
|
-
"phantomjs-polyfill": "0.0.2",
|
|
24
|
-
"simulant": "^0.2.2",
|
|
25
|
-
"sinon": "^1.17.6"
|
|
26
|
-
},
|
|
27
|
-
"scripts": {
|
|
28
|
-
"build": "browserify src/delegate.js -s delegate -o dist/delegate.js",
|
|
29
|
-
"test": "karma start --single-run"
|
|
30
|
-
}
|
|
31
|
-
}
|
|
@@ -1,35 +0,0 @@
|
|
|
1
|
-
{
|
|
2
|
-
"name": "good-listener",
|
|
3
|
-
"description": "A more versatile way of adding & removing event listeners",
|
|
4
|
-
"version": "1.2.2",
|
|
5
|
-
"repository": "zenorocha/good-listener",
|
|
6
|
-
"license": "MIT",
|
|
7
|
-
"main": "src/listen.js",
|
|
8
|
-
"keywords": [
|
|
9
|
-
"event",
|
|
10
|
-
"listener"
|
|
11
|
-
],
|
|
12
|
-
"dependencies": {
|
|
13
|
-
"delegate": "^3.1.2"
|
|
14
|
-
},
|
|
15
|
-
"devDependencies": {
|
|
16
|
-
"browserify": "^13.0.0",
|
|
17
|
-
"chai": "^3.5.0",
|
|
18
|
-
"karma": "^1.3.0",
|
|
19
|
-
"karma-browserify": "^5.0.1",
|
|
20
|
-
"karma-chai": "^0.1.0",
|
|
21
|
-
"karma-mocha": "^1.2.0",
|
|
22
|
-
"karma-phantomjs-launcher": "^1.0.0",
|
|
23
|
-
"karma-sinon": "^1.0.4",
|
|
24
|
-
"mocha": "^3.1.2",
|
|
25
|
-
"phantomjs-polyfill": "0.0.2",
|
|
26
|
-
"phantomjs-prebuilt": "^2.1.3",
|
|
27
|
-
"simulant": "^0.2.2",
|
|
28
|
-
"sinon": "^1.17.3",
|
|
29
|
-
"watchify": "^3.7.0"
|
|
30
|
-
},
|
|
31
|
-
"scripts": {
|
|
32
|
-
"build": "browserify src/listen.js -s listen -o dist/good-listener.js",
|
|
33
|
-
"test": "karma start --single-run"
|
|
34
|
-
}
|
|
35
|
-
}
|
|
@@ -1,29 +0,0 @@
|
|
|
1
|
-
{
|
|
2
|
-
"name": "select",
|
|
3
|
-
"description": "Programmatically select the text of a HTML element",
|
|
4
|
-
"version": "1.1.2",
|
|
5
|
-
"license": "MIT",
|
|
6
|
-
"main": "src/select.js",
|
|
7
|
-
"repository": "zenorocha/select",
|
|
8
|
-
"keywords": [
|
|
9
|
-
"range",
|
|
10
|
-
"select",
|
|
11
|
-
"selecting",
|
|
12
|
-
"selection"
|
|
13
|
-
],
|
|
14
|
-
"devDependencies": {
|
|
15
|
-
"browserify": "^14.0.0",
|
|
16
|
-
"chai": "^3.3.0",
|
|
17
|
-
"karma": "^1.4.1",
|
|
18
|
-
"karma-browserify": "^5.1.1",
|
|
19
|
-
"karma-chai": "^0.1.0",
|
|
20
|
-
"karma-mocha": "^1.3.0",
|
|
21
|
-
"karma-phantomjs-launcher": "^1.0.2",
|
|
22
|
-
"mocha": "^3.2.0",
|
|
23
|
-
"phantomjs": "^2.1.7"
|
|
24
|
-
},
|
|
25
|
-
"scripts": {
|
|
26
|
-
"build": "browserify src/select.js -s select -o dist/select.js",
|
|
27
|
-
"test": "karma start --single-run"
|
|
28
|
-
}
|
|
29
|
-
}
|
|
@@ -1,53 +0,0 @@
|
|
|
1
|
-
{
|
|
2
|
-
"name": "tiny-emitter",
|
|
3
|
-
"version": "2.1.0",
|
|
4
|
-
"description": "A tiny (less than 1k) event emitter library",
|
|
5
|
-
"main": "index.js",
|
|
6
|
-
"scripts": {
|
|
7
|
-
"test-node": "tape test/index.js | tap-format-spec",
|
|
8
|
-
"test": "testling | tap-format-spec",
|
|
9
|
-
"bundle": "node_modules/.bin/browserify index.js > dist/tinyemitter.js -s TinyEmitter && echo 'Bundled'",
|
|
10
|
-
"minify": "node_modules/.bin/uglifyjs dist/tinyemitter.js -o dist/tinyemitter.min.js -m && echo 'Minified'",
|
|
11
|
-
"build": "npm test && npm run bundle && npm run minify",
|
|
12
|
-
"size": "node_modules/.bin/uglifyjs index.js -o minified.js -m && ls -l && rm minified.js"
|
|
13
|
-
},
|
|
14
|
-
"repository": {
|
|
15
|
-
"type": "git",
|
|
16
|
-
"url": "https://github.com/scottcorgan/tiny-emitter.git"
|
|
17
|
-
},
|
|
18
|
-
"keywords": [
|
|
19
|
-
"event",
|
|
20
|
-
"emitter",
|
|
21
|
-
"pubsub",
|
|
22
|
-
"tiny",
|
|
23
|
-
"events",
|
|
24
|
-
"bind"
|
|
25
|
-
],
|
|
26
|
-
"author": "Scott Corgan",
|
|
27
|
-
"license": "MIT",
|
|
28
|
-
"bugs": {
|
|
29
|
-
"url": "https://github.com/scottcorgan/tiny-emitter/issues"
|
|
30
|
-
},
|
|
31
|
-
"devDependencies": {
|
|
32
|
-
"@tap-format/spec": "0.2.0",
|
|
33
|
-
"browserify": "11.2.0",
|
|
34
|
-
"tape": "4.2.1",
|
|
35
|
-
"testling": "1.7.1",
|
|
36
|
-
"uglify-js": "2.5.0"
|
|
37
|
-
},
|
|
38
|
-
"testling": {
|
|
39
|
-
"files": [
|
|
40
|
-
"test/index.js"
|
|
41
|
-
],
|
|
42
|
-
"browsers": [
|
|
43
|
-
"iexplore/10.0",
|
|
44
|
-
"iexplore/9.0",
|
|
45
|
-
"firefox/16..latest",
|
|
46
|
-
"chrome/22..latest",
|
|
47
|
-
"safari/5.1..latest",
|
|
48
|
-
"ipad/6.0..latest",
|
|
49
|
-
"iphone/6.0..latest",
|
|
50
|
-
"android-browser/4.2..latest"
|
|
51
|
-
]
|
|
52
|
-
}
|
|
53
|
-
}
|
|
File without changes
|
|
File without changes
|
|
File without changes
|
|
File without changes
|