BAAI / LLARA-document

huggingface.co
Total runs: 3
24-hour runs: -1
7-day runs: -11
30-day runs: -25
Model's Last Updated: May 13 2024
sentence-similarity

Introduction of LLARA-document

Model Details of LLARA-document

For more details please refer to our github repo: https://github.com/FlagOpen/FlagEmbedding

LLARA ( paper )

In this project, we introduce LLaRA:

  • EBAE: Embedding-Based Auto-Encoding.
  • EBAR: Embedding-Based Auto-Regression.
Usage
import torch
from transformers import AutoModel, AutoTokenizer, LlamaModel

def get_query_inputs(queries, tokenizer, max_length=512):
    prefix = '"'
    suffix = '", predict the following passage within eight words: <s9><s10><s11><s12><s13><s14><s15><s16>'
    prefix_ids = tokenizer(prefix, return_tensors=None)['input_ids']
    suffix_ids = tokenizer(suffix, return_tensors=None)['input_ids'][1:]
    queries_inputs = []
    for query in queries:
        inputs = tokenizer(query,
                           return_tensors=None,
                           max_length=max_length,
                           truncation=True,
                           add_special_tokens=False)
        inputs['input_ids'] = prefix_ids + inputs['input_ids'] + suffix_ids
        inputs['attention_mask'] = [1] * len(inputs['input_ids'])
        queries_inputs.append(inputs)
    return tokenizer.pad(
            queries_inputs,
            padding=True,
            max_length=max_length,
            pad_to_multiple_of=8,
            return_tensors='pt',
        )

def get_passage_inputs(passages, tokenizer, max_length=512):
    prefix = '"'
    suffix = '", summarize the above passage within eight words: <s1><s2><s3><s4><s5><s6><s7><s8>'
    prefix_ids = tokenizer(prefix, return_tensors=None)['input_ids']
    suffix_ids = tokenizer(suffix, return_tensors=None)['input_ids'][1:]
    passages_inputs = []
    for passage in passages:
        inputs = tokenizer(passage,
                           return_tensors=None,
                           max_length=max_length,
                           truncation=True,
                           add_special_tokens=False)
        inputs['input_ids'] = prefix_ids + inputs['input_ids'] + suffix_ids
        inputs['attention_mask'] = [1] * len(inputs['input_ids'])
        passages_inputs.append(inputs)
    return tokenizer.pad(
            passages_inputs,
            padding=True,
            max_length=max_length,
            pad_to_multiple_of=8,
            return_tensors='pt',
        )

# Load the tokenizer and model
tokenizer = AutoTokenizer.from_pretrained('BAAI/LLARA-document')
model = AutoModel.from_pretrained('BAAI/LLARA-document')

# Define query and passage inputs
query = "What is llama?"
title = "Llama"
passage = "The llama is a domesticated South American camelid, widely used as a meat and pack animal by Andean cultures since the pre-Columbian era."
query_input = get_query_inputs([query], tokenizer)
passage_input = get_passage_inputs([passage], tokenizer)


with torch.no_grad():
    # compute query embedding
    query_outputs = model(**query_input, return_dict=True, output_hidden_states=True)
    query_embedding = query_outputs.hidden_states[-1][:, -8:, :]
    query_embedding = torch.mean(query_embedding, dim=1)
    query_embedding = torch.nn.functional.normalize(query_embedding, dim=-1)

    # compute passage embedding
    passage_outputs = model(**passage_input, return_dict=True, output_hidden_states=True)
    passage_embeddings = passage_outputs.hidden_states[-1][:, -8:, :]
    passage_embeddings = torch.mean(passage_embeddings, dim=1)
    passage_embeddings = torch.nn.functional.normalize(passage_embeddings, dim=-1)

    # compute similarity score
    score = query_embedding @ passage_embeddings.T
    print(score)
Acknowledgement

Thanks to the authors of open-sourced datasets, including MSMARCO, BEIR, etc. Thanks to the open-sourced libraries like Pyserini .

Citation

If you find this repository useful, please consider giving a star :star: and citation

@misc{li2023making,
      title={Making Large Language Models A Better Foundation For Dense Retrieval}, 
      author={Chaofan Li and Zheng Liu and Shitao Xiao and Yingxia Shao},
      year={2023},
      eprint={2312.15503},
      archivePrefix={arXiv},
      primaryClass={cs.CL}
}

Runs of BAAI LLARA-document on huggingface.co

3
Total runs
-1
24-hour runs
-7
3-day runs
-11
7-day runs
-25
30-day runs

More Information About LLARA-document huggingface.co Model

More LLARA-document license Visit here:

https://choosealicense.com/licenses/mit

LLARA-document huggingface.co

LLARA-document huggingface.co is an AI model on huggingface.co that provides LLARA-document's model effect (), which can be used instantly with this BAAI LLARA-document model. huggingface.co supports a free trial of the LLARA-document model, and also provides paid use of the LLARA-document. Support call LLARA-document model through api, including Node.js, Python, http.

LLARA-document huggingface.co Url

https://huggingface.co/BAAI/LLARA-document

BAAI LLARA-document online free

LLARA-document huggingface.co is an online trial and call api platform, which integrates LLARA-document's modeling effects, including api services, and provides a free online trial of LLARA-document, you can try LLARA-document online for free by clicking the link below.

BAAI LLARA-document online free url in huggingface.co:

https://huggingface.co/BAAI/LLARA-document

LLARA-document install

LLARA-document is an open source model from GitHub that offers a free installation service, and any user can find LLARA-document on GitHub to install. At the same time, huggingface.co provides the effect of LLARA-document install, users can directly use LLARA-document installed effect in huggingface.co for debugging and trial. It also supports api for free installation.

LLARA-document install url in huggingface.co:

https://huggingface.co/BAAI/LLARA-document

Url of LLARA-document

LLARA-document huggingface.co Url

Provider of LLARA-document huggingface.co

BAAI
ORGANIZATIONS

Other API from BAAI

huggingface.co

Total runs: 6.0M
Run Growth: 812.1K
Growth Rate: 13.68%
Updated: February 22 2024
huggingface.co

Total runs: 2.2M
Run Growth: -2.0M
Growth Rate: -90.33%
Updated: February 21 2024
huggingface.co

Total runs: 2.1M
Run Growth: -107.9K
Growth Rate: -5.04%
Updated: July 03 2024
huggingface.co

Total runs: 1.6M
Run Growth: -464.9K
Growth Rate: -28.46%
Updated: February 21 2024
huggingface.co

Total runs: 781.8K
Run Growth: 150.9K
Growth Rate: 18.90%
Updated: December 13 2023
huggingface.co

Total runs: 449.9K
Run Growth: 26.8K
Growth Rate: 5.89%
Updated: October 12 2023
huggingface.co

Total runs: 192.5K
Run Growth: 19.9K
Growth Rate: 10.13%
Updated: November 14 2023
huggingface.co

Total runs: 137.3K
Run Growth: 67.1K
Growth Rate: 48.53%
Updated: October 12 2023
huggingface.co

Total runs: 52.6K
Run Growth: -28.8K
Growth Rate: -64.27%
Updated: April 17 2024
huggingface.co

Total runs: 33.5K
Run Growth: 32.2K
Growth Rate: 95.90%
Updated: October 12 2023
huggingface.co

Total runs: 28.0K
Run Growth: 11.3K
Growth Rate: 40.01%
Updated: October 12 2023
huggingface.co

Total runs: 24.9K
Run Growth: -1.4K
Growth Rate: -5.38%
Updated: October 12 2023
huggingface.co

Total runs: 20.5K
Run Growth: -12.0K
Growth Rate: -59.24%
Updated: January 15 2025
huggingface.co

Total runs: 5.6K
Run Growth: 419
Growth Rate: 7.87%
Updated: December 26 2022
huggingface.co

Total runs: 5.0K
Run Growth: 1.0K
Growth Rate: 20.73%
Updated: September 21 2023
huggingface.co

Total runs: 4.9K
Run Growth: 241
Growth Rate: 4.84%
Updated: August 15 2024
huggingface.co

Total runs: 4.5K
Run Growth: -9.5K
Growth Rate: -214.25%
Updated: February 22 2024
huggingface.co

Total runs: 2.7K
Run Growth: -491
Growth Rate: -17.93%
Updated: October 12 2023
huggingface.co

Total runs: 2.5K
Run Growth: 1.8K
Growth Rate: 70.28%
Updated: September 18 2023
huggingface.co

Total runs: 2.5K
Run Growth: 685
Growth Rate: 27.91%
Updated: August 15 2024
huggingface.co

Total runs: 2.4K
Run Growth: -11.8K
Growth Rate: -272.27%
Updated: October 23 2024
huggingface.co

Total runs: 2.3K
Run Growth: 577
Growth Rate: 24.57%
Updated: February 07 2024
huggingface.co

Total runs: 1.9K
Run Growth: -276
Growth Rate: -14.18%
Updated: November 28 2024
huggingface.co

Total runs: 1.5K
Run Growth: -3.5K
Growth Rate: -136.57%
Updated: October 23 2024
huggingface.co

Total runs: 1.3K
Run Growth: -3.0K
Growth Rate: -174.67%
Updated: October 24 2024
huggingface.co

Total runs: 747
Run Growth: 141
Growth Rate: 17.83%
Updated: June 07 2024
huggingface.co

Total runs: 732
Run Growth: -9.2K
Growth Rate: -1272.69%
Updated: March 07 2024
huggingface.co

Total runs: 637
Run Growth: 314
Growth Rate: 49.22%
Updated: April 02 2024
huggingface.co

Total runs: 615
Run Growth: 69
Growth Rate: 11.52%
Updated: October 27 2023
huggingface.co

Total runs: 558
Run Growth: 0
Growth Rate: 0.00%
Updated: January 15 2025
huggingface.co

Total runs: 439
Run Growth: 0
Growth Rate: 0.00%
Updated: January 14 2025
huggingface.co

Total runs: 301
Run Growth: 293
Growth Rate: 97.67%
Updated: April 18 2023
huggingface.co

Total runs: 218
Run Growth: -12
Growth Rate: -5.50%
Updated: October 29 2023
huggingface.co

Total runs: 146
Run Growth: -244
Growth Rate: -171.83%
Updated: August 15 2024
huggingface.co

Total runs: 114
Run Growth: 0
Growth Rate: 0.00%
Updated: January 20 2025
huggingface.co

Total runs: 96
Run Growth: 48
Growth Rate: 51.06%
Updated: August 23 2023
huggingface.co

Total runs: 96
Run Growth: 17
Growth Rate: 18.09%
Updated: December 21 2023
huggingface.co

Total runs: 84
Run Growth: 54
Growth Rate: 60.00%
Updated: August 15 2024
huggingface.co

Total runs: 65
Run Growth: 0
Growth Rate: 0.00%
Updated: January 01 2025
huggingface.co

Total runs: 64
Run Growth: -244
Growth Rate: -369.70%
Updated: June 21 2024
huggingface.co

Total runs: 52
Run Growth: -243
Growth Rate: -398.36%
Updated: June 24 2024
huggingface.co

Total runs: 47
Run Growth: -25
Growth Rate: -53.19%
Updated: October 27 2023
huggingface.co

Total runs: 46
Run Growth: -57
Growth Rate: -116.33%
Updated: December 21 2023
huggingface.co

Total runs: 46
Run Growth: -170
Growth Rate: -548.39%
Updated: April 19 2024
huggingface.co

Total runs: 39
Run Growth: -5
Growth Rate: -11.90%
Updated: August 15 2024
huggingface.co

Total runs: 37
Run Growth: 6
Growth Rate: 15.38%
Updated: August 28 2024
huggingface.co

Total runs: 36
Run Growth: -10.2K
Growth Rate: -25530.00%
Updated: February 07 2024
huggingface.co

Total runs: 34
Run Growth: -273
Growth Rate: -827.27%
Updated: June 24 2024
huggingface.co

Total runs: 26
Run Growth: 10
Growth Rate: 38.46%
Updated: July 24 2023
huggingface.co

Total runs: 21
Run Growth: -57
Growth Rate: -285.00%
Updated: December 31 2022
huggingface.co

Total runs: 18
Run Growth: -107
Growth Rate: -594.44%
Updated: May 13 2024
huggingface.co

Total runs: 17
Run Growth: -22
Growth Rate: -129.41%
Updated: July 02 2024