Skip to content

Commit 267cad1

Browse files
WenjiaoYuepre-commit-ci[bot]ZePan110
authoredJan 8, 2025··
Refactor reranking (#1113)
Signed-off-by: WenjiaoYue <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> Co-authored-by: pre-commit-ci[bot] <66853113+pre-commit-ci[bot]@users.noreply.github.com> Co-authored-by: ZePan110 <[email protected]>
1 parent ca21633 commit 267cad1

27 files changed

+235
-112
lines changed
 

‎.github/CODEOWNERS

+1-1
Original file line numberDiff line numberDiff line change
@@ -21,7 +21,7 @@
2121
/comps/lvms/ sihan.chen@intel.com liang1.lv@intel.com
2222
/comps/prompt_registry/ hoong.tee.yeoh@intel.com xinyao.wang@intel.com
2323
/comps/ragas/ kaokao.lv@intel.com liang1.lv@intel.com
24-
/comps/reranks/ kaokao.lv@intel.com liang1.lv@intel.com
24+
/comps/rerankings/ kaokao.lv@intel.com liang1.lv@intel.com
2525
/comps/retrievers/ kaokao.lv@intel.com liang1.lv@intel.com
2626
/comps/text2image/ xinyu.ye@intel.com liang1.lv@intel.com
2727
/comps/text2sql/ yogesh.pandey@intel.com qing.yao@intel.com

‎.github/workflows/docker/compose/reranks-compose.yaml ‎.github/workflows/docker/compose/rerankings-compose.yaml

+1-1
Original file line numberDiff line numberDiff line change
@@ -5,5 +5,5 @@
55
services:
66
reranking:
77
build:
8-
dockerfile: comps/reranks/src/Dockerfile
8+
dockerfile: comps/rerankings/src/Dockerfile
99
image: ${REGISTRY:-opea}/reranking:${TAG:-latest}

‎.github/workflows/manual-comps-test.yml

+1-1
Original file line numberDiff line numberDiff line change
@@ -7,7 +7,7 @@ on:
77
inputs:
88
services:
99
default: "asr"
10-
description: "List of services to test [agent,asr,chathistory,dataprep,embeddings,feedback_management,finetuning,guardrails,intent_detection,knowledgegraphs,llms,lvms,nginx,prompt_registry,ragas,reranks,retrievers,tts,vectorstores,web_retrievers]"
10+
description: "List of services to test [agent,asr,chathistory,dataprep,embeddings,feedback_management,finetuning,guardrails,intent_detection,knowledgegraphs,llms,lvms,nginx,prompt_registry,ragas,rerankings,retrievers,tts,vectorstores,web_retrievers]"
1111
required: true
1212
type: string
1313
build:

‎.github/workflows/manual-docker-publish.yml

+1-1
Original file line numberDiff line numberDiff line change
@@ -7,7 +7,7 @@ on:
77
inputs:
88
services:
99
default: ""
10-
description: "List of services to test [agent,asr,chathistory,dataprep,embeddings,feedback_management,finetuning,guardrails,intent_detection,knowledgegraphs,llms,lvms,nginx,prompt_registry,ragas,reranks,retrievers,tts,vectorstores,web_retrievers]"
10+
description: "List of services to test [agent,asr,chathistory,dataprep,embeddings,feedback_management,finetuning,guardrails,intent_detection,knowledgegraphs,llms,lvms,nginx,prompt_registry,ragas,rerankings,retrievers,tts,vectorstores,web_retrievers]"
1111
required: false
1212
type: string
1313
images:

‎.github/workflows/manual-docker-scan.yml

+1-1
Original file line numberDiff line numberDiff line change
@@ -7,7 +7,7 @@ on:
77
inputs:
88
services:
99
default: "asr"
10-
description: "List of services to test [agent_langchain,asr,chathistory_mongo,dataprep_milvus...]" #,embeddings,guardrails,llms,lvms,prompt_registry,ragas,reranks,retrievers,tts,vectorstores,web_retrievers]"
10+
description: "List of services to test [agent_langchain,asr,chathistory_mongo,dataprep_milvus...]" #,embeddings,guardrails,llms,lvms,prompt_registry,ragas,rerankings,retrievers,tts,vectorstores,web_retrievers]"
1111
required: false
1212
type: string
1313
images:

‎README.md

+2-2
Original file line numberDiff line numberDiff line change
@@ -41,8 +41,8 @@ The initially supported `Microservices` are described in the below table. More `
4141
| [Embedding](./comps/embeddings/src/README.md) | [LangChain](https://www.langchain.com)/[LlamaIndex](https://www.llamaindex.ai) | [BAAI/bge-base-en-v1.5](https://huggingface.co/BAAI/bge-base-en-v1.5) | [TEI-Gaudi](https://github.com/huggingface/tei-gaudi) | Gaudi2 | Embedding on Gaudi2 |
4242
| [Embedding](./comps/embeddings/src/README.md) | [LangChain](https://www.langchain.com)/[LlamaIndex](https://www.llamaindex.ai) | [BAAI/bge-base-en-v1.5](https://huggingface.co/BAAI/bge-base-en-v1.5) | [TEI](https://github.com/huggingface/text-embeddings-inference) | Xeon | Embedding on Xeon CPU |
4343
| [Retriever](./comps/retrievers/src/README.md) | [LangChain](https://www.langchain.com)/[LlamaIndex](https://www.llamaindex.ai) | [BAAI/bge-base-en-v1.5](https://huggingface.co/BAAI/bge-base-en-v1.5) | [TEI](https://github.com/huggingface/text-embeddings-inference) | Xeon | Retriever on Xeon CPU |
44-
| [Reranking](./comps/reranks/src/README.md) | [LangChain](https://www.langchain.com)/[LlamaIndex](https://www.llamaindex.ai) | [BAAI/bge-reranker-base](https://huggingface.co/BAAI/bge-reranker-base) | [TEI-Gaudi](https://github.com/huggingface/tei-gaudi) | Gaudi2 | Reranking on Gaudi2 |
45-
| [Reranking](./comps/reranks/src/README.md) | [LangChain](https://www.langchain.com)/[LlamaIndex](https://www.llamaindex.ai) | [BBAAI/bge-reranker-base](https://huggingface.co/BAAI/bge-reranker-base) | [TEI](https://github.com/huggingface/text-embeddings-inference) | Xeon | Reranking on Xeon CPU |
44+
| [Reranking](./comps/rerankings/src/README.md) | [LangChain](https://www.langchain.com)/[LlamaIndex](https://www.llamaindex.ai) | [BAAI/bge-reranker-base](https://huggingface.co/BAAI/bge-reranker-base) | [TEI-Gaudi](https://github.com/huggingface/tei-gaudi) | Gaudi2 | Reranking on Gaudi2 |
45+
| [Reranking](./comps/rerankings/src/README.md) | [LangChain](https://www.langchain.com)/[LlamaIndex](https://www.llamaindex.ai) | [BBAAI/bge-reranker-base](https://huggingface.co/BAAI/bge-reranker-base) | [TEI](https://github.com/huggingface/text-embeddings-inference) | Xeon | Reranking on Xeon CPU |
4646
| [ASR](./comps/asr/src/README.md) | NA | [openai/whisper-small](https://huggingface.co/openai/whisper-small) | NA | Gaudi2 | Audio-Speech-Recognition on Gaudi2 |
4747
| [ASR](./comps/asr/src/README.md) | NA | [openai/whisper-small](https://huggingface.co/openai/whisper-small) | NA | Xeon | Audio-Speech-RecognitionS on Xeon CPU |
4848
| [TTS](./comps/tts/src/README.md) | NA | [microsoft/speecht5_tts](https://huggingface.co/microsoft/speecht5_tts) | NA | Gaudi2 | Text-To-Speech on Gaudi2 |

‎comps/finetuning/README.md

+1-1
Original file line numberDiff line numberDiff line change
@@ -244,7 +244,7 @@ curl http://${your_ip}:8015/v1/finetune/list_checkpoints -X POST -H "Content-Typ
244244

245245
### 3.4 Leverage fine-tuned model
246246

247-
After fine-tuning job is done, fine-tuned model can be chosen from listed checkpoints, then the fine-tuned model can be used in other microservices. For example, fine-tuned reranking model can be used in [reranks](../reranks/src/README.md) microservice by assign its path to the environment variable `RERANK_MODEL_ID`, fine-tuned embedding model can be used in [embeddings](../embeddings/src/README.md) microservice by assign its path to the environment variable `model`, LLMs after instruction tuning can be used in [llms](../llms/src/text-generation/README.md) microservice by assign its path to the environment variable `your_hf_llm_model`.
247+
After fine-tuning job is done, fine-tuned model can be chosen from listed checkpoints, then the fine-tuned model can be used in other microservices. For example, fine-tuned reranking model can be used in [rerankings](../rerankings/src/README.md) microservice by assign its path to the environment variable `RERANK_MODEL_ID`, fine-tuned embedding model can be used in [embeddings](../embeddings/src/README.md) microservice by assign its path to the environment variable `model`, LLMs after instruction tuning can be used in [llms](../llms/src/text-generation/README.md) microservice by assign its path to the environment variable `your_hf_llm_model`.
248248

249249
## 🚀4. Descriptions for Finetuning parameters
250250

‎comps/lvms/llama-vision/transformers_generation_utils.py

+1-1
Original file line numberDiff line numberDiff line change
@@ -4238,7 +4238,7 @@ def _ranking_fast(
42384238
alpha: float,
42394239
beam_width: int,
42404240
) -> torch.FloatTensor:
4241-
"""Reranks the top_k candidates based on a degeneration penalty (cosine similarity with previous tokens), as described
4241+
"""Rerankings the top_k candidates based on a degeneration penalty (cosine similarity with previous tokens), as described
42424242
in the paper "A Contrastive Framework for Neural Text Generation".
42434243
42444244
Returns the index of the best candidate for each

‎comps/reranks/deployment/docker_compose/rerank_tei.yaml ‎comps/rerankings/deployment/docker_compose/rerank_tei.yaml

+1
Original file line numberDiff line numberDiff line change
@@ -29,6 +29,7 @@ services:
2929
http_proxy: ${http_proxy}
3030
https_proxy: ${https_proxy}
3131
TEI_RERANKING_ENDPOINT: ${TEI_RERANKING_ENDPOINT}
32+
RERANK_COMPONENT_NAME: "OPEA_TEI_RERANKING"
3233
HF_TOKEN: ${HF_TOKEN}
3334
depends_on:
3435
tei_reranking_service:
Original file line numberDiff line numberDiff line change
@@ -0,0 +1,22 @@
1+
# Copyright (C) 2024 Intel Corporation
2+
# SPDX-License-Identifier: Apache-2.0
3+
4+
services:
5+
reranking:
6+
image: opea/reranking:latest
7+
container_name: reranking-videoqna-server
8+
ports:
9+
- "8000:8000"
10+
ipc: host
11+
environment:
12+
no_proxy: ${no_proxy}
13+
http_proxy: ${http_proxy}
14+
https_proxy: ${https_proxy}
15+
CHUNK_DURATION: ${CHUNK_DURATION}
16+
FILE_SERVER_ENDPOINT: ${FILE_SERVER_ENDPOINT}
17+
RERANK_COMPONENT_NAME: "OPEA_VIDEO_RERANKING"
18+
restart: unless-stopped
19+
20+
networks:
21+
default:
22+
driver: bridge

‎comps/rerankings/src/Dockerfile

+46
Original file line numberDiff line numberDiff line change
@@ -0,0 +1,46 @@
1+
# Copyright (C) 2024 Intel Corporation
2+
# SPDX-License-Identifier: Apache-2.0
3+
4+
FROM python:3.11-slim
5+
6+
ENV LANG=C.UTF-8
7+
8+
ARG ARCH="cpu"
9+
ARG SERVICE="all"
10+
11+
RUN apt-get update -y && apt-get install -y --no-install-recommends --fix-missing \
12+
git \
13+
libgl1-mesa-glx \
14+
libjemalloc-dev
15+
16+
RUN useradd -m -s /bin/bash user && \
17+
mkdir -p /home/user && \
18+
chown -R user /home/user/
19+
20+
USER user
21+
22+
COPY comps /home/user/comps
23+
24+
RUN if [ ${ARCH} = "cpu" ]; then \
25+
pip install --no-cache-dir torch --index-url https://download.pytorch.org/whl/cpu; \
26+
fi && \
27+
if [ ${SERVICE} = "videoqna" ]; then \
28+
pip install --no-cache-dir --upgrade pip setuptools && \
29+
pip install --no-cache-dir -r /home/user/comps/rerankings/src/requirements_videoqna.txt; \
30+
elif [ ${SERVICE} = "all" ]; then \
31+
git clone https://github.com/IntelLabs/fastRAG.git /home/user/fastRAG && \
32+
cd /home/user/fastRAG && \
33+
pip install --no-cache-dir --upgrade pip && \
34+
pip install --no-cache-dir . && \
35+
pip install --no-cache-dir .[intel] && \
36+
pip install --no-cache-dir -r /home/user/comps/rerankings/src/requirements_videoqna.txt; \
37+
fi && \
38+
pip install --no-cache-dir --upgrade pip setuptools && \
39+
pip install --no-cache-dir -r /home/user/comps/rerankings/src/requirements.txt;
40+
41+
42+
ENV PYTHONPATH=$PYTHONPATH:/home/user
43+
44+
WORKDIR /home/user/comps/rerankings/src
45+
46+
ENTRYPOINT ["python", "opea_reranking_microservice.py"]
File renamed without changes.
File renamed without changes.

‎comps/reranks/src/integrations/opea_tei.py ‎comps/rerankings/src/integrations/tei.py

+3-3
Original file line numberDiff line numberDiff line change
@@ -18,7 +18,7 @@
1818
RerankingResponseData,
1919
)
2020

21-
logger = CustomLogger("reranking_tei")
21+
logger = CustomLogger("tei_reranking")
2222
logflag = os.getenv("LOGFLAG", False)
2323

2424
# Environment variables
@@ -27,8 +27,8 @@
2727
CLIENT_SECRET = os.getenv("CLIENT_SECRET")
2828

2929

30-
@OpeaComponentRegistry.register("OPEA_RERANK_TEI")
31-
class OPEATEIReranking(OpeaComponent):
30+
@OpeaComponentRegistry.register("OPEA_TEI_RERANKING")
31+
class OpeaTEIReranking(OpeaComponent):
3232
"""A specialized reranking component derived from OpeaComponent for TEI reranking services.
3333
3434
Attributes:
Original file line numberDiff line numberDiff line change
@@ -0,0 +1,121 @@
1+
# Copyright (C) 2024 Intel Corporation
2+
# SPDX-License-Identifier: Apache-2.0
3+
4+
import logging
5+
import os
6+
import re
7+
8+
from fastapi import HTTPException
9+
10+
from comps import CustomLogger, LVMVideoDoc, OpeaComponentRegistry, SearchedMultimodalDoc, ServiceType
11+
from comps.cores.common.component import OpeaComponent
12+
13+
logger = CustomLogger("video_reranking")
14+
logflag = os.getenv("LOGFLAG", False)
15+
16+
chunk_duration = os.getenv("CHUNK_DURATION", "10") or "10"
17+
chunk_duration = float(chunk_duration) if chunk_duration.isdigit() else 10.0
18+
19+
file_server_endpoint = os.getenv("FILE_SERVER_ENDPOINT") or "http://0.0.0.0:6005"
20+
21+
logging.basicConfig(
22+
level=logging.INFO, format="%(levelname)s: [%(asctime)s] %(message)s", datefmt="%d/%m/%Y %I:%M:%S"
23+
)
24+
25+
26+
def get_top_doc(top_n, videos) -> list:
27+
hit_score = {}
28+
if videos is None:
29+
return None
30+
for video_name in videos:
31+
try:
32+
if video_name not in hit_score.keys():
33+
hit_score[video_name] = 0
34+
hit_score[video_name] += 1
35+
except KeyError as r:
36+
logging.info(f"no video name {r}")
37+
38+
x = dict(sorted(hit_score.items(), key=lambda item: -item[1])) # sorted dict of video name and score
39+
top_n_names = list(x.keys())[:top_n]
40+
logging.info(f"top docs = {x}")
41+
logging.info(f"top n docs names = {top_n_names}")
42+
43+
return top_n_names
44+
45+
46+
def find_timestamp_from_video(metadata_list, video):
47+
return next(
48+
(metadata["timestamp"] for metadata in metadata_list if metadata["video"] == video),
49+
None,
50+
)
51+
52+
53+
def format_video_name(video_name):
54+
# Check for an existing file extension
55+
match = re.search(r"\.(\w+)$", video_name)
56+
57+
if match:
58+
extension = match.group(1)
59+
# If the extension is not 'mp4', raise an error
60+
if extension != "mp4":
61+
raise ValueError(f"Invalid file extension: .{extension}. Only '.mp4' is allowed.")
62+
63+
# Use regex to remove any suffix after the base name (e.g., '_interval_0', etc.)
64+
base_name = re.sub(r"(_interval_\d+)?(\.mp4)?$", "", video_name)
65+
66+
# Add the '.mp4' extension
67+
formatted_name = f"{base_name}.mp4"
68+
69+
return formatted_name
70+
71+
72+
@OpeaComponentRegistry.register("OPEA_VIDEO_RERANKING")
73+
class OpeaVideoReranking(OpeaComponent):
74+
"""A specialized reranking component derived from OpeaComponent for OPEA Video native reranking services."""
75+
76+
def __init__(self, name: str, description: str, config: dict = None):
77+
super().__init__(name, ServiceType.RERANK.name.lower(), description, config)
78+
79+
async def invoke(self, input: SearchedMultimodalDoc) -> LVMVideoDoc:
80+
"""Invokes the reranking service to generate reranking for the provided input.
81+
82+
Args:
83+
input (SearchedMultimodalDoc): The input in OpenAI reranking format.
84+
85+
Returns:
86+
LVMVideoDoc: The response in OpenAI reranking format.
87+
"""
88+
try:
89+
# get top video name from metadata
90+
video_names = [meta["video"] for meta in input.metadata]
91+
top_video_names = get_top_doc(input.top_n, video_names)
92+
93+
# only use the first top video
94+
timestamp = find_timestamp_from_video(input.metadata, top_video_names[0])
95+
formatted_video_name = format_video_name(top_video_names[0])
96+
video_url = f"{file_server_endpoint.rstrip('/')}/{formatted_video_name}"
97+
98+
result = LVMVideoDoc(
99+
video_url=video_url,
100+
prompt=input.initial_query,
101+
chunk_start=timestamp,
102+
chunk_duration=float(chunk_duration),
103+
max_new_tokens=512,
104+
)
105+
except ValueError as e:
106+
raise HTTPException(status_code=400, detail=str(e))
107+
except Exception as e:
108+
logging.error(f"Unexpected error in reranking: {str(e)}")
109+
# Handle any other exceptions with a generic server error response
110+
raise HTTPException(status_code=500, detail="An unexpected error occurred.")
111+
112+
return result
113+
114+
def check_health(self) -> bool:
115+
"""Checks the health of the reranking service.
116+
117+
Returns:
118+
bool: True if the service is reachable and healthy, False otherwise.
119+
"""
120+
121+
return True

‎comps/reranks/src/opea_reranking_microservice.py ‎comps/rerankings/src/opea_reranking_microservice.py

+3-2
Original file line numberDiff line numberDiff line change
@@ -5,7 +5,8 @@
55
import time
66
from typing import Union
77

8-
from integrations.opea_tei import OPEATEIReranking
8+
from integrations.tei import OpeaTEIReranking
9+
from integrations.videoqna import OpeaVideoReranking
910

1011
from comps import (
1112
CustomLogger,
@@ -22,7 +23,7 @@
2223
logger = CustomLogger("opea_reranking_microservice")
2324
logflag = os.getenv("LOGFLAG", False)
2425

25-
rerank_component_name = os.getenv("RERANK_COMPONENT_NAME", "OPEA_RERANK_TEI")
26+
rerank_component_name = os.getenv("RERANK_COMPONENT_NAME", "OPEA_TEI_RERANKING")
2627
# Initialize OpeaComponentLoader
2728
loader = OpeaComponentLoader(rerank_component_name, description=f"OPEA RERANK Component: {rerank_component_name}")
2829

File renamed without changes.
Original file line numberDiff line numberDiff line change
@@ -0,0 +1,7 @@
1+
datasets
2+
haystack-ai
3+
langchain --extra-index-url https://download.pytorch.org/whl/cpu
4+
langchain_community --extra-index-url https://download.pytorch.org/whl/cpu
5+
openai
6+
Pillow
7+
pydub

‎comps/reranks/src/Dockerfile

-30
This file was deleted.

‎comps/text2sql/src/Dockerfile

+1-1
Original file line numberDiff line numberDiff line change
@@ -30,4 +30,4 @@ ENV PYTHONPATH=$PYTHONPATH:/home/user
3030

3131
WORKDIR /home/user/comps/text2sql/src/
3232

33-
ENTRYPOINT ["python", "opea_text2sql_microservice.py"]
33+
ENTRYPOINT ["python", "opea_text2sql_microservice.py"]

‎tests/reranks/test_reranks_opea_tei.sh ‎tests/rerankings/test_rerankings_tei.sh

+8-3
Original file line numberDiff line numberDiff line change
@@ -9,7 +9,12 @@ ip_address=$(hostname -I | awk '{print $1}')
99

1010
function build_docker_images() {
1111
cd $WORKPATH
12-
docker build --no-cache -t opea/reranking:comps --build-arg https_proxy=$https_proxy --build-arg http_proxy=$http_proxy -f comps/reranks/src/Dockerfile .
12+
docker build --no-cache \
13+
-t opea/reranking:comps \
14+
--build-arg https_proxy=$https_proxy \
15+
--build-arg http_proxy=$http_proxy \
16+
--build-arg SERVICE=tei \
17+
-f comps/rerankings/src/Dockerfile .
1318
if [ $? -ne 0 ]; then
1419
echo "opea/reranking built fail"
1520
exit 1
@@ -30,7 +35,7 @@ function start_service() {
3035
export TEI_RERANKING_ENDPOINT="http://${ip_address}:${tei_endpoint}"
3136
tei_service_port=5007
3237
unset http_proxy
33-
docker run -d --name="test-comps-reranking-server" -e LOGFLAG=True -p ${tei_service_port}:8000 --ipc=host -e http_proxy=$http_proxy -e https_proxy=$https_proxy -e TEI_RERANKING_ENDPOINT=$TEI_RERANKING_ENDPOINT -e HF_TOKEN=$HF_TOKEN -e RERANK_TYPE="tei" opea/reranking:comps
38+
docker run -d --name="test-comps-reranking-server" -e LOGFLAG=True -p ${tei_service_port}:8000 --ipc=host -e http_proxy=$http_proxy -e https_proxy=$https_proxy -e TEI_RERANKING_ENDPOINT=$TEI_RERANKING_ENDPOINT -e HF_TOKEN=$HF_TOKEN -e RERANK_COMPONENT_NAME="OPEA_TEI_RERANKING" opea/reranking:comps
3439
sleep 15
3540
}
3641

@@ -52,7 +57,7 @@ function validate_microservice() {
5257
}
5358

5459
function stop_docker() {
55-
cid=$(docker ps -aq --filter "name=test-comps-rerank*")
60+
cid=$(docker ps -aq --filter "name=test-comps-reranking*")
5661
if [[ ! -z "$cid" ]]; then docker stop $cid && docker rm $cid && sleep 1s; fi
5762
}
5863

‎tests/reranks/test_reranks_videoqna.sh ‎tests/rerankings/test_rerankings_videoqna.sh

+14-2
Original file line numberDiff line numberDiff line change
@@ -9,7 +9,18 @@ ip_address=$(hostname -I | awk '{print $1}')
99

1010
function build_docker_images() {
1111
cd $WORKPATH
12-
docker build --no-cache -t opea/reranking:comps --build-arg https_proxy=$https_proxy --build-arg http_proxy=$http_proxy -f comps/reranks/videoqna/Dockerfile .
12+
docker build --no-cache \
13+
-t opea/reranking:comps \
14+
--build-arg https_proxy=$https_proxy \
15+
--build-arg http_proxy=$http_proxy \
16+
--build-arg SERVICE=videoqna \
17+
-f comps/rerankings/src/Dockerfile .
18+
if [ $? -ne 0 ]; then
19+
echo "opea/reranking built fail"
20+
exit 1
21+
else
22+
echo "opea/reranking built successful"
23+
fi
1324
}
1425

1526
function start_service() {
@@ -20,6 +31,7 @@ function start_service() {
2031
-e http_proxy=${http_proxy} \
2132
-e https_proxy=${https_proxy} \
2233
-e CHUNK_DURATION=${CHUNK_DURATION} \
34+
-e RERANK_COMPONENT_NAME="OPEA_VIDEO_RERANKING" \
2335
-e FILE_SERVER_ENDPOINT=${FILE_SERVER_ENDPOINT} \
2436
opea/reranking:comps
2537

@@ -96,4 +108,4 @@ function main() {
96108

97109
}
98110

99-
# main
111+
main

‎tests/reranks/test_reranks_fastrag.sh

-62
This file was deleted.

0 commit comments

Comments
 (0)
Please sign in to comment.