Skip to content

Commit 8faaed3

Browse files
authored
Release Feb 28, 2025 : DeepSeekR1(distill), Kandinsky, etc. (#52)
1 parent a477633 commit 8faaed3

File tree

149 files changed

+2874
-112
lines changed

Some content is hidden

Large Commits have some content hidden by default. Use the searchbox below for content that may be hidden.

149 files changed

+2874
-112
lines changed

CHANGELOG.md

Lines changed: 21 additions & 0 deletions
Original file line numberDiff line numberDiff line change
@@ -1,5 +1,26 @@
11
# Change Log
22

3+
## Feburary, 28th 2025 (v0.5.7)
4+
- Compatible version:
5+
- `rebel-compiler`: v0.7.2
6+
- `optimum-rbln`: v0.7.2
7+
- Added new models:
8+
- `Natural Language Processing`:
9+
- DeepSeek-R1-Distill-Llama-8B
10+
- DeepSeek-R1-Distill-Llama-70B
11+
- DeepSeek-R1-Distill-Qwen-1.5B
12+
- DeepSeek-R1-Distill-Qwen-7B
13+
- DeepSeek-R1-Distill-Qwen-14B
14+
- DeepSeek-R1-Distill-Qwen-32B
15+
- Ko-Reranker
16+
- KR-SBERT
17+
- LaBSE
18+
- `Generative AI`
19+
- Kandinsky v2.2 - Inpainting
20+
- Added supplementary guides for the model serving tutorial
21+
- [Software > Model Serving > Nvidia Triton Infernece Server](https://docs.rbln.ai/software/model_serving/torchserve/torchserve.html)
22+
- Updated to support the latest transformers (v4.48.3) and diffusers (v0.31.0)
23+
324
## Feburary, 4th 2025 (v0.5.6)
425
- Compatible version:
526
- `rebel-compiler`: v0.7.1

README.md

Lines changed: 6 additions & 7 deletions
Original file line numberDiff line numberDiff line change
@@ -20,9 +20,8 @@ All deep learning examples in the RBLN Model Zoo include two files: `compile.py`
2020

2121
- HuggingFace Models
2222

23-
[Optimum RBLN](https://docs.rbln.ai/software/optimum/optimum_rbln.html) serves as a bridge connecting the HuggingFace `transformers`/`diffusers` libraries to RBLN NPUs. It offers a set of tools that enable easy model compilation and inference for both single and multi-NPU (Rebellions Scalable Design) configurations, across a range of downstream tasks. You need an [RBLN portal account](https://docs.rbln.ai/getting_started/installation_guide.html#installation-guide) to install `optimum-rbln`. To install prereuisites for HuggingFace models, navigate to the model's directory and use its requirements.txt:
23+
[Optimum RBLN](https://docs.rbln.ai/software/optimum/optimum_rbln.html) serves as a bridge connecting the HuggingFace `transformers`/`diffusers` libraries to RBLN NPUs. It offers a set of tools that enable easy model compilation and inference for both single and multi-NPU (Rebellions Scalable Design) configurations, across a range of downstream tasks. To install prereuisites for HuggingFace models, navigate to the model's directory and use its requirements.txt:
2424
```bash
25-
pip3 install -i https://pypi.rbln.ai/simple optimum-rbln
2625
pip3 install -r <model_directory>/requirements.txt
2726
```
2827
For instance:
@@ -56,8 +55,8 @@ You can find the complete list of models on our [homepage](https://rebellions.ai
5655
Explore [RBLN SDK documentation](https://docs.rbln.ai) to access detailed information including:
5756
5857
- Tutorials
59-
- [PyTorch: ResNet50](https://docs.rbln.ai/tutorial/basic/pytorch_resnet50.html)
60-
- [TensorFlow: BERT-base](https://docs.rbln.ai/tutorial/basic/tensorflow_bert.html)
58+
- [PyTorch: ResNet50](https://docs.rbln.ai/software/api/python/tutorial/basic/pytorch_resnet50.html)
59+
- [TensorFlow: BERT-base](https://docs.rbln.ai/software/api/python/tutorial/basic/tensorflow_bert.html)
6160
- [HuggingFace transformers: LLama2-7b](https://docs.rbln.ai/software/optimum/tutorial/llama_7b.html)
6261
- [HuggingFace diffusers: SDXL-turbo](https://docs.rbln.ai/software/optimum/tutorial/sdxl_turbo.html)
6362
- [C/C++ binding: ResNet50](https://docs.rbln.ai/software/api/language_binding/c/tutorial/image_classification.html)
@@ -68,9 +67,9 @@ Explore [RBLN SDK documentation](https://docs.rbln.ai) to access detailed inform
6867
- [C/C++ Binding API](https://docs.rbln.ai/software/api/language_binding/c/api.html)
6968
- [Supported Models](https://docs.rbln.ai/misc/pytorch_modelzoo.html)
7069
- [Supported Operations](https://docs.rbln.ai/misc/supported_ops_pytorch.html)
71-
- [Model Serving Guide using Nvidia Triton Inference Server](https://docs.rbln.ai/software/model_serving/tritonserver.html)
72-
- [vLLM Support](https://docs.rbln.ai/tutorial/advanced/llm_serving.html#continuous-batching-support-with-vllm-rbln)
73-
- [Tools](https://docs.rbln.ai/software/tools.html)
70+
- [Model Serving Guide using Nvidia Triton Inference Server](https://docs.rbln.ai/software/model_serving/nvidia_triton_inference_server/installation.html)
71+
- [vLLM Support](https://docs.rbln.ai/software/model_serving/vllm_support/vllm-rbln.html)
72+
- [Device Management](https://docs.rbln.ai/software/system_management/device_management.html)
7473
7574
## Release Notes
7675
For detailed information on updates and changes, please refer to the [release notes](CHANGELOG.md).

huggingface/audio-classification/ast/requirements.txt

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -1,4 +1,3 @@
1-
--extra-index-url https://pypi.rbln.ai/simple/ https://download.pytorch.org/whl/cpu
21
optimum-rbln
32
datasets>=2.19.1
43
soundfile>=0.12.1
Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -1,2 +1 @@
1-
--extra-index-url https://pypi.rbln.ai/simple/ https://download.pytorch.org/whl/cpu
21
optimum-rbln
Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -1,4 +1,3 @@
1-
--extra-index-url https://pypi.rbln.ai/simple/
21
huggingface-hub>=0.23.0
32
optimum-rbln
43

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -1,4 +1,3 @@
1-
--extra-index-url https://pypi.rbln.ai/simple/
21
huggingface-hub>=0.23.0
32
optimum-rbln
43

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -1,4 +1,3 @@
1-
--extra-index-url https://pypi.rbln.ai/simple/
21
huggingface-hub>=0.23.0
32
optimum-rbln
43

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -1,3 +1,2 @@
1-
--extra-index-url https://pypi.rbln.ai/simple/
21
optimum-rbln
32

Lines changed: 0 additions & 1 deletion
Original file line numberDiff line numberDiff line change
@@ -1,3 +1,2 @@
1-
--extra-index-url https://pypi.rbln.ai/simple/
21
optimum-rbln
32

Lines changed: 22 additions & 0 deletions
Original file line numberDiff line numberDiff line change
@@ -0,0 +1,22 @@
1+
import os
2+
3+
from optimum.rbln import RBLNXLMRobertaForSequenceClassification
4+
5+
6+
def main():
7+
model_id = "Dongjin-kr/ko-reranker"
8+
9+
# Compile and export
10+
model = RBLNXLMRobertaForSequenceClassification.from_pretrained(
11+
model_id=model_id,
12+
export=True, # export a PyTorch model to RBLN model with optimum
13+
rbln_batch_size=1,
14+
rbln_max_seq_len=512,
15+
)
16+
17+
# Save compiled results to disk
18+
model.save_pretrained(os.path.basename(model_id))
19+
20+
21+
if __name__ == "__main__":
22+
main()

0 commit comments

Comments
 (0)