Skip to content
Open
Show file tree
Hide file tree
Changes from all commits
Commits
Show all changes
53 commits
Select commit Hold shift + click to select a range
7f45ff5
Fix bugs (#4616)
Bobholamovic Oct 16, 2025
680a148
Do not use direct links (#4618)
Bobholamovic Oct 16, 2025
e1664fe
fix PaddleOCR-VL name - local (#4617)
zhang-prog Oct 16, 2025
1c2f286
Fix mkdocs.yml (#4619)
Bobholamovic Oct 16, 2025
682c15b
Fix typos (#4621)
Bobholamovic Oct 16, 2025
a2be29d
support concatenate_markdown_pages (#4622)
changdazhou Oct 16, 2025
0e27be0
Bump version to 3.3.1
Bobholamovic Oct 16, 2025
518d72c
PaddleOCR-VL, PP-DocLayoutV2 has been upload to models hosting platform
TingquanGao Oct 16, 2025
b661273
Bump version to 3.2.2
Bobholamovic Oct 16, 2025
f887a30
genai plugin: add wheel package (#4626)
zhang-prog Oct 16, 2025
599daa2
bugfix: map PaddleOCR-VL-0.9B to PaddleOCR-VL
TingquanGao Oct 16, 2025
d442a10
Bump version to 3.3.3
Bobholamovic Oct 16, 2025
5c8b02f
[cherry-pick] use FlashAttention 2.8.2 (#4631)
zhang-prog Oct 17, 2025
d82d091
Fix HPS bugs (#4633)
Bobholamovic Oct 17, 2025
2ffd6c7
[cherry-pick] fix typo (#4634)
zhang-prog Oct 17, 2025
c8d21e6
Cap langchain version
Bobholamovic Oct 20, 2025
0d397f5
[Cherry-Pick] #4643 #4645 #4648 (#4649)
Bobholamovic Oct 20, 2025
9824644
Merge branch 'develop' into release/3.3
Bobholamovic Oct 20, 2025
6622b3b
Bump version to 3.3.4
Bobholamovic Oct 20, 2025
677ea06
Fix assemble script (#4650)
Bobholamovic Oct 20, 2025
5955254
bugfix: fix PaddleOCR-VL downloading from AIStudio
TingquanGao Oct 23, 2025
c1ca660
fix: use cv2.imdecode to support reading files with Chinese character…
TingquanGao Oct 23, 2025
32fe2f7
support set max_new_tokens
changdazhou Oct 23, 2025
f6bb816
Remove broken quantization_config logic (#4654)
Bobholamovic Oct 23, 2025
803bdd1
PaddleOCR-VL supports FP32 (#4658)
Bobholamovic Oct 23, 2025
b2ebed2
Bump version to 3.3.5
Bobholamovic Oct 23, 2025
406d84d
PaddleOCR-VL supports CPU and CUDA 11 (#4666)
Bobholamovic Oct 24, 2025
7905c55
update docs
changdazhou Oct 24, 2025
61932c3
compatible with python3.9
changdazhou Oct 24, 2025
eaa32c1
support print parsing_res_list
changdazhou Oct 27, 2025
9579f20
update for new chat_template (#4672)
zhang-prog Oct 27, 2025
0af6510
[cherry-pick]mv crop formula from gen_ai_client to pipeline (#4679)
changdazhou Oct 28, 2025
e0c509e
use model cache files when network is unavailable (#4676)
TingquanGao Oct 28, 2025
1da53a1
[Feat] Add genai-vllm-server Dockerfile and build script (#4680)
Bobholamovic Oct 28, 2025
802629c
Bump version to 3.3.6
Bobholamovic Oct 28, 2025
89d37a2
Merge branch 'develop' into release/3.3
Bobholamovic Nov 5, 2025
2348ac0
Bump version to 3.3.7
Bobholamovic Nov 5, 2025
56078fe
Fix bugs (#4707)
Bobholamovic Nov 5, 2025
ddacf07
Bump version to 3.3.8
Bobholamovic Nov 5, 2025
f89f8c7
Fix bugs (#4708)
Bobholamovic Nov 5, 2025
8cb7434
Fix bug (#4709)
Bobholamovic Nov 5, 2025
a88b267
disable mkldnn by default for PP-DocLayoutV2
TingquanGao Nov 10, 2025
54baddb
[Feat] Support vLLM deployment on DCUs (#4710)
Bobholamovic Nov 10, 2025
24acf03
Bump FD version from 2.3.0rc0 to 2.3.0 (#4721)
Bobholamovic Nov 10, 2025
2526aad
Bump version to 3.3.9
Bobholamovic Nov 10, 2025
acab8aa
Replace naive eager attention with SDPA (#4725)
Bobholamovic Nov 13, 2025
dc0075e
HPI Supports paddle 3.2 (#4754)
Bobholamovic Nov 21, 2025
d8719aa
update fd config (#4760)
zhang-prog Nov 24, 2025
1bec5c2
Bump version to 3.3.10
Bobholamovic Nov 24, 2025
acdc053
Fix: Update imports to resolve ModuleNotFoundError for 'langchain.doc…
Yugsolanki Nov 26, 2025
d50bb5f
Refactor: Eliminate langchain_classic dependency using core langchain…
Yugsolanki Nov 26, 2025
7efc2d6
Merge branch 'fix/module-not-found-langchain-docstore' into develop
Yugsolanki Dec 30, 2025
4c8bc25
Merge branch 'develop' into develop
Yugsolanki Dec 30, 2025
File filter

Filter by extension

Filter by extension


Conversations
Failed to load comments.
Loading
Jump to
Jump to file
Failed to load files.
Loading
Diff view
Diff view
1 change: 1 addition & 0 deletions deploy/hps/server_env/requirements/app.in
Original file line number Diff line number Diff line change
Expand Up @@ -4,4 +4,5 @@ numpy >= 1.24
opencv-contrib-python == 4.10.0.84
pycocotools >= 2
pydantic >= 2
safetensors @ https://paddle-whl.bj.bcebos.com/nightly/cu126/safetensors/safetensors-0.6.2.dev0-cp38-abi3-linux_x86_64.whl
typing-extensions >= 4.11
5 changes: 5 additions & 0 deletions deploy/hps/server_env/requirements/cpu.txt
Original file line number Diff line number Diff line change
Expand Up @@ -174,6 +174,7 @@ lxml==5.3.1
# paddlex (../../../setup.py)
# premailer
# python-docx
# python-docx
markupsafe==3.0.2
# via jinja2
marshmallow==3.26.1
Expand Down Expand Up @@ -243,6 +244,7 @@ packaging==24.2
# matplotlib
# paddlex (../../../setup.py)
# scikit-image
paddlepaddle @ https://paddle-whl.bj.bcebos.com/stable/cpu/paddlepaddle/paddlepaddle-3.2.1-cp310-cp310-linux_x86_64.whl
paddlepaddle @ https://paddle-whl.bj.bcebos.com/stable/cpu/paddlepaddle/paddlepaddle-3.2.1-cp310-cp310-linux_x86_64.whl
# via -r requirements/cpu.in
pandas==1.3.5
Expand Down Expand Up @@ -304,6 +306,8 @@ python-dateutil==2.9.0.post0
# pandas
python-docx==1.2.0
# via paddlex (../../../setup.py)
python-docx==1.2.0
# via paddlex (../../../setup.py)
pytz==2025.1
# via pandas
pyyaml==6.0.2
Expand Down Expand Up @@ -408,6 +412,7 @@ typing-extensions==4.12.2
# pydantic
# pydantic-core
# python-docx
# python-docx
# sqlalchemy
# typing-inspect
# uvicorn
Expand Down
5 changes: 5 additions & 0 deletions deploy/hps/server_env/requirements/gpu.txt
Original file line number Diff line number Diff line change
Expand Up @@ -174,6 +174,7 @@ lxml==5.3.1
# paddlex (../../../setup.py)
# premailer
# python-docx
# python-docx
markupsafe==3.0.2
# via jinja2
marshmallow==3.26.1
Expand Down Expand Up @@ -243,6 +244,7 @@ packaging==24.2
# matplotlib
# paddlex (../../../setup.py)
# scikit-image
paddlepaddle-gpu @ https://paddle-model-ecology.bj.bcebos.com/paddlex/PaddleX3.0/deploy/deps/paddlepaddle/paddlepaddle_gpu-3.2.1%2Bfc-cp310-cp310-linux_x86_64.whl
paddlepaddle-gpu @ https://paddle-model-ecology.bj.bcebos.com/paddlex/PaddleX3.0/deploy/deps/paddlepaddle/paddlepaddle_gpu-3.2.1%2Bfc-cp310-cp310-linux_x86_64.whl
# via -r requirements/gpu.in
pandas==1.3.5
Expand Down Expand Up @@ -304,6 +306,8 @@ python-dateutil==2.9.0.post0
# pandas
python-docx==1.2.0
# via paddlex (../../../setup.py)
python-docx==1.2.0
# via paddlex (../../../setup.py)
pytz==2025.1
# via pandas
pyyaml==6.0.2
Expand Down Expand Up @@ -408,6 +412,7 @@ typing-extensions==4.12.2
# pydantic
# pydantic-core
# python-docx
# python-docx
# sqlalchemy
# starlette
# typing-inspect
Expand Down
4 changes: 2 additions & 2 deletions docs/pipeline_usage/tutorials/ocr_pipelines/PaddleOCR-VL.md
Original file line number Diff line number Diff line change
Expand Up @@ -1087,8 +1087,8 @@ paddlex --get_pipeline_config PaddleOCR-VL
VLRecognition:
...
genai_config:
backend: vllm-server
server_url: http://127.0.0.1:8118/v1
backend: vllm
server_url: http://127.0.0.1:8118
```

之后,可以使用修改好的配置文件进行产线调用。例如通过 CLI 调用:
Expand Down
2 changes: 1 addition & 1 deletion paddlex/.version
Original file line number Diff line number Diff line change
@@ -1 +1 @@
3.3.0
3.3.10
37 changes: 37 additions & 0 deletions paddlex/inference/models/doc_vlm/modeling/paddleocr_vl/_siglip.py
Original file line number Diff line number Diff line change
Expand Up @@ -111,17 +111,27 @@ def eager_attention_forward(
attn_weights = paddle.matmul(x=query.scale(scaling), y=key, transpose_y=True)
attn_weights = attn_weights.cast(paddle.float32)

origin_dtype = query.dtype

attn_weights = paddle.matmul(x=query.scale(scaling), y=key, transpose_y=True)
attn_weights = attn_weights.cast(paddle.float32)

if attention_mask is not None:
attnetion_mask = attention_mask.cast(paddle.float32)
attnetion_mask = attention_mask.cast(paddle.float32)
attn_weights = attn_weights + attention_mask

attn_weights = F.softmax(attn_weights, axis=-1)
attn_weights = attn_weights.cast(origin_dtype)

attn_weights = F.softmax(attn_weights, axis=-1)
attn_weights = attn_weights.cast(origin_dtype)

attn_weights = F.dropout(attn_weights, p=dropout, training=module.training)

attn_output = paddle.matmul(attn_weights, value)
attn_output = attn_output.transpose((0, 2, 1, 3))
attn_output = attn_output.transpose((0, 2, 1, 3))

return attn_output, attn_weights

Expand Down Expand Up @@ -182,6 +192,11 @@ def forward(
cos, sin = rope_emb
q, k = apply_rotary_pos_emb_vision(q, k, cos, sin)

if not self._supports_sdpa or q.dtype == paddle.float32:
# → [B, H, L, Dh]
q = q.transpose([0, 2, 1, 3])
k = k.transpose([0, 2, 1, 3])
v = v.transpose([0, 2, 1, 3])
if not self._supports_sdpa or q.dtype == paddle.float32:
# → [B, H, L, Dh]
q = q.transpose([0, 2, 1, 3])
Expand Down Expand Up @@ -210,6 +225,28 @@ def forward(
training=self.training,
)
attn_output = attn_output.reshape([B, L, D])
attn_output, _ = eager_attention_forward(
self,
q,
k,
v,
attention_mask,
is_causal=self.is_causal,
scaling=self.scale,
dropout=0.0 if not self.training else self.dropout,
)
attn_output = attn_output.reshape([B, L, D])
else:
attn_output = paddle.nn.functional.scaled_dot_product_attention(
q,
k,
v,
attention_mask,
dropout_p=self.dropout,
is_causal=self.is_causal,
training=self.training,
)
attn_output = attn_output.reshape([B, L, D])

attn_output = self.out_proj(attn_output)

Expand Down
4 changes: 2 additions & 2 deletions paddlex/inference/pipelines/components/retriever/base.py
Original file line number Diff line number Diff line change
Expand Up @@ -22,8 +22,8 @@
from .....utils.subclass_register import AutoRegisterABCMetaClass

if is_dep_available("langchain"):
from langchain.docstore.document import Document
from langchain.text_splitter import RecursiveCharacterTextSplitter
from langchain_core.documents.base import Document
from langchain_text_splitters.character import RecursiveCharacterTextSplitter
if is_dep_available("langchain-community"):
from langchain_community import vectorstores
from langchain_community.vectorstores import FAISS
Expand Down