xinference 1.6.1__py3-none-any.whl → 1.7.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.
- xinference/_version.py +3 -3
- xinference/api/restful_api.py +79 -2
- xinference/client/restful/restful_client.py +64 -2
- xinference/core/media_interface.py +123 -0
- xinference/core/model.py +31 -0
- xinference/core/supervisor.py +8 -17
- xinference/core/worker.py +5 -17
- xinference/deploy/cmdline.py +6 -2
- xinference/model/audio/chattts.py +24 -39
- xinference/model/audio/cosyvoice.py +18 -30
- xinference/model/audio/funasr.py +42 -0
- xinference/model/audio/model_spec.json +18 -0
- xinference/model/audio/model_spec_modelscope.json +19 -1
- xinference/model/audio/utils.py +75 -0
- xinference/model/core.py +1 -0
- xinference/model/embedding/__init__.py +74 -18
- xinference/model/embedding/core.py +98 -597
- xinference/model/embedding/embed_family.py +133 -0
- xinference/model/embedding/flag/__init__.py +13 -0
- xinference/model/embedding/flag/core.py +282 -0
- xinference/model/embedding/model_spec.json +24 -0
- xinference/model/embedding/model_spec_modelscope.json +24 -0
- xinference/model/embedding/sentence_transformers/__init__.py +13 -0
- xinference/model/embedding/sentence_transformers/core.py +399 -0
- xinference/model/embedding/vllm/__init__.py +0 -0
- xinference/model/embedding/vllm/core.py +95 -0
- xinference/model/image/model_spec.json +20 -2
- xinference/model/image/model_spec_modelscope.json +21 -2
- xinference/model/image/stable_diffusion/core.py +144 -53
- xinference/model/llm/llama_cpp/memory.py +4 -2
- xinference/model/llm/llm_family.json +57 -0
- xinference/model/llm/llm_family_modelscope.json +61 -0
- xinference/model/llm/sglang/core.py +4 -0
- xinference/model/llm/utils.py +11 -0
- xinference/model/llm/vllm/core.py +3 -0
- xinference/model/rerank/core.py +86 -4
- xinference/model/rerank/model_spec.json +24 -0
- xinference/model/rerank/model_spec_modelscope.json +24 -0
- xinference/model/rerank/utils.py +4 -3
- xinference/model/utils.py +38 -1
- xinference/model/video/diffusers.py +65 -3
- xinference/model/video/model_spec.json +31 -4
- xinference/model/video/model_spec_modelscope.json +32 -4
- xinference/web/ui/build/asset-manifest.json +6 -6
- xinference/web/ui/build/index.html +1 -1
- xinference/web/ui/build/static/css/main.013f296b.css +2 -0
- xinference/web/ui/build/static/css/main.013f296b.css.map +1 -0
- xinference/web/ui/build/static/js/main.8a9e3ba0.js +3 -0
- xinference/web/ui/build/static/js/main.8a9e3ba0.js.map +1 -0
- xinference/web/ui/node_modules/.cache/babel-loader/34cfbfb7836e136ba3261cfd411cc554bf99ba24b35dcceebeaa4f008cb3c9dc.json +1 -0
- xinference/web/ui/node_modules/.cache/babel-loader/55b9fb40b57fa926e8f05f31c2f96467e76e5ad62f033dca97c03f9e8c4eb4fe.json +1 -0
- xinference/web/ui/node_modules/.cache/babel-loader/6595880facebca7ceace6f17cf21c3a5a9219a2f52fb0ba9f3cf1131eddbcf6b.json +1 -0
- xinference/web/ui/node_modules/.cache/babel-loader/aa998bc2d9c11853add6b8a2e08f50327f56d8824ccaaec92d6dde1b305f0d85.json +1 -0
- xinference/web/ui/node_modules/.cache/babel-loader/c748246b1d7bcebc16153be69f37e955bb2145526c47dd425aeeff70d3004dbc.json +1 -0
- xinference/web/ui/node_modules/.cache/babel-loader/e31234e95d60a5a7883fbcd70de2475dc1c88c90705df1a530abb68f86f80a51.json +1 -0
- xinference/web/ui/src/locales/en.json +18 -7
- xinference/web/ui/src/locales/ja.json +224 -0
- xinference/web/ui/src/locales/ko.json +224 -0
- xinference/web/ui/src/locales/zh.json +18 -7
- {xinference-1.6.1.dist-info → xinference-1.7.0.dist-info}/METADATA +9 -8
- {xinference-1.6.1.dist-info → xinference-1.7.0.dist-info}/RECORD +66 -57
- xinference/web/ui/build/static/css/main.337afe76.css +0 -2
- xinference/web/ui/build/static/css/main.337afe76.css.map +0 -1
- xinference/web/ui/build/static/js/main.ddf9eaee.js +0 -3
- xinference/web/ui/build/static/js/main.ddf9eaee.js.map +0 -1
- xinference/web/ui/node_modules/.cache/babel-loader/12e02ee790dbf57ead09a241a93bb5f893393aa36628ca741d44390e836a103f.json +0 -1
- xinference/web/ui/node_modules/.cache/babel-loader/12e637ed5fa9ca6491b03892b6949c03afd4960fe36ac25744488e7e1982aa19.json +0 -1
- xinference/web/ui/node_modules/.cache/babel-loader/77ac2665a784e99501ae95d32ef5937837a0439a47e965d291b38e99cb619f5b.json +0 -1
- xinference/web/ui/node_modules/.cache/babel-loader/d4ed4e82bfe69915999ec83f5feaa4301c75ecc6bdf1c78f2d03e4671ecbefc8.json +0 -1
- xinference/web/ui/node_modules/.cache/babel-loader/dc249829767b8abcbc3677e0b07b6d3ecbfdfe6d08cfe23a665eb33373a9aa9d.json +0 -1
- xinference/web/ui/node_modules/.cache/babel-loader/f91af913d7f91c410719ab13136aaed3aaf0f8dda06652f25c42cb5231587398.json +0 -1
- /xinference/web/ui/build/static/js/{main.ddf9eaee.js.LICENSE.txt → main.8a9e3ba0.js.LICENSE.txt} +0 -0
- {xinference-1.6.1.dist-info → xinference-1.7.0.dist-info}/WHEEL +0 -0
- {xinference-1.6.1.dist-info → xinference-1.7.0.dist-info}/entry_points.txt +0 -0
- {xinference-1.6.1.dist-info → xinference-1.7.0.dist-info}/licenses/LICENSE +0 -0
- {xinference-1.6.1.dist-info → xinference-1.7.0.dist-info}/top_level.txt +0 -0
xinference/model/utils.py
CHANGED
|
@@ -18,9 +18,10 @@ import logging
|
|
|
18
18
|
import os
|
|
19
19
|
import random
|
|
20
20
|
import threading
|
|
21
|
+
from copy import deepcopy
|
|
21
22
|
from json import JSONDecodeError
|
|
22
23
|
from pathlib import Path
|
|
23
|
-
from typing import Any, Callable, Dict, Optional, Set, Tuple, Type, Union
|
|
24
|
+
from typing import Any, Callable, Dict, List, Optional, Set, Tuple, Type, Union
|
|
24
25
|
|
|
25
26
|
import huggingface_hub
|
|
26
27
|
import numpy as np
|
|
@@ -460,3 +461,39 @@ class CancellableDownloader:
|
|
|
460
461
|
self.unpatch_tqdm()
|
|
461
462
|
self._done_event.set()
|
|
462
463
|
self.reset()
|
|
464
|
+
|
|
465
|
+
|
|
466
|
+
def get_engine_params_by_name(
|
|
467
|
+
model_type: Optional[str], model_name: str
|
|
468
|
+
) -> Optional[Dict[str, List[dict]]]:
|
|
469
|
+
if model_type == "LLM":
|
|
470
|
+
from .llm.llm_family import LLM_ENGINES
|
|
471
|
+
|
|
472
|
+
if model_name not in LLM_ENGINES:
|
|
473
|
+
return None
|
|
474
|
+
|
|
475
|
+
# filter llm_class
|
|
476
|
+
engine_params = deepcopy(LLM_ENGINES[model_name])
|
|
477
|
+
for engine, params in engine_params.items():
|
|
478
|
+
for param in params:
|
|
479
|
+
del param["llm_class"]
|
|
480
|
+
|
|
481
|
+
return engine_params
|
|
482
|
+
elif model_type == "embedding":
|
|
483
|
+
from .embedding.embed_family import EMBEDDING_ENGINES
|
|
484
|
+
|
|
485
|
+
if model_name not in EMBEDDING_ENGINES:
|
|
486
|
+
return None
|
|
487
|
+
|
|
488
|
+
# filter embedding_class
|
|
489
|
+
engine_params = deepcopy(EMBEDDING_ENGINES[model_name])
|
|
490
|
+
for engine, params in engine_params.items():
|
|
491
|
+
for param in params:
|
|
492
|
+
del param["embedding_class"]
|
|
493
|
+
|
|
494
|
+
return engine_params
|
|
495
|
+
else:
|
|
496
|
+
raise ValueError(
|
|
497
|
+
f"Cannot support model_engine for {model_type}, "
|
|
498
|
+
f"only available for LLM, embedding"
|
|
499
|
+
)
|
|
@@ -121,7 +121,10 @@ class DiffusersVideoModel:
|
|
|
121
121
|
self._model_path, **kwargs
|
|
122
122
|
)
|
|
123
123
|
else:
|
|
124
|
-
assert
|
|
124
|
+
assert (
|
|
125
|
+
"image2video" in self.model_spec.model_ability
|
|
126
|
+
or "firstlastframe2video" in self.model_spec.model_ability
|
|
127
|
+
)
|
|
125
128
|
|
|
126
129
|
image_encoder = CLIPVisionModel.from_pretrained(
|
|
127
130
|
self._model_path,
|
|
@@ -252,7 +255,7 @@ class DiffusersVideoModel:
|
|
|
252
255
|
|
|
253
256
|
def image_to_video(
|
|
254
257
|
self,
|
|
255
|
-
image: PIL.Image,
|
|
258
|
+
image: PIL.Image.Image,
|
|
256
259
|
prompt: str,
|
|
257
260
|
n: int = 1,
|
|
258
261
|
num_inference_steps: Optional[int] = None,
|
|
@@ -284,7 +287,49 @@ class DiffusersVideoModel:
|
|
|
284
287
|
)
|
|
285
288
|
return self._output_to_video(output, fps, response_format)
|
|
286
289
|
|
|
287
|
-
def
|
|
290
|
+
def firstlastframe_to_video(
|
|
291
|
+
self,
|
|
292
|
+
first_frame: PIL.Image.Image,
|
|
293
|
+
last_frame: PIL.Image.Image,
|
|
294
|
+
prompt: str,
|
|
295
|
+
n: int = 1,
|
|
296
|
+
num_inference_steps: Optional[int] = None,
|
|
297
|
+
response_format: str = "b64_json",
|
|
298
|
+
**kwargs,
|
|
299
|
+
):
|
|
300
|
+
assert self._model is not None
|
|
301
|
+
assert callable(self._model)
|
|
302
|
+
generate_kwargs = self._model_spec.default_generate_config.copy()
|
|
303
|
+
generate_kwargs.update(kwargs)
|
|
304
|
+
generate_kwargs["num_videos_per_prompt"] = n
|
|
305
|
+
if num_inference_steps:
|
|
306
|
+
generate_kwargs["num_inference_steps"] = num_inference_steps
|
|
307
|
+
fps = generate_kwargs.pop("fps", 10)
|
|
308
|
+
|
|
309
|
+
# process first and last frame
|
|
310
|
+
max_area = generate_kwargs.pop("max_area")
|
|
311
|
+
if isinstance(max_area, str):
|
|
312
|
+
max_area = [int(v) for v in max_area.split("*")]
|
|
313
|
+
max_area = reduce(operator.mul, max_area, 1)
|
|
314
|
+
first_frame = self._process_image(first_frame, max_area)
|
|
315
|
+
width, height = first_frame.size
|
|
316
|
+
if last_frame.size != first_frame.size:
|
|
317
|
+
last_frame = self._center_crop_resize(last_frame, height, width)
|
|
318
|
+
|
|
319
|
+
generate_kwargs.pop("width", None)
|
|
320
|
+
generate_kwargs.pop("height", None)
|
|
321
|
+
self._process_progressor(generate_kwargs)
|
|
322
|
+
output = self._model(
|
|
323
|
+
image=first_frame,
|
|
324
|
+
last_image=last_frame,
|
|
325
|
+
prompt=prompt,
|
|
326
|
+
height=height,
|
|
327
|
+
width=width,
|
|
328
|
+
**generate_kwargs,
|
|
329
|
+
)
|
|
330
|
+
return self._output_to_video(output, fps, response_format)
|
|
331
|
+
|
|
332
|
+
def _process_image(self, image: PIL.Image.Image, max_area: int) -> PIL.Image.Image:
|
|
288
333
|
assert self._model is not None
|
|
289
334
|
aspect_ratio = image.height / image.width
|
|
290
335
|
mod_value = (
|
|
@@ -295,6 +340,23 @@ class DiffusersVideoModel:
|
|
|
295
340
|
width = round(np.sqrt(max_area / aspect_ratio)) // mod_value * mod_value
|
|
296
341
|
return image.resize((width, height))
|
|
297
342
|
|
|
343
|
+
@classmethod
|
|
344
|
+
def _center_crop_resize(
|
|
345
|
+
cls, image: PIL.Image.Image, height: int, width: int
|
|
346
|
+
) -> PIL.Image.Image:
|
|
347
|
+
import torchvision.transforms.functional as TF
|
|
348
|
+
|
|
349
|
+
# Calculate resize ratio to match first frame dimensions
|
|
350
|
+
resize_ratio = max(width / image.width, height / image.height)
|
|
351
|
+
|
|
352
|
+
# Resize the image
|
|
353
|
+
width = round(image.width * resize_ratio)
|
|
354
|
+
height = round(image.height * resize_ratio)
|
|
355
|
+
size = [width, height]
|
|
356
|
+
image = TF.center_crop(image, size)
|
|
357
|
+
|
|
358
|
+
return image
|
|
359
|
+
|
|
298
360
|
def _output_to_video(self, output: Any, fps: int, response_format: str):
|
|
299
361
|
import gc
|
|
300
362
|
|
|
@@ -65,7 +65,7 @@
|
|
|
65
65
|
"ftfy",
|
|
66
66
|
"imageio-ffmpeg",
|
|
67
67
|
"imageio",
|
|
68
|
-
"
|
|
68
|
+
"#system_numpy#"
|
|
69
69
|
]
|
|
70
70
|
}
|
|
71
71
|
},
|
|
@@ -88,7 +88,7 @@
|
|
|
88
88
|
"ftfy",
|
|
89
89
|
"imageio-ffmpeg",
|
|
90
90
|
"imageio",
|
|
91
|
-
"
|
|
91
|
+
"#system_numpy#"
|
|
92
92
|
]
|
|
93
93
|
}
|
|
94
94
|
},
|
|
@@ -115,7 +115,7 @@
|
|
|
115
115
|
"ftfy",
|
|
116
116
|
"imageio-ffmpeg",
|
|
117
117
|
"imageio",
|
|
118
|
-
"
|
|
118
|
+
"#system_numpy#"
|
|
119
119
|
]
|
|
120
120
|
}
|
|
121
121
|
},
|
|
@@ -142,7 +142,34 @@
|
|
|
142
142
|
"ftfy",
|
|
143
143
|
"imageio-ffmpeg",
|
|
144
144
|
"imageio",
|
|
145
|
-
"
|
|
145
|
+
"#system_numpy#"
|
|
146
|
+
]
|
|
147
|
+
}
|
|
148
|
+
},
|
|
149
|
+
{
|
|
150
|
+
"model_name": "Wan2.1-flf2v-14B-720p",
|
|
151
|
+
"model_family": "Wan",
|
|
152
|
+
"model_id": "Wan-AI/Wan2.1-FLF2V-14B-720P-diffusers",
|
|
153
|
+
"model_revision": "17c30769b1e0b5dcaa1799b117bf20a9c31f59d7",
|
|
154
|
+
"model_ability": [
|
|
155
|
+
"firstlastframe2video"
|
|
156
|
+
],
|
|
157
|
+
"default_model_config": {
|
|
158
|
+
"torch_dtype": "bfloat16"
|
|
159
|
+
},
|
|
160
|
+
"default_generate_config": {
|
|
161
|
+
"max_area": [
|
|
162
|
+
720,
|
|
163
|
+
1280
|
|
164
|
+
]
|
|
165
|
+
},
|
|
166
|
+
"virtualenv": {
|
|
167
|
+
"packages": [
|
|
168
|
+
"git+https://github.com/huggingface/diffusers",
|
|
169
|
+
"ftfy",
|
|
170
|
+
"imageio-ffmpeg",
|
|
171
|
+
"imageio",
|
|
172
|
+
"#system_numpy#"
|
|
146
173
|
]
|
|
147
174
|
}
|
|
148
175
|
}
|
|
@@ -69,7 +69,7 @@
|
|
|
69
69
|
"ftfy",
|
|
70
70
|
"imageio-ffmpeg",
|
|
71
71
|
"imageio",
|
|
72
|
-
"
|
|
72
|
+
"#system_numpy#"
|
|
73
73
|
]
|
|
74
74
|
}
|
|
75
75
|
},
|
|
@@ -93,7 +93,7 @@
|
|
|
93
93
|
"ftfy",
|
|
94
94
|
"imageio-ffmpeg",
|
|
95
95
|
"imageio",
|
|
96
|
-
"
|
|
96
|
+
"#system_numpy#"
|
|
97
97
|
]
|
|
98
98
|
}
|
|
99
99
|
},
|
|
@@ -121,7 +121,7 @@
|
|
|
121
121
|
"ftfy",
|
|
122
122
|
"imageio-ffmpeg",
|
|
123
123
|
"imageio",
|
|
124
|
-
"
|
|
124
|
+
"#system_numpy#"
|
|
125
125
|
]
|
|
126
126
|
}
|
|
127
127
|
},
|
|
@@ -149,7 +149,35 @@
|
|
|
149
149
|
"ftfy",
|
|
150
150
|
"imageio-ffmpeg",
|
|
151
151
|
"imageio",
|
|
152
|
-
"
|
|
152
|
+
"#system_numpy#"
|
|
153
|
+
]
|
|
154
|
+
}
|
|
155
|
+
},
|
|
156
|
+
{
|
|
157
|
+
"model_name": "Wan2.1-flf2v-14B-720p",
|
|
158
|
+
"model_family": "Wan",
|
|
159
|
+
"model_hub": "modelscope",
|
|
160
|
+
"model_id": "Wan-AI/Wan2.1-FLF2V-14B-720P-diffusers",
|
|
161
|
+
"model_revision": "master",
|
|
162
|
+
"model_ability": [
|
|
163
|
+
"firstlastframe2video"
|
|
164
|
+
],
|
|
165
|
+
"default_model_config": {
|
|
166
|
+
"torch_dtype": "bfloat16"
|
|
167
|
+
},
|
|
168
|
+
"default_generate_config": {
|
|
169
|
+
"max_area": [
|
|
170
|
+
720,
|
|
171
|
+
1280
|
|
172
|
+
]
|
|
173
|
+
},
|
|
174
|
+
"virtualenv": {
|
|
175
|
+
"packages": [
|
|
176
|
+
"git+https://github.com/huggingface/diffusers",
|
|
177
|
+
"ftfy",
|
|
178
|
+
"imageio-ffmpeg",
|
|
179
|
+
"imageio",
|
|
180
|
+
"#system_numpy#"
|
|
153
181
|
]
|
|
154
182
|
}
|
|
155
183
|
}
|
|
@@ -1,14 +1,14 @@
|
|
|
1
1
|
{
|
|
2
2
|
"files": {
|
|
3
|
-
"main.css": "./static/css/main.
|
|
4
|
-
"main.js": "./static/js/main.
|
|
3
|
+
"main.css": "./static/css/main.013f296b.css",
|
|
4
|
+
"main.js": "./static/js/main.8a9e3ba0.js",
|
|
5
5
|
"static/media/icon.webp": "./static/media/icon.4603d52c63041e5dfbfd.webp",
|
|
6
6
|
"index.html": "./index.html",
|
|
7
|
-
"main.
|
|
8
|
-
"main.
|
|
7
|
+
"main.013f296b.css.map": "./static/css/main.013f296b.css.map",
|
|
8
|
+
"main.8a9e3ba0.js.map": "./static/js/main.8a9e3ba0.js.map"
|
|
9
9
|
},
|
|
10
10
|
"entrypoints": [
|
|
11
|
-
"static/css/main.
|
|
12
|
-
"static/js/main.
|
|
11
|
+
"static/css/main.013f296b.css",
|
|
12
|
+
"static/js/main.8a9e3ba0.js"
|
|
13
13
|
]
|
|
14
14
|
}
|
|
@@ -1 +1 @@
|
|
|
1
|
-
<!doctype html><html lang="en"><head><meta charset="utf-8"/><link rel="icon" href="./favicon.svg"/><meta name="viewport" content="width=device-width,initial-scale=1"/><meta name="theme-color" content="#000000"/><meta name="description" content="Web site created using create-react-app"/><link rel="apple-touch-icon" href="./logo192.png"/><link rel="manifest" href="./manifest.json"/><title>Xinference</title><script defer="defer" src="./static/js/main.
|
|
1
|
+
<!doctype html><html lang="en"><head><meta charset="utf-8"/><link rel="icon" href="./favicon.svg"/><meta name="viewport" content="width=device-width,initial-scale=1"/><meta name="theme-color" content="#000000"/><meta name="description" content="Web site created using create-react-app"/><link rel="apple-touch-icon" href="./logo192.png"/><link rel="manifest" href="./manifest.json"/><title>Xinference</title><script defer="defer" src="./static/js/main.8a9e3ba0.js"></script><link href="./static/css/main.013f296b.css" rel="stylesheet"></head><body><noscript>You need to enable JavaScript to run this app.</noscript><div id="root"></div></body></html>
|
|
@@ -0,0 +1,2 @@
|
|
|
1
|
+
.container{cursor:pointer;display:block}.container,.descriptionCard{border-radius:20px;height:300px;position:relative;width:300px}.descriptionCard{left:-1px;padding:20px;top:-1px}.cardTitle{display:flex;justify-content:space-between}.iconButtonBox{align-items:center;display:flex}.drawerCard{min-height:100%;min-width:350px;padding:20px 80px 0;position:relative;width:60vw}.p{-webkit-line-clamp:4;-webkit-box-orient:vertical;display:-webkit-box;font-size:14px;overflow:hidden;padding:0 10px;text-overflow:ellipsis;word-break:break-word}.pasteText{color:#1976d2;cursor:pointer;font-size:18px!important;margin-inline:10px}.pasteText:hover{color:#1976d2b3}.copyToCommandLine{color:#1976d2;cursor:pointer;font-size:16px!important}.copyToCommandLine:hover{color:#1976d2b3}.formContainer{height:80%;overflow:scroll;padding:0 10px 160px}.buttonsContainer{bottom:50px;left:100px;position:absolute;right:100px}.buttons{align-items:center;display:flex;gap:20px;justify-content:space-between}.css-1be5mm1-MuiLinearProgress-root-MuiMobileStepper-progress,.css-r5rjnf-MuiLinearProgress-root-MuiMobileStepper-progress{width:100%!important}.instructionText{color:#666;font-size:12px;font-style:italic;margin:30px 0;text-align:center}.iconRow{bottom:20px;justify-content:space-between;left:20px;position:absolute;right:20px}.iconItem,.iconRow{align-items:center;display:flex}.iconItem{flex-direction:column;margin:20px}.boldIconText{font-size:1.2em;font-weight:700}.muiIcon{font-size:1.5em}.smallText{font-size:.8em}.dialogBox{height:607px;margin:32px;overflow-x:scroll;width:1241px}.dialogTitle{display:flex;justify-content:space-between;padding:20px 20px 7px}.dialogTitle-model_name{font-size:18px;font-weight:700}.pathBox{cursor:pointer;overflow:hidden;text-overflow:ellipsis;white-space:nowrap;width:160px}.pathBox2{width:300px}.empty{color:#555;font-size:20px;left:50%;position:absolute;top:30%;-webkit-transform:translate(-50%);transform:translate(-50%)}.deleteDialog{align-items:center;display:flex}.warningIcon{color:#ed6c02;margin-right:10px}.jsonDialog{border-radius:8px;color:#000;display:flex;flex-direction:column;padding:10px 30px}.jsonDialog-title{align-items:center;display:flex;justify-content:space-between;margin:10px 0 20px}.title-name{font-size:16px;font-weight:700}.main-box{height:500px;width:700px}.but-box{display:flex;justify-content:end;margin-top:20px}.drawer{bottom:0;left:0;opacity:0;position:fixed;right:0;top:0;transition:visibility .3s ease,opacity .3s ease;visibility:hidden;z-index:1000}.drawer.open{opacity:1;visibility:visible}.drawer-overlay{background-color:rgba(0,0,0,.5);left:0;z-index:999}.drawer-content,.drawer-overlay{bottom:0;position:absolute;right:0;top:0}.drawer-content{background-color:#fff;box-shadow:-2px 0 10px rgba(0,0,0,.1);overflow-y:auto;-webkit-transform:translateX(100%);transform:translateX(100%);transition:-webkit-transform .3s ease;transition:transform .3s ease;transition:transform .3s ease,-webkit-transform .3s ease;z-index:1000}.drawer.open .drawer-content{-webkit-transform:translateX(0);transform:translateX(0)}.textHighlight .MuiInputBase-input,.textHighlight .MuiSelect-select{color:#1976d2}.copyText{color:#666;cursor:pointer;font-size:14px!important}.copyText:hover{color:#1976d2}.formBox{max-height:80vh;max-width:50vw;min-width:50vw;overflow:auto;padding:40px 20px 0 0;position:relative;transition:all .4s ease-in-out}.broaden{max-width:100%;min-width:100%;padding-right:0}.show-json{align-items:center;display:flex;right:60px;top:90px}.icon,.show-json{position:absolute}.icon{cursor:pointer;margin-left:20px;right:-40px}.icon:hover{color:#1976d2}.arrow{font-size:24px!important}.jsonBox{min-height:80vh;position:relative;transition:all .4s ease-in-out;width:100%}.hide{overflow:hidden;-webkit-transform:translate(30vw);transform:translate(30vw);width:0}.checkboxWrapper{align-items:center;display:flex;flex-wrap:wrap;width:100%}.jsonBox-header{align-items:center;display:flex;justify-content:space-between}.jsonBox-title{font-weight:700;line-height:40px}.textarea{background-color:initial;border:1px solid #ddd;border-radius:5px;color:#666;height:calc(100% - 40px);padding:5px 10px;resize:none;width:100%}.addBtn{margin-left:20px!important}.item{border:1px solid #ddd;border-radius:10px;margin:10px 50px 0;overflow:hidden;padding:20px;position:relative}.item:hover .deleteBtn{-webkit-transform:translateX(-50px);transform:translateX(-50px)}.deleteBtn{background-color:#1976d2;border-radius:25px;height:50px;line-height:70px;position:absolute;right:20px;text-align:center;top:calc(50% - 25px);-webkit-transform:translateX(80px);transform:translateX(80px);transition:all .3s ease-in-out;width:50px}.deleteBtn:hover{box-shadow:0 0 10px #aaa;cursor:pointer}.deleteIcon{color:#fff;font-size:28px!important}.chat_template_box{align-items:start;display:flex;gap:10px}.chat_template_test{width:30%}.chat_template_test_mainBox{border:1px solid #ccc;border-radius:4px;height:137px;overflow:scroll;padding:10px}.chat_template_test_tip{color:rgba(0,0,0,.6);font-size:10px;margin:4px 14px 0}.test_res_box{border:1px solid #ddd;border-radius:4px;margin-top:5px;min-height:55px;padding:10px}.css-19qh8xo-MuiInputBase-input-MuiOutlinedInput-input.Mui-disabled{-webkit-text-fill-color:#000!important}
|
|
2
|
+
/*# sourceMappingURL=main.013f296b.css.map*/
|
|
@@ -0,0 +1 @@
|
|
|
1
|
+
{"version":3,"file":"static/css/main.013f296b.css","mappings":"AAAA,WAKE,cAAe,CAJf,aAMF,CACA,4BAFE,kBAAmB,CAFnB,YAAa,CAFb,iBAAkB,CAClB,WAaF,CARA,iBAGE,SAAU,CAGV,YAAa,CAJb,QAMF,CACA,WACE,YAAa,CACb,6BACF,CACA,eAEE,kBAAmB,CADnB,YAEF,CACA,YAGE,eAAgB,CAEhB,eAAgB,CAHhB,mBAAoB,CADpB,iBAAkB,CAGlB,UAEF,CACA,GAEE,oBAAqB,CACrB,2BAA4B,CAF5B,mBAAoB,CAMpB,cAAe,CAHf,eAAgB,CAIhB,cAAiB,CAHjB,sBAAuB,CACvB,qBAGF,CACA,WAEE,aAAc,CACd,cAAe,CAFf,wBAA0B,CAG1B,kBACF,CACA,iBACE,eACF,CACA,mBAEE,aAAc,CACd,cAAe,CAFf,wBAGF,CACA,yBACE,eACF,CACA,eACE,UAAW,CACX,eAAgB,CAEhB,oBACF,CACA,kBAEE,WAAY,CACZ,UAAW,CAFX,iBAAkB,CAGlB,WACF,CACA,SAGE,kBAAmB,CAFnB,YAAa,CAGb,QAAS,CAFT,6BAGF,CAIA,2HACE,oBACF,CACA,iBAEE,UAAc,CADd,cAAe,CAEf,iBAAkB,CAClB,aAAc,CACd,iBACF,CACA,SAEE,WAAY,CAIZ,6BAA8B,CAH9B,SAAU,CAFV,iBAAkB,CAGlB,UAIF,CACA,mBAFE,kBAAmB,CAFnB,YASF,CALA,UAEE,qBAAsB,CAEtB,WACF,CACA,cAEE,eAAgB,CADhB,eAEF,CACA,SACE,eACF,CACA,WACE,cACF,CACA,WAEE,YAAa,CACb,WAAY,CACZ,iBAAkB,CAHlB,YAIF,CACA,aACE,YAAa,CACb,6BAA8B,CAC9B,qBACF,CACA,wBACE,cAAe,CACf,eACF,CACA,SAEE,cAAe,CACf,eAAgB,CAEhB,sBAAuB,CADvB,kBAAmB,CAHnB,WAKF,CACA,UACE,WACF,CACA,OAKE,UAAW,CADX,cAAe,CAFf,QAAS,CADT,iBAAkB,CAElB,OAAQ,CAGR,iCAA6B,CAA7B,yBACF,CACA,cAEE,kBAAmB,CADnB,YAEF,CACA,aAEE,aAAuB,CADvB,iBAEF,CACA,YAKE,iBAAkB,CADlB,UAAW,CAHX,YAAa,CACb,qBAAsB,CACtB,iBAGF,CACA,kBAGE,kBAAmB,CAFnB,YAAa,CACb,6BAA8B,CAE9B,kBACF,CACA,YACE,cAAe,CACf,eACF,CACA,UAEE,YAAa,CADb,WAEF,CACA,SACE,YAAa,CACb,mBAAoB,CACpB,eACF,CACA,QAKE,QAAS,CACT,MAAO,CAEP,SAAU,CANV,cAAe,CAEf,OAAQ,CADR,KAAM,CAMN,+CAAmD,CAFnD,iBAAkB,CANlB,YASF,CACA,aAEE,SAAU,CADV,kBAEF,CACA,gBAME,+BAAoC,CADpC,MAAO,CAEP,WACF,CACA,gCALE,QAAS,CAHT,iBAAkB,CAElB,OAAQ,CADR,KAkBF,CAXA,gBAKE,qBAAuB,CAEvB,qCAA0C,CAG1C,eAAgB,CADhB,kCAA2B,CAA3B,0BAA2B,CAD3B,qCAA+B,CAA/B,6BAA+B,CAA/B,wDAA+B,CAF/B,YAKF,CACA,6BACE,+BAAwB,CAAxB,uBACF,CAIA,oEACE,aACF,CClOA,UAEE,UAAW,CACX,cAAe,CAFf,wBAGF,CAEA,gBACE,aACF,CCRA,SAIE,eAAgB,CAFhB,cAAe,CACf,cAAe,CAEf,aAAc,CACd,qBAAsB,CALtB,iBAAkB,CAMlB,8BACF,CAEA,SACE,cAAe,CACf,cAAe,CACf,eACF,CAEA,WAEE,kBAAmB,CADnB,YAAa,CAIb,UAAW,CADX,QAEF,CAEA,iBALE,iBAUF,CALA,MAGE,cAAe,CACf,gBAAiB,CAFjB,WAGF,CAEA,YACE,aACF,CAEA,OACE,wBACF,CAEA,SAEE,eAAgB,CADhB,iBAAkB,CAGlB,8BAAgC,CADhC,UAEF,CAEA,MAGE,eAAgB,CADhB,iCAA6B,CAA7B,yBAA6B,CAD7B,OAGF,CAEA,iBAGE,kBAAmB,CAFnB,YAAa,CACb,cAAe,CAEf,UACF,CAEA,gBAGE,kBAAmB,CAFnB,YAAa,CACb,6BAEF,CAEA,eAEE,eAAgB,CADhB,gBAEF,CAEA,UAQE,wBAA6B,CAJ7B,qBAAsB,CACtB,iBAAkB,CAElB,UAAW,CALX,wBAAyB,CACzB,gBAAiB,CAGjB,WAAY,CALZ,UAQF,CAEA,QACE,0BACF,CAEA,MAEE,qBAAsB,CAGtB,kBAAmB,CAFnB,kBAAmB,CAGnB,eAAgB,CAFhB,YAAa,CAHb,iBAMF,CAEA,uBACE,mCAA4B,CAA5B,2BACF,CAEA,WAUE,wBAAyB,CADzB,kBAAmB,CAJnB,WAAY,CAGZ,gBAAiB,CAPjB,iBAAkB,CAClB,UAAW,CAKX,iBAAkB,CAJlB,oBAAqB,CAGrB,kCAA2B,CAA3B,0BAA2B,CAK3B,8BAAgC,CAPhC,UAQF,CAEA,iBAEE,wBAAyB,CADzB,cAEF,CAEA,YAEE,UAAW,CADX,wBAEF,CAEA,mBAEE,iBAAkB,CADlB,YAAa,CAEb,QACF,CAEA,oBACE,SACF,CAEA,4BAGE,qBAAsB,CACtB,iBAAkB,CAHlB,YAAa,CAIb,eAAgB,CAHhB,YAIF,CAEA,wBAGE,oBAAyB,CAFzB,cAAe,CACf,iBAEF,CAEA,cACE,qBAAsB,CAItB,iBAAkB,CADlB,cAAe,CAFf,eAAgB,CAChB,YAGF,CAEA,oEACE,sCACF","sources":["scenes/launch_model/styles/modelCardStyle.css","components/copyComponent/style.css","scenes/register_model/styles/registerModelStyle.css"],"sourcesContent":[".container {\n display: block;\n position: relative;\n width: 300px;\n height: 300px;\n cursor: pointer;\n border-radius: 20px;\n}\n.descriptionCard {\n position: relative;\n top: -1px;\n left: -1px;\n width: 300px;\n height: 300px;\n padding: 20px;\n border-radius: 20px;\n}\n.cardTitle {\n display: flex;\n justify-content: space-between;\n}\n.iconButtonBox {\n display: flex;\n align-items: center;\n}\n.drawerCard {\n position: relative;\n padding: 20px 80px 0;\n min-height: 100%;\n width: 60vw;\n min-width: 350px;\n}\n.p {\n display: -webkit-box;\n -webkit-line-clamp: 4;\n -webkit-box-orient: vertical;\n overflow: hidden;\n text-overflow: ellipsis;\n word-break: break-word;\n font-size: 14px;\n padding: 0px 10px;\n}\n.pasteText {\n font-size: 18px !important;\n color: #1976d2;\n cursor: pointer;\n margin-inline: 10px;\n}\n.pasteText:hover {\n color: #1976d2b3;\n}\n.copyToCommandLine {\n font-size: 16px !important;\n color: #1976d2;\n cursor: pointer;\n}\n.copyToCommandLine:hover {\n color: #1976d2b3;\n}\n.formContainer {\n height: 80%;\n overflow: scroll;\n padding: 0 10px;\n padding-bottom: 160px;\n}\n.buttonsContainer {\n position: absolute;\n bottom: 50px;\n left: 100px;\n right: 100px;\n}\n.buttons {\n display: flex;\n justify-content: space-between;\n align-items: center;\n gap: 20px;\n}\n.css-1be5mm1-MuiLinearProgress-root-MuiMobileStepper-progress {\n width: 100% !important;\n}\n.css-r5rjnf-MuiLinearProgress-root-MuiMobileStepper-progress {\n width: 100% !important;\n}\n.instructionText {\n font-size: 12px;\n color: #666666;\n font-style: italic;\n margin: 30px 0;\n text-align: center;\n}\n.iconRow {\n position: absolute;\n bottom: 20px;\n left: 20px;\n right: 20px;\n display: flex;\n justify-content: space-between;\n align-items: center;\n}\n.iconItem {\n display: flex;\n flex-direction: column;\n align-items: center;\n margin: 20px;\n}\n.boldIconText {\n font-weight: bold;\n font-size: 1.2em;\n}\n.muiIcon {\n font-size: 1.5em;\n}\n.smallText {\n font-size: 0.8em;\n}\n.dialogBox {\n width: 1241px;\n height: 607px;\n margin: 32px;\n overflow-x: scroll;\n}\n.dialogTitle {\n display: flex;\n justify-content: space-between;\n padding: 20px 20px 7px;\n}\n.dialogTitle-model_name {\n font-size: 18px;\n font-weight: 700;\n}\n.pathBox {\n width: 160px;\n cursor: pointer;\n overflow: hidden;\n white-space: nowrap;\n text-overflow: ellipsis;\n}\n.pathBox2 {\n width: 300px;\n}\n.empty {\n position: absolute;\n left: 50%;\n top: 30%;\n font-size: 20px;\n color: #555;\n transform: translate(-50%, 0);\n}\n.deleteDialog {\n display: flex;\n align-items: center;\n}\n.warningIcon {\n margin-right: 10px;\n color: rgb(237, 108, 2);\n}\n.jsonDialog {\n display: flex;\n flex-direction: column;\n padding: 10px 30px;\n color: #000;\n border-radius: 8px;\n}\n.jsonDialog-title {\n display: flex;\n justify-content: space-between;\n align-items: center;\n margin: 10px 0 20px 0;\n}\n.title-name {\n font-size: 16px;\n font-weight: 700;\n}\n.main-box {\n width: 700px;\n height: 500px;\n}\n.but-box {\n display: flex;\n justify-content: end;\n margin-top: 20px;\n}\n.drawer {\n z-index: 1000;\n position: fixed;\n top: 0;\n right: 0;\n bottom: 0;\n left: 0;\n visibility: hidden;\n opacity: 0;\n transition: visibility 0.3s ease, opacity 0.3s ease;\n}\n.drawer.open {\n visibility: visible;\n opacity: 1;\n}\n.drawer-overlay {\n position: absolute;\n top: 0;\n right: 0;\n bottom: 0;\n left: 0;\n background-color: rgba(0, 0, 0, 0.5);\n z-index: 999;\n}\n.drawer-content {\n position: absolute;\n top: 0;\n right: 0;\n bottom: 0;\n background-color: white;\n z-index: 1000;\n box-shadow: -2px 0 10px rgba(0, 0, 0, 0.1);\n transition: transform 0.3s ease;\n transform: translateX(100%);\n overflow-y: auto;\n}\n.drawer.open .drawer-content {\n transform: translateX(0);\n}\n.textHighlight .MuiSelect-select {\n color: #1976d2;\n}\n.textHighlight .MuiInputBase-input {\n color: #1976d2;\n}\n",".copyText {\n font-size: 14px !important;\n color: #666;\n cursor: pointer;\n}\n\n.copyText:hover {\n color: #1976d2;\n}\n",".formBox {\n position: relative;\n max-width: 50vw;\n min-width: 50vw;\n max-height: 80vh;\n overflow: auto;\n padding: 40px 20px 0 0;\n transition: all 0.4s ease-in-out;\n}\n\n.broaden {\n max-width: 100%;\n min-width: 100%;\n padding-right: 0;\n}\n\n.show-json {\n display: flex;\n align-items: center;\n position: absolute;\n top: 90px;\n right: 60px;\n}\n\n.icon {\n position: absolute;\n right: -40px;\n cursor: pointer;\n margin-left: 20px;\n}\n\n.icon:hover {\n color: #1976d2;\n}\n\n.arrow {\n font-size: 24px !important;\n}\n\n.jsonBox {\n position: relative;\n min-height: 80vh;\n width: 100%;\n transition: all 0.4s ease-in-out;\n}\n\n.hide {\n width: 0;\n transform: translate(30vw, 0);\n overflow: hidden;\n}\n\n.checkboxWrapper {\n display: flex;\n flex-wrap: wrap;\n align-items: center;\n width: 100%;\n}\n\n.jsonBox-header {\n display: flex;\n justify-content: space-between;\n align-items: center;\n}\n\n.jsonBox-title {\n line-height: 40px;\n font-weight: 700;\n}\n\n.textarea {\n width: 100%;\n height: calc(100% - 40px);\n padding: 5px 10px;\n border: 1px solid #ddd;\n border-radius: 5px;\n resize: none;\n color: #666;\n background-color: transparent;\n}\n\n.addBtn {\n margin-left: 20px !important;\n}\n\n.item {\n position: relative;\n border: 1px solid #ddd;\n margin: 10px 50px 0;\n padding: 20px;\n border-radius: 10px;\n overflow: hidden;\n}\n\n.item:hover .deleteBtn {\n transform: translateX(-50px);\n}\n\n.deleteBtn {\n position: absolute;\n right: 20px;\n top: calc(50% - 25px);\n width: 50px;\n height: 50px;\n transform: translateX(80px);\n text-align: center;\n line-height: 70px;\n border-radius: 25px;\n background-color: #1976d2;\n transition: all 0.3s ease-in-out;\n}\n\n.deleteBtn:hover {\n cursor: pointer;\n box-shadow: 0 0 10px #aaa;\n}\n\n.deleteIcon {\n font-size: 28px !important;\n color: #fff;\n}\n\n.chat_template_box {\n display: flex;\n align-items: start;\n gap: 10px;\n}\n\n.chat_template_test {\n width: 30%;\n}\n\n.chat_template_test_mainBox {\n height: 137px;\n padding: 10px;\n border: 1px solid #ccc;\n border-radius: 4px;\n overflow: scroll;\n}\n\n.chat_template_test_tip {\n font-size: 10px;\n margin: 4px 14px 0;\n color: rgba(0, 0, 0, 0.6);\n}\n\n.test_res_box {\n border: 1px solid #ddd;\n min-height: 55px;\n padding: 10px;\n margin-top: 5px;\n border-radius: 4px;\n}\n\n.css-19qh8xo-MuiInputBase-input-MuiOutlinedInput-input.Mui-disabled {\n -webkit-text-fill-color: #000 !important;\n}\n"],"names":[],"sourceRoot":""}
|