FremyCompany / BioLORD-2023-C

huggingface.co
Total runs: 24.4K
24-hour runs: -5
7-day runs: 8.5K
30-day runs: 20.3K
Model's Last Updated: January 10 2025
sentence-similarity

Introduction of BioLORD-2023-C

Model Details of BioLORD-2023-C

FremyCompany/BioLORD-2023-C

This model was trained using BioLORD, a new pre-training strategy for producing meaningful representations for clinical sentences and biomedical concepts.

State-of-the-art methodologies operate by maximizing the similarity in representation of names referring to the same concept, and preventing collapse through contrastive learning. However, because biomedical names are not always self-explanatory, it sometimes results in non-semantic representations.

BioLORD overcomes this issue by grounding its concept representations using definitions, as well as short descriptions derived from a multi-relational knowledge graph consisting of biomedical ontologies. Thanks to this grounding, our model produces more semantic concept representations that match more closely the hierarchical structure of ontologies. BioLORD-2023 establishes a new state of the art for text similarity on both clinical sentences (MedSTS) and biomedical concepts (EHR-Rel-B).

This model is based on sentence-transformers/all-mpnet-base-v2 and was further finetuned on the BioLORD-Dataset and LLM-generated definitions from the Automatic Glossary of Clinical Terminology (AGCT) .

Sibling models

This model is accompanied by other models in the BioLORD-2023 series, which you might want to check:

You can also take a look at last year's model and paper:

Training strategy
Summary of the 3 phases

image/png

Contrastive phase: details

image/png

Self-distallation phase: details

image/png

Citation

This model accompanies the BioLORD-2023: Learning Ontological Representations from Definitions paper. When you use this model, please cite the original paper as follows:

@article{remy-etal-2023-biolord,
    author = {Remy, François and Demuynck, Kris and Demeester, Thomas},
    title = "{BioLORD-2023: semantic textual representations fusing large language models and clinical knowledge graph insights}",
    journal = {Journal of the American Medical Informatics Association},
    pages = {ocae029},
    year = {2024},
    month = {02},
    issn = {1527-974X},
    doi = {10.1093/jamia/ocae029},
    url = {https://doi.org/10.1093/jamia/ocae029},
    eprint = {https://academic.oup.com/jamia/advance-article-pdf/doi/10.1093/jamia/ocae029/56772025/ocae029.pdf},
}
Usage (Sentence-Transformers)

This is a sentence-transformers model: It maps sentences & paragraphs to a 768 dimensional dense vector space and can be used for tasks like clustering or semantic search. This model has been finentuned for the biomedical domain. While it preserves a good ability to produce embeddings for general-purpose text, it will be more useful to you if you are trying to process medical documents such as EHR records or clinical notes. Both sentences and phrases can be embedded in the same latent space.

Using this model becomes easy when you have sentence-transformers installed:

pip install -U sentence-transformers

Then you can use the model like this:

from sentence_transformers import SentenceTransformer
sentences = ["Cat scratch injury", "Cat scratch disease", "Bartonellosis"]

model = SentenceTransformer('FremyCompany/BioLORD-2023-C')
embeddings = model.encode(sentences)
print(embeddings)
Usage (HuggingFace Transformers)

Without sentence-transformers , you can use the model like this: First, you pass your input through the transformer model, then you have to apply the right pooling-operation on-top of the contextualized word embeddings.

from transformers import AutoTokenizer, AutoModel
import torch
import torch.nn.functional as F

#Mean Pooling - Take attention mask into account for correct averaging
def mean_pooling(model_output, attention_mask):
    token_embeddings = model_output[0] #First element of model_output contains all token embeddings
    input_mask_expanded = attention_mask.unsqueeze(-1).expand(token_embeddings.size()).float()
    return torch.sum(token_embeddings * input_mask_expanded, 1) / torch.clamp(input_mask_expanded.sum(1), min=1e-9)

# Sentences we want sentence embeddings for
sentences = ["Cat scratch injury", "Cat scratch disease", "Bartonellosis"]

# Load model from HuggingFace Hub
tokenizer = AutoTokenizer.from_pretrained('FremyCompany/BioLORD-2023-C')
model = AutoModel.from_pretrained('FremyCompany/BioLORD-2023-C')

# Tokenize sentences
encoded_input = tokenizer(sentences, padding=True, truncation=True, return_tensors='pt')

# Compute token embeddings
with torch.no_grad():
    model_output = model(**encoded_input)
# Perform pooling
sentence_embeddings = mean_pooling(model_output, encoded_input['attention_mask'])
# Normalize embeddings
sentence_embeddings = F.normalize(sentence_embeddings, p=2, dim=1)
print("Sentence embeddings:")
print(sentence_embeddings)
License

My own contributions for this model are covered by the MIT license. However, given the data used to train this model originates from UMLS and SnomedCT, you will need to ensure you have proper licensing of UMLS and SnomedCT before using this model. Both UMLS and SnomedCT are free of charge in most countries, but you might have to create an account and report on your usage of the data yearly to keep a valid license.

Runs of FremyCompany BioLORD-2023-C on huggingface.co

24.4K
Total runs
-5
24-hour runs
158
3-day runs
8.5K
7-day runs
20.3K
30-day runs

More Information About BioLORD-2023-C huggingface.co Model

BioLORD-2023-C huggingface.co

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

FremyCompany BioLORD-2023-C online free

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

FremyCompany BioLORD-2023-C online free url in huggingface.co:

https://huggingface.co/FremyCompany/BioLORD-2023-C

BioLORD-2023-C install

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

BioLORD-2023-C install url in huggingface.co:

https://huggingface.co/FremyCompany/BioLORD-2023-C

Url of BioLORD-2023-C

Provider of BioLORD-2023-C huggingface.co

FremyCompany
ORGANIZATIONS

Other API from FremyCompany