optimum-rbln 0.1.15__py3-none-any.whl → 0.2.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.
- optimum/rbln/__init__.py +26 -33
- optimum/rbln/__version__.py +2 -2
- optimum/rbln/diffusers/__init__.py +4 -0
- optimum/rbln/{modeling_diffusers.py → diffusers/modeling_diffusers.py} +66 -24
- optimum/rbln/diffusers/models/__init__.py +2 -0
- optimum/rbln/diffusers/models/autoencoders/autoencoder_kl.py +38 -12
- optimum/rbln/diffusers/models/autoencoders/vae.py +0 -1
- optimum/rbln/diffusers/models/controlnet.py +1 -1
- optimum/rbln/diffusers/models/transformers/transformer_sd3.py +1 -1
- optimum/rbln/diffusers/models/unets/unet_2d_condition.py +5 -7
- optimum/rbln/diffusers/pipelines/__init__.py +1 -0
- optimum/rbln/diffusers/pipelines/controlnet/multicontrolnet.py +8 -7
- optimum/rbln/diffusers/pipelines/controlnet/pipeline_controlnet.py +17 -2
- optimum/rbln/diffusers/pipelines/controlnet/pipeline_controlnet_img2img.py +17 -2
- optimum/rbln/diffusers/pipelines/controlnet/pipeline_controlnet_sd_xl.py +17 -2
- optimum/rbln/diffusers/pipelines/controlnet/pipeline_controlnet_sd_xl_img2img.py +17 -2
- optimum/rbln/diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion.py +1 -2
- optimum/rbln/diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion_img2img.py +1 -2
- optimum/rbln/diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion_inpaint.py +1 -2
- optimum/rbln/diffusers/pipelines/stable_diffusion_3/pipeline_stable_diffusion_3.py +1 -2
- optimum/rbln/diffusers/pipelines/stable_diffusion_3/pipeline_stable_diffusion_3_img2img.py +1 -2
- optimum/rbln/diffusers/pipelines/stable_diffusion_3/pipeline_stable_diffusion_3_inpaint.py +1 -2
- optimum/rbln/diffusers/pipelines/stable_diffusion_xl/__init__.py +23 -0
- optimum/rbln/diffusers/pipelines/stable_diffusion_xl/pipeline_stable_diffusion_xl.py +1 -2
- optimum/rbln/diffusers/pipelines/stable_diffusion_xl/pipeline_stable_diffusion_xl_img2img.py +1 -2
- optimum/rbln/diffusers/pipelines/stable_diffusion_xl/pipeline_stable_diffusion_xl_inpaint.py +1 -2
- optimum/rbln/modeling.py +13 -347
- optimum/rbln/modeling_base.py +24 -4
- optimum/rbln/modeling_config.py +31 -7
- optimum/rbln/ops/__init__.py +26 -0
- optimum/rbln/ops/attn.py +221 -0
- optimum/rbln/ops/flash_attn.py +70 -0
- optimum/rbln/ops/kv_cache_update.py +69 -0
- optimum/rbln/transformers/__init__.py +20 -0
- optimum/rbln/{modeling_alias.py → transformers/modeling_alias.py} +5 -1
- optimum/rbln/transformers/modeling_generic.py +385 -0
- optimum/rbln/transformers/models/auto/__init__.py +23 -0
- optimum/rbln/transformers/models/auto/modeling_auto.py +0 -1
- optimum/rbln/transformers/models/bart/__init__.py +0 -1
- optimum/rbln/transformers/models/bart/bart_architecture.py +107 -464
- optimum/rbln/transformers/models/bart/modeling_bart.py +8 -4
- optimum/rbln/transformers/models/clip/modeling_clip.py +1 -1
- optimum/rbln/transformers/models/decoderonly/__init__.py +0 -7
- optimum/rbln/transformers/models/decoderonly/decoderonly_architecture.py +329 -328
- optimum/rbln/transformers/models/decoderonly/modeling_decoderonly.py +92 -107
- optimum/rbln/transformers/models/exaone/exaone_architecture.py +2 -3
- optimum/rbln/transformers/models/gemma/gemma_architecture.py +1 -1
- optimum/rbln/transformers/models/gpt2/gpt2_architecture.py +10 -10
- optimum/rbln/transformers/models/gpt2/modeling_gpt2.py +1 -1
- optimum/rbln/transformers/models/llama/llama_architecture.py +0 -1
- optimum/rbln/transformers/models/llava_next/modeling_llava_next.py +1 -0
- optimum/rbln/transformers/models/midm/midm_architecture.py +11 -11
- optimum/rbln/transformers/models/midm/modeling_midm.py +0 -1
- optimum/rbln/transformers/models/mistral/mistral_architecture.py +0 -1
- optimum/rbln/transformers/models/phi/phi_architecture.py +2 -3
- optimum/rbln/transformers/models/qwen2/qwen2_architecture.py +0 -1
- optimum/rbln/transformers/models/seq2seq/modeling_seq2seq.py +57 -57
- optimum/rbln/transformers/models/seq2seq/seq2seq_architecture.py +498 -0
- optimum/rbln/transformers/models/t5/__init__.py +0 -1
- optimum/rbln/transformers/models/t5/modeling_t5.py +5 -2
- optimum/rbln/transformers/models/t5/t5_architecture.py +106 -448
- optimum/rbln/transformers/models/whisper/generation_whisper.py +42 -0
- optimum/rbln/transformers/models/whisper/modeling_whisper.py +77 -54
- optimum/rbln/transformers/models/whisper/whisper_architecture.py +219 -312
- optimum/rbln/transformers/utils/rbln_quantization.py +0 -1
- optimum/rbln/utils/decorator_utils.py +51 -15
- optimum/rbln/utils/import_utils.py +7 -0
- optimum/rbln/utils/logging.py +37 -0
- optimum/rbln/utils/model_utils.py +0 -1
- optimum/rbln/utils/runtime_utils.py +9 -3
- optimum/rbln/utils/save_utils.py +17 -0
- optimum/rbln/utils/submodule.py +23 -0
- {optimum_rbln-0.1.15.dist-info → optimum_rbln-0.2.0.dist-info}/METADATA +37 -26
- {optimum_rbln-0.1.15.dist-info → optimum_rbln-0.2.0.dist-info}/RECORD +76 -72
- optimum_rbln-0.2.0.dist-info/licenses/LICENSE +288 -0
- optimum/rbln/transformers/cache_utils.py +0 -107
- optimum/rbln/utils/timer_utils.py +0 -43
- optimum_rbln-0.1.15.dist-info/licenses/LICENSE +0 -201
- {optimum_rbln-0.1.15.dist-info → optimum_rbln-0.2.0.dist-info}/WHEEL +0 -0
@@ -1,3 +1,27 @@
|
|
1
|
+
# Copyright 2024 Rebellions Inc.
|
2
|
+
|
3
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
4
|
+
# you may not use this file except in compliance with the License.
|
5
|
+
# You may obtain a copy of the License at:
|
6
|
+
|
7
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
8
|
+
|
9
|
+
# Unless required by applicable law or agreed to in writing, software
|
10
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
11
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
12
|
+
# See the License for the specific language governing permissions and
|
13
|
+
# limitations under the License.
|
14
|
+
|
15
|
+
# Portions of this software are licensed under the Apache License,
|
16
|
+
# Version 2.0. See the NOTICE file distributed with this work for
|
17
|
+
# additional information regarding copyright ownership.
|
18
|
+
|
19
|
+
# All other portions of this software, including proprietary code,
|
20
|
+
# are the intellectual property of Rebellions Inc. and may not be
|
21
|
+
# copied, modified, or distributed without prior written permission
|
22
|
+
# from Rebellions Inc.
|
23
|
+
|
24
|
+
import inspect
|
1
25
|
from functools import wraps
|
2
26
|
|
3
27
|
from .logging import get_logger
|
@@ -12,8 +36,8 @@ def remove_compile_time_kwargs(func):
|
|
12
36
|
|
13
37
|
For RBLN-optimized pipelines, several parameters must be determined during compilation
|
14
38
|
and cannot be modified during inference. This decorator:
|
15
|
-
1. Removes and warns about
|
16
|
-
2. Removes and warns about
|
39
|
+
1. Removes and warns about image dimension parameters (height, width)
|
40
|
+
2. Removes and warns about LoRA scale in cross_attention_kwargs
|
17
41
|
|
18
42
|
Args:
|
19
43
|
func: The pipeline's __call__ method to be wrapped
|
@@ -21,19 +45,31 @@ def remove_compile_time_kwargs(func):
|
|
21
45
|
|
22
46
|
@wraps(func)
|
23
47
|
def wrapper(self, *args, **kwargs):
|
24
|
-
|
25
|
-
|
26
|
-
|
27
|
-
|
28
|
-
|
29
|
-
|
30
|
-
|
31
|
-
|
32
|
-
|
33
|
-
|
34
|
-
|
35
|
-
|
36
|
-
|
48
|
+
check_params = {"height", "width"}
|
49
|
+
params = inspect.signature(self.original_class.__call__).parameters
|
50
|
+
|
51
|
+
# If height and width exist in the base pipeline's __call__ method arguments
|
52
|
+
# Otherwise, if there is no height or width of kwargs, it is filled based on the compiled size.
|
53
|
+
if check_params.issubset(params):
|
54
|
+
compiled_image_size = self.get_compiled_image_size()
|
55
|
+
if compiled_image_size is not None:
|
56
|
+
height_exists = "height" in kwargs and kwargs["height"] is not None
|
57
|
+
width_exists = "width" in kwargs and kwargs["width"] is not None
|
58
|
+
if height_exists or width_exists:
|
59
|
+
if not (
|
60
|
+
kwargs.get("height", None) == compiled_image_size[0]
|
61
|
+
and kwargs.get("width", None) == compiled_image_size[1]
|
62
|
+
):
|
63
|
+
logger.warning(
|
64
|
+
"Image dimension parameters (`height`, `width`) will be ignored during inference. "
|
65
|
+
"Image dimensions (%s, %s) must be specified during model compilation using from_pretrained(), (%s, %s).",
|
66
|
+
str(kwargs.get("height", None)),
|
67
|
+
str(kwargs.get("width", None)),
|
68
|
+
str(compiled_image_size[0]),
|
69
|
+
str(compiled_image_size[1]),
|
70
|
+
)
|
71
|
+
kwargs["height"] = compiled_image_size[0]
|
72
|
+
kwargs["width"] = compiled_image_size[1]
|
37
73
|
|
38
74
|
if "cross_attention_kwargs" in kwargs:
|
39
75
|
cross_attention_kwargs = kwargs.get("cross_attention_kwargs")
|
optimum/rbln/utils/logging.py
CHANGED
@@ -1,3 +1,40 @@
|
|
1
|
+
# Copyright 2020 Optuna, Hugging Face
|
2
|
+
#
|
3
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
4
|
+
# you may not use this file except in compliance with the License.
|
5
|
+
# You may obtain a copy of the License at
|
6
|
+
#
|
7
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
8
|
+
#
|
9
|
+
# Unless required by applicable law or agreed to in writing, software
|
10
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
11
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
12
|
+
# See the License for the specific language governing permissions and
|
13
|
+
# limitations under the License.
|
14
|
+
|
15
|
+
# Copyright 2024 Rebellions Inc.
|
16
|
+
|
17
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
18
|
+
# you may not use this file except in compliance with the License.
|
19
|
+
# You may obtain a copy of the License at:
|
20
|
+
|
21
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
22
|
+
|
23
|
+
# Unless required by applicable law or agreed to in writing, software
|
24
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
25
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
26
|
+
# See the License for the specific language governing permissions and
|
27
|
+
# limitations under the License.
|
28
|
+
|
29
|
+
# Portions of this software are licensed under the Apache License,
|
30
|
+
# Version 2.0. See the NOTICE file distributed with this work for
|
31
|
+
# additional information regarding copyright ownership.
|
32
|
+
|
33
|
+
# All other portions of this software, including proprietary code,
|
34
|
+
# are the intellectual property of Rebellions Inc. and may not be
|
35
|
+
# copied, modified, or distributed without prior written permission
|
36
|
+
# from Rebellions Inc.
|
37
|
+
|
1
38
|
"""
|
2
39
|
Logging utilities.
|
3
40
|
Modified from `transformers.utils.logging.py`
|
@@ -35,9 +35,9 @@ class RBLNPytorchRuntime:
|
|
35
35
|
self.runtime = runtime
|
36
36
|
for key, value in kwargs.items():
|
37
37
|
setattr(self, key, value)
|
38
|
-
for mandatory_member in
|
38
|
+
for mandatory_member in self.mandatory_members:
|
39
39
|
if mandatory_member not in kwargs:
|
40
|
-
raise AttributeError(f"`{mandatory_member}` should be assigned to {__class__.__name__} objects.")
|
40
|
+
raise AttributeError(f"`{mandatory_member}` should be assigned to {self.__class__.__name__} objects.")
|
41
41
|
|
42
42
|
def __call__(self, *args: Any, **kwds: Any) -> Any:
|
43
43
|
return self.forward(*args, **kwds)
|
@@ -76,17 +76,21 @@ class UnavailableRuntime:
|
|
76
76
|
class ContextRblnConfig:
|
77
77
|
_local = threading.local()
|
78
78
|
|
79
|
-
def __init__(
|
79
|
+
def __init__(
|
80
|
+
self, device=None, device_map=None, create_runtimes=None, optimize_host_mem=None, activate_profiler=None
|
81
|
+
):
|
80
82
|
self.device = device
|
81
83
|
self.device_map = device_map
|
82
84
|
self.create_runtimes = create_runtimes
|
83
85
|
self.optimize_host_mem = optimize_host_mem
|
86
|
+
self.activate_profiler = activate_profiler
|
84
87
|
|
85
88
|
def __enter__(self):
|
86
89
|
self._local.device = self.device
|
87
90
|
self._local.device_map = self.device_map
|
88
91
|
self._local.create_runtimes = self.create_runtimes
|
89
92
|
self._local.optimize_host_memory = self.optimize_host_mem
|
93
|
+
self._local.activate_profiler = self.activate_profiler
|
90
94
|
return self
|
91
95
|
|
92
96
|
def __exit__(self, exc_type, exc_val, exc_tb):
|
@@ -94,6 +98,7 @@ class ContextRblnConfig:
|
|
94
98
|
self._local.device_map = None
|
95
99
|
self._local.create_runtimes = None
|
96
100
|
self._local.optimize_host_memory = None
|
101
|
+
self._local.activate_profiler = None
|
97
102
|
|
98
103
|
@classmethod
|
99
104
|
def get_current_context(cls):
|
@@ -102,4 +107,5 @@ class ContextRblnConfig:
|
|
102
107
|
"device_map": getattr(cls._local, "device_map", None),
|
103
108
|
"create_runtimes": getattr(cls._local, "create_runtimes", None),
|
104
109
|
"optimize_host_memory": getattr(cls._local, "optimize_host_memory", None),
|
110
|
+
"activate_profiler": getattr(cls._local, "activate_profiler", None),
|
105
111
|
}
|
optimum/rbln/utils/save_utils.py
CHANGED
@@ -1,3 +1,16 @@
|
|
1
|
+
# Copyright 2022 The HuggingFace Team. All rights reserved.
|
2
|
+
#
|
3
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
4
|
+
# you may not use this file except in compliance with the License.
|
5
|
+
# You may obtain a copy of the License at
|
6
|
+
#
|
7
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
8
|
+
#
|
9
|
+
# Unless required by applicable law or agreed to in writing, software
|
10
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
11
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
12
|
+
# See the License for the specific language governing permissions and
|
13
|
+
# limitations under the License.
|
1
14
|
# Copyright 2024 Rebellions Inc.
|
2
15
|
|
3
16
|
# Licensed under the Apache License, Version 2.0 (the "License");
|
@@ -21,6 +34,10 @@
|
|
21
34
|
# copied, modified, or distributed without prior written permission
|
22
35
|
# from Rebellions Inc.
|
23
36
|
|
37
|
+
"""
|
38
|
+
Refer to huggingface/optimum/blob/4fdeea77d71e79451ba53e0c1f9d8f37e9704268/optimum/utils/save_utils.py
|
39
|
+
"""
|
40
|
+
|
24
41
|
import logging
|
25
42
|
from pathlib import Path
|
26
43
|
from typing import List, Union
|
optimum/rbln/utils/submodule.py
CHANGED
@@ -1,3 +1,26 @@
|
|
1
|
+
# Copyright 2024 Rebellions Inc.
|
2
|
+
|
3
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
4
|
+
# you may not use this file except in compliance with the License.
|
5
|
+
# You may obtain a copy of the License at:
|
6
|
+
|
7
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
8
|
+
|
9
|
+
# Unless required by applicable law or agreed to in writing, software
|
10
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
11
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
12
|
+
# See the License for the specific language governing permissions and
|
13
|
+
# limitations under the License.
|
14
|
+
|
15
|
+
# Portions of this software are licensed under the Apache License,
|
16
|
+
# Version 2.0. See the NOTICE file distributed with this work for
|
17
|
+
# additional information regarding copyright ownership.
|
18
|
+
|
19
|
+
# All other portions of this software, including proprietary code,
|
20
|
+
# are the intellectual property of Rebellions Inc. and may not be
|
21
|
+
# copied, modified, or distributed without prior written permission
|
22
|
+
# from Rebellions Inc.
|
23
|
+
|
1
24
|
import importlib
|
2
25
|
from pathlib import Path
|
3
26
|
from typing import TYPE_CHECKING, Any, Dict, List
|
@@ -1,6 +1,6 @@
|
|
1
1
|
Metadata-Version: 2.3
|
2
2
|
Name: optimum-rbln
|
3
|
-
Version: 0.
|
3
|
+
Version: 0.2.0
|
4
4
|
Summary: Optimum RBLN is the interface between the Hugging Face Transformers and Diffusers libraries and RBLN accelerators. It provides a set of tools enabling easy model loading and inference on single and multiple rbln device settings for different downstream tasks.
|
5
5
|
Project-URL: Homepage, https://rebellions.ai
|
6
6
|
Project-URL: Documentation, https://docs.rbln.ai
|
@@ -43,51 +43,67 @@ Description-Content-Type: text/markdown
|
|
43
43
|
|
44
44
|
</div>
|
45
45
|
|
46
|
-
🤗 Optimum RBLN provides an interface between
|
46
|
+
🤗 Optimum RBLN provides an interface between HuggingFace libraries ([Transformers](https://huggingface.co/docs/transformers), [Diffusers](https://huggingface.co/docs/diffusers/index)) and RBLN NPUs, including [ATOM](https://rebellions.ai/rebellions-product/rbln-ca25/) and [REBEL](https://rebellions.ai/rebellions-product/rebel/).
|
47
47
|
|
48
|
-
This library enables seamless integration between the
|
48
|
+
This library enables seamless integration between the HuggingFace ecosystem and RBLN NPUs through a comprehensive toolkit for model loading and inference across single and multi-NPU environments. While we maintain a list of [officially validated models and tasks](https://docs.rbln.ai/software/optimum/optimum_rbln.html), users can easily adapt other models and tasks with minimal modifications.
|
49
49
|
|
50
50
|
## Key Features
|
51
51
|
|
52
52
|
🚀 **High Performance Inference**
|
53
53
|
- Optimized model execution on RBLN NPUs through RBLN SDK compilation
|
54
|
-
- Support for both single
|
54
|
+
- Support for both single and multi-NPU inference
|
55
55
|
- Integrated with RBLN Runtime for optimal performance
|
56
56
|
|
57
57
|
🔧 **Easy Integration**
|
58
|
-
- Seamless compatibility with
|
59
|
-
- Drop-in replacement for existing
|
58
|
+
- Seamless compatibility with HuggingFace Model Hub
|
59
|
+
- Drop-in replacement for existing HuggingFace pipelines
|
60
60
|
- Minimal code changes required for NPU acceleration
|
61
61
|
|
62
62
|
|
63
|
+
## Seamless Replacement for Existing HuggingFace Code
|
64
|
+
|
65
|
+
```diff
|
66
|
+
- from diffusers import StableDiffusionXLPipeline
|
67
|
+
+ from optimum.rbln import RBLNStableDiffusionXLPipeline
|
68
|
+
|
69
|
+
# Load model
|
70
|
+
model_id = "stabilityai/stable-diffusion-xl-base-1.0"
|
71
|
+
prompt = "Astronaut in a jungle, cold color palette, muted colors, detailed, 8k"
|
72
|
+
- pipe = StableDiffusionXLPipeline.from_pretrained(model_id)
|
73
|
+
+ pipe = RBLNStableDiffusionXLPipeline.from_pretrained(model_id, export=True)
|
74
|
+
|
75
|
+
# Generate image
|
76
|
+
image = pipe(prompt).images[0]
|
77
|
+
|
78
|
+
# Save image result
|
79
|
+
image.save("image.png")
|
80
|
+
|
81
|
+
+ # (Optional) Save compiled artifacts to skip the compilation step in future runs
|
82
|
+
+ pipe.save_pretrained("compiled_sdxl")
|
83
|
+
```
|
84
|
+
|
63
85
|
## Documentation
|
64
86
|
|
65
87
|
Check out [the documentation of Optimum RBLN](https://docs.rbln.ai/software/optimum/optimum_rbln.html) for more advanced usage.
|
66
88
|
|
67
89
|
## Getting Started
|
68
90
|
|
91
|
+
> **Note:** The `rebel-compiler` library, which is required for running `optimum-rbln`, is only available for approved users. Please refer to the [installation guide](https://docs.rbln.ai/getting_started/installation_guide.html) for instructions on accessing and installing `rebel-compiler`.
|
92
|
+
|
69
93
|
### Install from PyPI
|
70
94
|
|
71
95
|
To install the latest release of this package:
|
72
|
-
|
73
|
-
|
74
|
-
|
75
|
-
export REBEL_PYPI_USERNAME=<username>
|
76
|
-
export REBEL_PYPI_PASSWORD=<password>
|
77
|
-
```
|
78
|
-
|
79
|
-
- Install optimum-rbln package:
|
80
|
-
```bash
|
81
|
-
pip install --index-url https://pypi.rebellions.in/simple optimum-rbln
|
82
|
-
```
|
96
|
+
```bash
|
97
|
+
pip install optimum-rbln
|
98
|
+
```
|
83
99
|
|
84
100
|
### Install from source
|
85
101
|
|
86
102
|
#### Prerequisites
|
87
103
|
|
88
|
-
- Install [uv](https://docs.astral.sh/uv/) (refer [this link](https://docs.astral.sh/uv/getting-started/installation/) for detailed commands)
|
104
|
+
- Install [uv](https://docs.astral.sh/uv/) (refer to [this link](https://docs.astral.sh/uv/getting-started/installation/) for detailed commands)
|
89
105
|
|
90
|
-
The below command installs optimum-rbln along with its dependencies.
|
106
|
+
The below command installs `optimum-rbln` along with its dependencies.
|
91
107
|
|
92
108
|
```bash
|
93
109
|
git clone https://github.com/rebellions-sw/optimum-rbln.git
|
@@ -95,12 +111,7 @@ cd optimum-rbln
|
|
95
111
|
./scripts/uv-sync.sh
|
96
112
|
```
|
97
113
|
|
98
|
-
If you want to install local rebel-compiler as editable mode in uv environment,
|
99
|
-
```bash
|
100
|
-
uv pip install -e /path/to/rebel_compiler/python
|
101
|
-
```
|
102
|
-
|
103
114
|
### Need Help?
|
104
115
|
|
105
|
-
- Join our [Developer Community](https://discuss.rebellions.ai/)
|
106
|
-
- Contact maintainers at [support@rebellions.ai](mailto:support@rebellions.ai)
|
116
|
+
- Join discussions and get answers in our [Developer Community](https://discuss.rebellions.ai/)
|
117
|
+
- Contact maintainers at [support@rebellions.ai](mailto:support@rebellions.ai)
|
@@ -1,110 +1,114 @@
|
|
1
|
-
optimum/rbln/__init__.py,sha256=
|
2
|
-
optimum/rbln/__version__.py,sha256=
|
3
|
-
optimum/rbln/modeling.py,sha256=
|
4
|
-
optimum/rbln/
|
5
|
-
optimum/rbln/
|
6
|
-
optimum/rbln/
|
7
|
-
optimum/rbln/modeling_diffusers.py,sha256=
|
8
|
-
optimum/rbln/diffusers/__init__.py,sha256=
|
9
|
-
optimum/rbln/diffusers/models/
|
10
|
-
optimum/rbln/diffusers/models/controlnet.py,sha256=rIYshEXkBqAGh7cOpfu2quffVHNJj9SQ-ATsgQkre5o,10889
|
1
|
+
optimum/rbln/__init__.py,sha256=A0ydlEd6-L_ol6wfIFaKl3K93O1j6j9lCO9edPs7MJE,6430
|
2
|
+
optimum/rbln/__version__.py,sha256=H-qsvrxCpdhaQzyddR-yajEqI71hPxLa4KxzpP3uS1g,411
|
3
|
+
optimum/rbln/modeling.py,sha256=96N6auaSUpxazRNYCOHv2CyC64T8regJrlcMFQGdwqg,8661
|
4
|
+
optimum/rbln/modeling_base.py,sha256=3EK3eyv011WK7BXT1vt7chZFpgtiOpdd_gF1uDEX5W8,20753
|
5
|
+
optimum/rbln/modeling_config.py,sha256=LxOVAJheEF_A0C3px7pKZCqm3yfTi3-ZGkXJTFBcSc8,11729
|
6
|
+
optimum/rbln/diffusers/__init__.py,sha256=YO3hbNDu4jSG1ZL_be8BlQD2IxYH3USBwj71Gdsncnw,3307
|
7
|
+
optimum/rbln/diffusers/modeling_diffusers.py,sha256=vml1VgNlJAnYIW1pDTI-IGdph1Ji8ZvBlf4k_rw9864,15322
|
8
|
+
optimum/rbln/diffusers/models/__init__.py,sha256=88U_nTn_zDb9lhtT1sn3MSavubrKHu1MmCA48LKOG78,1751
|
9
|
+
optimum/rbln/diffusers/models/controlnet.py,sha256=8Hn765YYj5MFs9J4vvseRYkYoH2mYVq6-4VrMsVfUdE,10888
|
11
10
|
optimum/rbln/diffusers/models/autoencoders/__init__.py,sha256=yc1ABZG3xxzWPDGf0ADEeuSz3Nrq4ZP-CwddQ-VvWCU,1039
|
12
|
-
optimum/rbln/diffusers/models/autoencoders/autoencoder_kl.py,sha256=
|
13
|
-
optimum/rbln/diffusers/models/autoencoders/vae.py,sha256=
|
11
|
+
optimum/rbln/diffusers/models/autoencoders/autoencoder_kl.py,sha256=psW14vL3nJdfTdIdeZ6mF3ed9U85mZN_cX0691ZmnF8,9595
|
12
|
+
optimum/rbln/diffusers/models/autoencoders/vae.py,sha256=YdL-vWy9kHRj3fRUjxAnl8eWEYOV2tE0IrxRoIrlkNs,2888
|
14
13
|
optimum/rbln/diffusers/models/transformers/__init__.py,sha256=2bVk_6nuqcREOIVyR-4w5ksmdWJqyIV7Wxc5x0dqYO8,1048
|
15
|
-
optimum/rbln/diffusers/models/transformers/transformer_sd3.py,sha256=
|
14
|
+
optimum/rbln/diffusers/models/transformers/transformer_sd3.py,sha256=JmqiTq-2iB4y81HrWFAwsGzJISXbU2d6mtH_y7T-_wE,7683
|
16
15
|
optimum/rbln/diffusers/models/unets/__init__.py,sha256=-0PyRbBVBFujd7nBh0Z4NOe3RVOlAWyvWLU8r62dqdo,1049
|
17
|
-
optimum/rbln/diffusers/models/unets/unet_2d_condition.py,sha256=
|
18
|
-
optimum/rbln/diffusers/pipelines/__init__.py,sha256=
|
16
|
+
optimum/rbln/diffusers/models/unets/unet_2d_condition.py,sha256=DrWhElKJ-pMDMfLygmSEm1J0_S_NnnyhqJCHzKW3TuA,14396
|
17
|
+
optimum/rbln/diffusers/pipelines/__init__.py,sha256=7rM-JI07v2yQXnb9CLSG0qkTbswzYSPHRYiPraK2Mw4,2863
|
19
18
|
optimum/rbln/diffusers/pipelines/controlnet/__init__.py,sha256=k0govvSBxBUR5qpxUGxRMHuQCMX7hXHVZ4EqVRw1LWk,1377
|
20
|
-
optimum/rbln/diffusers/pipelines/controlnet/multicontrolnet.py,sha256=
|
21
|
-
optimum/rbln/diffusers/pipelines/controlnet/pipeline_controlnet.py,sha256=
|
22
|
-
optimum/rbln/diffusers/pipelines/controlnet/pipeline_controlnet_img2img.py,sha256=
|
23
|
-
optimum/rbln/diffusers/pipelines/controlnet/pipeline_controlnet_sd_xl.py,sha256=
|
24
|
-
optimum/rbln/diffusers/pipelines/controlnet/pipeline_controlnet_sd_xl_img2img.py,sha256=
|
19
|
+
optimum/rbln/diffusers/pipelines/controlnet/multicontrolnet.py,sha256=l53qsOqazIMnCh71m7RVTaeOlCLdEehKu1Bt48z7Umo,4488
|
20
|
+
optimum/rbln/diffusers/pipelines/controlnet/pipeline_controlnet.py,sha256=ojuRZEBhMb1tVpqOfGALAX4vS7uoTcvQzlCAJtB0kBo,35557
|
21
|
+
optimum/rbln/diffusers/pipelines/controlnet/pipeline_controlnet_img2img.py,sha256=L-wKwpgGWTXwpUGqQ5YtxsikwhWiU9FqsU8zsp3Tz8k,34058
|
22
|
+
optimum/rbln/diffusers/pipelines/controlnet/pipeline_controlnet_sd_xl.py,sha256=X_CMEJvtXjC46QvmoEIZSt3ErydfVaDwsmyzXiOkhHI,45149
|
23
|
+
optimum/rbln/diffusers/pipelines/controlnet/pipeline_controlnet_sd_xl_img2img.py,sha256=HY8lkm8hZynzrJfPC8Fq3f8sFw_LXZLCi8psKyjzK-8,46478
|
25
24
|
optimum/rbln/diffusers/pipelines/stable_diffusion/__init__.py,sha256=7lX6f9XiqROsArw1X0lGsW06H0TrWKwvM9Ye16vis9Y,1224
|
26
|
-
optimum/rbln/diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion.py,sha256=
|
27
|
-
optimum/rbln/diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion_img2img.py,sha256=
|
28
|
-
optimum/rbln/diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion_inpaint.py,sha256=
|
25
|
+
optimum/rbln/diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion.py,sha256=r17vhwwuK5VQGZbQ62LlgKu1e7LHapBlHZydIkAlQk0,1270
|
26
|
+
optimum/rbln/diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion_img2img.py,sha256=cIW1wJKFZfr5rqHUf7FjKNIN7425w4LgYt5yeth6AuA,1298
|
27
|
+
optimum/rbln/diffusers/pipelines/stable_diffusion/pipeline_stable_diffusion_inpaint.py,sha256=rPCj0JsBTrR_XxVh0dpD_8oI3PnYo9ecspGS6t3oYvI,1298
|
29
28
|
optimum/rbln/diffusers/pipelines/stable_diffusion_3/__init__.py,sha256=I1IbI4uo2ZqA2uLbhqW67wW7-8DwqeE-qPGc3BTL7dQ,1233
|
30
|
-
optimum/rbln/diffusers/pipelines/stable_diffusion_3/pipeline_stable_diffusion_3.py,sha256=
|
31
|
-
optimum/rbln/diffusers/pipelines/stable_diffusion_3/pipeline_stable_diffusion_3_img2img.py,sha256=
|
32
|
-
optimum/rbln/diffusers/pipelines/stable_diffusion_3/pipeline_stable_diffusion_3_inpaint.py,sha256=
|
33
|
-
optimum/rbln/diffusers/pipelines/stable_diffusion_xl/__init__.py,sha256=
|
34
|
-
optimum/rbln/diffusers/pipelines/stable_diffusion_xl/pipeline_stable_diffusion_xl.py,sha256=
|
35
|
-
optimum/rbln/diffusers/pipelines/stable_diffusion_xl/pipeline_stable_diffusion_xl_img2img.py,sha256=
|
36
|
-
optimum/rbln/diffusers/pipelines/stable_diffusion_xl/pipeline_stable_diffusion_xl_inpaint.py,sha256=
|
37
|
-
optimum/rbln/
|
38
|
-
optimum/rbln/
|
29
|
+
optimum/rbln/diffusers/pipelines/stable_diffusion_3/pipeline_stable_diffusion_3.py,sha256=6ctjMv6MpRuhTle9L9QTaaBuqmeheOBXJ2CgLiG2LA0,1317
|
30
|
+
optimum/rbln/diffusers/pipelines/stable_diffusion_3/pipeline_stable_diffusion_3_img2img.py,sha256=blojGQ8MLbhPAxQfAv9M9fi3UDNrXJGRs_1Uz2Lqa3U,1345
|
31
|
+
optimum/rbln/diffusers/pipelines/stable_diffusion_3/pipeline_stable_diffusion_3_inpaint.py,sha256=D_xLTE5D9m_wuQdBmcnIdk48Ey5Q_6mzWH3wex1xt4Q,1345
|
32
|
+
optimum/rbln/diffusers/pipelines/stable_diffusion_xl/__init__.py,sha256=eMHZUxczVow6JBNZGZDu_yLbDQIR5EXOGktvsfii2RY,1239
|
33
|
+
optimum/rbln/diffusers/pipelines/stable_diffusion_xl/pipeline_stable_diffusion_xl.py,sha256=KOZXQLyMkJ4-6ts2SeAJM_8wzKl9kAJ3LBZjqWuCzkI,1296
|
34
|
+
optimum/rbln/diffusers/pipelines/stable_diffusion_xl/pipeline_stable_diffusion_xl_img2img.py,sha256=MT5HwEiua0R7xeApk00YM0vJ_EaUrrqPJUzvmizpdwM,1324
|
35
|
+
optimum/rbln/diffusers/pipelines/stable_diffusion_xl/pipeline_stable_diffusion_xl_inpaint.py,sha256=kRd468mTZX4oOKr_9AZH7u7KflbkfQM9bK2CIJ83PBo,1324
|
36
|
+
optimum/rbln/ops/__init__.py,sha256=v5MnYLvX82F_mHM2ng8rUprKDbzATt3LnyrPSoMzNeo,1210
|
37
|
+
optimum/rbln/ops/attn.py,sha256=UfyzBb760e2FAtFMedQQZFCVjlDtQz7wLehqKRuhjT0,10150
|
38
|
+
optimum/rbln/ops/flash_attn.py,sha256=10fc280953kMX6bQpr_0HD5QdzcDUZOnRNz5h56Xmyw,2726
|
39
|
+
optimum/rbln/ops/kv_cache_update.py,sha256=skb1fpyzXzVHra1NZJv3wy5PzzaDDhxYD7s3TwGa7RQ,3537
|
40
|
+
optimum/rbln/transformers/__init__.py,sha256=gug_v2wgSw_9BYmIk9FFmxnXP7VQ6jFt79zdsySkLpg,4501
|
41
|
+
optimum/rbln/transformers/modeling_alias.py,sha256=ezq5taNeBZDOJxA_R9SqiE06bCIxjtLcYDO3nDrQ9Ek,2199
|
42
|
+
optimum/rbln/transformers/modeling_generic.py,sha256=InK0I4QWP4w7QrbRPRGJk-pzY4lcBRbxe0sj4sNqIV0,16981
|
39
43
|
optimum/rbln/transformers/modeling_rope_utils.py,sha256=ob8haNW5f0tPq26xd4sTg-rMrBT9M2VDP7wxt-PkvYY,13087
|
40
44
|
optimum/rbln/transformers/models/__init__.py,sha256=gffOrFFYG3W8ypxpDiUotU-McvjhytffeuUzunjv4nQ,3971
|
41
|
-
optimum/rbln/transformers/models/auto/__init__.py,sha256=
|
45
|
+
optimum/rbln/transformers/models/auto/__init__.py,sha256=Dgy4MoIxFxmSwwfTkw75LYGDK9W9kCsGZU4T5qB8qiA,1428
|
42
46
|
optimum/rbln/transformers/models/auto/auto_factory.py,sha256=JIFL404RVf6kAONhLeEz6z59tdahcUAyVSU8hdZZe0g,7421
|
43
|
-
optimum/rbln/transformers/models/auto/modeling_auto.py,sha256=
|
44
|
-
optimum/rbln/transformers/models/bart/__init__.py,sha256
|
45
|
-
optimum/rbln/transformers/models/bart/bart_architecture.py,sha256=
|
46
|
-
optimum/rbln/transformers/models/bart/modeling_bart.py,sha256=
|
47
|
+
optimum/rbln/transformers/models/auto/modeling_auto.py,sha256=lUI7gqBJ28cU_-19q1a8xJPwGr07hQhm7lTPi3Q4dko,4327
|
48
|
+
optimum/rbln/transformers/models/bart/__init__.py,sha256=F3QY3cwDpHRHxPA0wzzpvxnY1l-p_Xs9yunOZbL0PX4,1068
|
49
|
+
optimum/rbln/transformers/models/bart/bart_architecture.py,sha256=5pxQhMvqEugdsXMNv3hreFu5WlsKcMPTMkjJlIYvcLI,5873
|
50
|
+
optimum/rbln/transformers/models/bart/modeling_bart.py,sha256=MWtY1qFR0liOcS8JRg53EZ_FtFJeZrAAJT44PXnCtm0,5491
|
47
51
|
optimum/rbln/transformers/models/bert/__init__.py,sha256=divBpVNrRAdNAPgnQkGiEZI4oJHCJtLuwdYpMbD3dMM,1034
|
48
52
|
optimum/rbln/transformers/models/bert/modeling_bert.py,sha256=akbsBTsGTs7wrxPw120ryZspwYkmHAUrM4A8Kr3COw4,4111
|
49
53
|
optimum/rbln/transformers/models/clip/__init__.py,sha256=iXZfPPIztzMDOkY3fbEzx9dCkFKKtWYXCpLGfjEUeZE,1092
|
50
|
-
optimum/rbln/transformers/models/clip/modeling_clip.py,sha256=
|
51
|
-
optimum/rbln/transformers/models/decoderonly/__init__.py,sha256=
|
52
|
-
optimum/rbln/transformers/models/decoderonly/decoderonly_architecture.py,sha256=
|
53
|
-
optimum/rbln/transformers/models/decoderonly/modeling_decoderonly.py,sha256=
|
54
|
+
optimum/rbln/transformers/models/clip/modeling_clip.py,sha256=ranLV-NErSUcMEXgR3J4PYaWTMXZaf2qfPabztBLxJM,6099
|
55
|
+
optimum/rbln/transformers/models/decoderonly/__init__.py,sha256=lok5Px8lr71TWcLCQhmBBH2qUvwgeBe5nYKUljWAoIk,1059
|
56
|
+
optimum/rbln/transformers/models/decoderonly/decoderonly_architecture.py,sha256=vLJ_Xq5lukte3PzAxBB32cmkhgFtoPSN0U9n9Lf5XJs,37630
|
57
|
+
optimum/rbln/transformers/models/decoderonly/modeling_decoderonly.py,sha256=B3ZmKnmBR0xAOSFhNXx1Wm6ahZqO2dh9Zi0CsHjM9xQ,25682
|
54
58
|
optimum/rbln/transformers/models/dpt/__init__.py,sha256=R8OHDxOAYPjkk5t8osaPqRh85Pf1Cg1BtzqesqFRcTI,1045
|
55
59
|
optimum/rbln/transformers/models/dpt/modeling_dpt.py,sha256=Re15veJwAz3NaUv2GfrHyGUblW0Jcd2KLv23GutFp64,3805
|
56
60
|
optimum/rbln/transformers/models/exaone/__init__.py,sha256=CuWNwnZrbd_cLU7jDDPqC0kZIqx1ii_BYyQ98CKDag0,1253
|
57
|
-
optimum/rbln/transformers/models/exaone/exaone_architecture.py,sha256=
|
61
|
+
optimum/rbln/transformers/models/exaone/exaone_architecture.py,sha256=V91GyW2uP3W-DAdBEmm1eN_Qddg2ibOni7qzJaVYqIY,3423
|
58
62
|
optimum/rbln/transformers/models/exaone/modeling_exaone.py,sha256=-0VjxpBOQLM3PAmrWCJXkTKQEap577bS_izn-gx8Ew8,2141
|
59
63
|
optimum/rbln/transformers/models/gemma/__init__.py,sha256=L1Qfr6dufWtoUZND_ofwxXPSxivEvPR8exy16a_nM2o,1042
|
60
|
-
optimum/rbln/transformers/models/gemma/gemma_architecture.py,sha256=
|
64
|
+
optimum/rbln/transformers/models/gemma/gemma_architecture.py,sha256=ag0TeVt7pkZ3fNDYfi7TpQbwVvObDNvi7kvybtwEGC8,2359
|
61
65
|
optimum/rbln/transformers/models/gemma/modeling_gemma.py,sha256=floBHXgogv3iAPyjhjKzbjFHeH67L3FYUKs_wtRm-gM,1924
|
62
66
|
optimum/rbln/transformers/models/gpt2/__init__.py,sha256=jsOKYXUclG9G6cwUTUX4eeKqjCPfQUwev7TTFIMXS4Y,1040
|
63
|
-
optimum/rbln/transformers/models/gpt2/gpt2_architecture.py,sha256=
|
64
|
-
optimum/rbln/transformers/models/gpt2/modeling_gpt2.py,sha256=
|
67
|
+
optimum/rbln/transformers/models/gpt2/gpt2_architecture.py,sha256=aYGzhHChNn9UvCRFLe7LwmdmZGNL5b5_x2X__swOXMA,3260
|
68
|
+
optimum/rbln/transformers/models/gpt2/modeling_gpt2.py,sha256=lY9mQVEBpymz78Vkk-LpD3sFEJf69GUJaJQ1vH7zhLk,1884
|
65
69
|
optimum/rbln/transformers/models/llama/__init__.py,sha256=5mX-MuKzVBj6WQeVxyPhtvFTv0jeZXAFfg4RZ2nVUh0,1042
|
66
|
-
optimum/rbln/transformers/models/llama/llama_architecture.py,sha256=
|
70
|
+
optimum/rbln/transformers/models/llama/llama_architecture.py,sha256=UkwDKUmYUtC9_7W4ffjl6M2RNXTuBAwBWVztIbMw3Fg,1122
|
67
71
|
optimum/rbln/transformers/models/llama/modeling_llama.py,sha256=D9efkBVUr7TaOkAkiN_qrtQC0AyzLK7cb7UbZpo4XwI,1924
|
68
72
|
optimum/rbln/transformers/models/llava_next/__init__.py,sha256=3vi2rmTeKBydGRFOtxELhxWixZggFMpGex6xqfMgi-I,1064
|
69
|
-
optimum/rbln/transformers/models/llava_next/modeling_llava_next.py,sha256=
|
73
|
+
optimum/rbln/transformers/models/llava_next/modeling_llava_next.py,sha256=vLNI64l90mAzPdwfMuzF67qhY7PBz2gPI10uYUcpFWE,25884
|
70
74
|
optimum/rbln/transformers/models/midm/__init__.py,sha256=_6kYchy47frGMZ8uoUspZ9IwrmCBQJ-8kVfXM7xOMew,1249
|
71
|
-
optimum/rbln/transformers/models/midm/midm_architecture.py,sha256=
|
72
|
-
optimum/rbln/transformers/models/midm/modeling_midm.py,sha256=
|
75
|
+
optimum/rbln/transformers/models/midm/midm_architecture.py,sha256=W6tYWsRx462CGiB7w4AdTHWUP_ej4ck98a1J3jHhwO8,5696
|
76
|
+
optimum/rbln/transformers/models/midm/modeling_midm.py,sha256=9ysJgW76ikr-23XTG_OD-FwM_7uW56fuTOy30wH233U,2128
|
73
77
|
optimum/rbln/transformers/models/mistral/__init__.py,sha256=XtuOmzBITjj-H1yctXobJjHF908x1Wlxr_p4hi06v8I,1046
|
74
|
-
optimum/rbln/transformers/models/mistral/mistral_architecture.py,sha256=
|
78
|
+
optimum/rbln/transformers/models/mistral/mistral_architecture.py,sha256=18Tp6h-vnKg524AaH3K56G6tKHMZ6uiyVwUg5cXwAGk,1127
|
75
79
|
optimum/rbln/transformers/models/mistral/modeling_mistral.py,sha256=i3X3HKGNee2ocEmpxdHMxuq7UAOgUs-QWlq2OizqA4g,1954
|
76
80
|
optimum/rbln/transformers/models/phi/__init__.py,sha256=LrGFTUo1oQnsPSTlxJqAJVVNUdUwq4u_Bf60RUgjLz4,1038
|
77
81
|
optimum/rbln/transformers/models/phi/modeling_phi.py,sha256=JfpuUB6cign-lqcUoprgq3gbQclZFT9HGV-NYVkSads,1910
|
78
|
-
optimum/rbln/transformers/models/phi/phi_architecture.py,sha256=
|
82
|
+
optimum/rbln/transformers/models/phi/phi_architecture.py,sha256=d71CIMpijgHjGTQbJEFM7JPlmnzkYmiIW_sWLF9HvnY,4390
|
79
83
|
optimum/rbln/transformers/models/qwen2/__init__.py,sha256=1PLl1rlF14C6eSk3EZaDfyEHPaC4DZ2vwVlrklTkOYg,1042
|
80
84
|
optimum/rbln/transformers/models/qwen2/modeling_qwen2.py,sha256=8ldxWKk85snFX_EViA7kgcgKAZ_QSbmQxhlO4yFvhOA,1924
|
81
|
-
optimum/rbln/transformers/models/qwen2/qwen2_architecture.py,sha256
|
85
|
+
optimum/rbln/transformers/models/qwen2/qwen2_architecture.py,sha256=HafB2wFQn4AJ-nHMFc9ftYHZ0WBREHFqucxM6LrRrlA,1114
|
82
86
|
optimum/rbln/transformers/models/seq2seq/__init__.py,sha256=Oa11lBWDNQWahqvDco3JIsZldYS-lO8qjpnaGKSfR00,1045
|
83
|
-
optimum/rbln/transformers/models/seq2seq/modeling_seq2seq.py,sha256=
|
84
|
-
optimum/rbln/transformers/models/
|
85
|
-
optimum/rbln/transformers/models/t5/
|
86
|
-
optimum/rbln/transformers/models/t5/
|
87
|
+
optimum/rbln/transformers/models/seq2seq/modeling_seq2seq.py,sha256=CGpzCM0wcqzTzbEsw_jA0mGloykaxjHPWQIyMnamZOs,15801
|
88
|
+
optimum/rbln/transformers/models/seq2seq/seq2seq_architecture.py,sha256=PrhCrBZb24nzHClQWzllC3-FFulHQ2u7lkbbRX4a1Nc,19447
|
89
|
+
optimum/rbln/transformers/models/t5/__init__.py,sha256=ZyK9sxq2_-4Ub6zofOumFUgr8BcCz164RI9yojI98EA,1069
|
90
|
+
optimum/rbln/transformers/models/t5/modeling_t5.py,sha256=al83l5tKQ-Xp8rCKTHf4uIWV_VfThpfHLgXK0QEomAo,7987
|
91
|
+
optimum/rbln/transformers/models/t5/t5_architecture.py,sha256=u2QyXd9864naTj7aNLlgrt7ILAFzWXvDJJCMsUtEAIE,6603
|
87
92
|
optimum/rbln/transformers/models/wav2vec2/__init__.py,sha256=mz4cXqG9b0tDpTAw3qYn3FaJuolX601VmKBE3gohLSw,1043
|
88
93
|
optimum/rbln/transformers/models/wav2vec2/modeling_wav2vec2.py,sha256=vRDKoujGRvMvyAlJVJhj_EHf0OtQWbZHickFLzGjmDI,4231
|
89
94
|
optimum/rbln/transformers/models/whisper/__init__.py,sha256=PZ8qeAAFMas2MizwVYFxlpFWd5k1Pe1x-0IJfYAMhT8,1059
|
90
|
-
optimum/rbln/transformers/models/whisper/generation_whisper.py,sha256=
|
91
|
-
optimum/rbln/transformers/models/whisper/modeling_whisper.py,sha256=
|
92
|
-
optimum/rbln/transformers/models/whisper/whisper_architecture.py,sha256=
|
95
|
+
optimum/rbln/transformers/models/whisper/generation_whisper.py,sha256=vBtNj7auqjekqwtZQhTIpaauCoFTmufkClz7rRPwZyU,5080
|
96
|
+
optimum/rbln/transformers/models/whisper/modeling_whisper.py,sha256=1C-_mu47aJgd2sDh82mFj030NegYM-_YajZ2d8J_5xM,16215
|
97
|
+
optimum/rbln/transformers/models/whisper/whisper_architecture.py,sha256=0JKv4GCDFo_hBL_J_C_AL9UaUTEDE7FGF_zn4b0Q6fk,13552
|
93
98
|
optimum/rbln/transformers/models/xlm_roberta/__init__.py,sha256=NTj4hCpd8L2_i5DZuV5wp-h8OlTLYVUqTrJxzY_Dg9g,1047
|
94
99
|
optimum/rbln/transformers/models/xlm_roberta/modeling_xlm_roberta.py,sha256=H5SEtmCAuG6pL1ovl4eLPGZ3tx1IPOilsxKvnbFDN-E,3821
|
95
100
|
optimum/rbln/transformers/utils/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
96
|
-
optimum/rbln/transformers/utils/rbln_quantization.py,sha256
|
101
|
+
optimum/rbln/transformers/utils/rbln_quantization.py,sha256=_0rnt83lp2Mg6Z6LZvDfznj7em852Yqzy9PTAMFbrzI,7806
|
97
102
|
optimum/rbln/utils/__init__.py,sha256=F6hJP00eV1_hT_IVwqqYwLWcLQAvZbmmrNMJTia3mjI,1106
|
98
|
-
optimum/rbln/utils/decorator_utils.py,sha256=
|
103
|
+
optimum/rbln/utils/decorator_utils.py,sha256=2yFVaMBDo4F1tHZxZnwcAkhaNm5Q9PXftbSGZWnHXFE,4139
|
99
104
|
optimum/rbln/utils/hub.py,sha256=o-nA2I_jnB0S2AX0-q9lSpSNcdP_TeqZbHv84Gxxvi4,4592
|
100
|
-
optimum/rbln/utils/import_utils.py,sha256=
|
101
|
-
optimum/rbln/utils/logging.py,sha256=
|
102
|
-
optimum/rbln/utils/model_utils.py,sha256=
|
103
|
-
optimum/rbln/utils/runtime_utils.py,sha256=
|
104
|
-
optimum/rbln/utils/save_utils.py,sha256=
|
105
|
-
optimum/rbln/utils/submodule.py,sha256=
|
106
|
-
|
107
|
-
optimum_rbln-0.
|
108
|
-
optimum_rbln-0.
|
109
|
-
optimum_rbln-0.
|
110
|
-
optimum_rbln-0.1.15.dist-info/RECORD,,
|
105
|
+
optimum/rbln/utils/import_utils.py,sha256=Vq651F7OpHdf8XUtmCz4jENXIyqCZHmylrn_XhAOFes,4452
|
106
|
+
optimum/rbln/utils/logging.py,sha256=on5MA3RRi12SSWgdtHQTiHc0GLRguZafdHaLGdTGGHY,3849
|
107
|
+
optimum/rbln/utils/model_utils.py,sha256=Od3XYZyWIm2Kei_BgImSdtqv5zLW9Ilht7lbCWHyfL4,1672
|
108
|
+
optimum/rbln/utils/runtime_utils.py,sha256=oGpsxEwI1oEXXCEb3novE2_nRCF3Wh58-G2vk1ukyuI,4093
|
109
|
+
optimum/rbln/utils/save_utils.py,sha256=k2PwWStUT-eIY6btyM5A98lMxAAPFas3RxeemET6QI4,4001
|
110
|
+
optimum/rbln/utils/submodule.py,sha256=lzD0HYiuo0i5OGnHQgVFdvB4AwLWnPMRCTtMumGY4bc,4465
|
111
|
+
optimum_rbln-0.2.0.dist-info/METADATA,sha256=4oNXHUKYeMQGSDpZDqJGcMfTuwmJ_4rCTE2F4vwkiGI,4834
|
112
|
+
optimum_rbln-0.2.0.dist-info/WHEEL,sha256=qtCwoSJWgHk21S1Kb4ihdzI2rlJ1ZKaIurTj_ngOhyQ,87
|
113
|
+
optimum_rbln-0.2.0.dist-info/licenses/LICENSE,sha256=q7yy_9ECqQIxXbh2yiG4Hjalfp0e2-2Pbdc7psKUVs8,18079
|
114
|
+
optimum_rbln-0.2.0.dist-info/RECORD,,
|