Nlu

Latest version: v5.3.2

Safety actively analyzes 640762 Python packages for vulnerabilities to keep your Python projects secure.

Scan your dependencies

Page 3 of 12

6.2

5.9

----------------


Span Classifiers for question answering
Albert, Bert, DeBerta, DistilBert, LongFormer, RoBerta, XlmRoBerta based Transformer Architectures are now avaiable for question answering with almost 1000 models avaiable for 35 unique languages powerd by their corrosponding Spark NLP XXXForQuestionAnswering Annotator Classes and in various tuning and dataset flavours.


`<lang>.answer_question.<domain>.<datasets>.<annotator_class><tune info>.by_<username>`
If multiple datasets or tune parameters are defined , they are connected with a `_` .


These substrings define up the `<domain>` part of the NLU reference
- Legal [cuad](https://arxiv.org/abs/2103.06268)
- COVID 19 Biomedical [biosaq](http://bioasq.org/)
- Biomedical Literature [pubmed](https://pubmed.ncbi.nlm.nih.gov/)
- Twitter [tweet](https://aclanthology.org/P19-1496.pdf)
- Wikipedia [wiki](https://www.wikipedia.org/)
- News [news](https://www.microsoft.com/en-us/research/project/newsqa-dataset/)
- Tech [tech](https://arxiv.org/abs/1911.02984)

These substrings define up the `<dataset>` part of the NLU reference
- Arabic [SQUAD ARCD](https://metatext.io/datasets/arabic-reading-comprehension-dataset-(arcd))
- Turkish [TQUAD](https://github.com/TQuad/turkish-nlp-qa-dataset)
- German [GermanQuad](https://arxiv.org/abs/2104.12741)
- Indonesian [AQG](https://github.com/FerdiantJoshua/question-generator)
- Korean [KLUE](https://arxiv.org/abs/2105.09680), [KORQUAD](https://korquad.github.io/)
- Hindi[CHAI](https://www.kaggle.com/competitions/chaii-hindi-and-tamil-question-answering)
- Multi-Lingual[MLQA](https://github.com/facebookresearch/MLQA)
- Multi-Lingual[tydiqa](https://github.com/google-research-datasets/tydiqa)
- Multi-Lingual[xquad](https://arxiv.org/abs/1910.11856)


These substrings define up the `<dataset>` part of the NLU reference
- Alternative Eval method [reqa](https://arxiv.org/pdf/1907.04780.pdf)
- Synthetic Data [synqa](https://aclanthology.org/2021.emnlp-main.696/)
- Benchmark / Eval Method ABSA-Bench [roberta_absa](https://arxiv.org/abs/2104.04986)
- Arabic architecture type [soqaol](https://arxiv.org/abs/1906.05394)

These substrings define the `<annotator_class>` substring, if it does not map to a sparknlp annotator
- [sci_bert](https://www.aclweb.org/anthology/D19-1371/)
- [electra](https://arxiv.org/abs/2003.10555)
- [mini_lm](https://arxiv.org/abs/2002.10957)
- [covid_bert](https://arxiv.org/abs/2005.07503)
- [bio_bert](https://arxiv.org/abs/1901.08746)
- [indo_bert](https://arxiv.org/abs/2011.00677)
- [muril](https://arxiv.org/abs/2103.10730)
- [sapbert](https://github.com/cambridgeltl/sapbert)
- [bioformer](https://github.com/WGLab/Bioformer)
- [link_bert](https://arxiv.org/abs/2203.15827)
- [mac_bert](https://aclanthology.org/2020.findings-emnlp.58/)

These substrings define the `<tune_info>` substring, if it does not map to a sparknlp annotator
- Train tweaks : `multilingual`,`mini_lm`,`xtremedistiled`,`distilled`,`xtreme`,`augmented`,`zero_shot`
- Size tweaks `xl`, `xxl`, `large`, `base`, `medium`, `base`, `small`, `tiny`, `cased`, `uncased`
- Dimension tweaks : `1024d`,`768d`,`512d`,`256d`,`128d`,`64d`,`32d`

QA DataFormat
You need to use one of the Data formats below to pass context and question correctly to the model.

python

use ||| to seperate question||context
data = 'What is my name?|||My name is Clara and I live in Berkeley'

pass a tuple (question,context)
data = ('What is my name?','My name is Clara and I live in Berkeley')

use pandas Dataframe, one column = question, one column=context
data = pd.DataFrame({
'question': ['What is my name?'],
'context': ["My name is Clara and I live in Berkely"]
})


Get your answers with any of above formats
nlu.load("en.answer_question.squadv2.deberta").predict(data)


returns :

| answer | answer_confidence | context | question |
|:---------|--------------------:|:---------------------------------------|:-----------------|
| Clara | 0.994931 | My name is Clara and I live in Berkely | What is my name? |





----------------

New NLU helper Methods
You can see all features showcased in the [![Open In Colab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/JohnSnowLabs/nlu/blob/master/examples/colab/spark_nlp_utilities/NLU_utils_for_Spark_NLP.ipynb) notebook or on [the new docs page for Spark NLP utils](https://nlu.johnsnowlabs.com/docs/en/spellbook/utils_for_spark_nlp)

nlu.viz(pipe,data)
Visualize input data with an already configured Spark NLP pipeline,
for Algorithms of type (Ner,Assertion, Relation, Resolution, Dependency)
using [Spark NLP Display](https://nlp.johnsnowlabs.com/docs/en/display)
Automatically infers applicable viz type and output columns to use for visualization.
Example:
python
works with Pipeline, LightPipeline, PipelineModel,PretrainedPipeline List[Annotator]
ade_pipeline = PretrainedPipeline('explain_clinical_doc_ade', 'en', 'clinical/models')

text = """I have an allergic reaction to vancomycin.
My skin has be itchy, sore throat/burning/itchy, and numbness in tongue and gums.
I would not recommend this drug to anyone, especially since I have never had such an adverse reaction to any other medication."""

nlu.viz(ade_pipeline, text)


returns:
<img src="https://raw.githubusercontent.com/JohnSnowLabs/nlu/master/docs/assets/images/releases/4_0_0/nlu_utils_viz_example.png" />



If a pipeline has multiple models candidates that can be used for a viz,
the first Annotator that is vizzable will be used to create viz.
You can specify which type of viz to create with the viz_type parameter

Output columns to use for the viz are automatically deducted from the pipeline, by using the
first annotator that provides the correct output type for a specific viz.
You can specify which columns to use for a viz by using the
corresponding ner_col, pos_col, dep_untyped_col, dep_typed_col, resolution_col, relation_col, assertion_col, parameters.

nlu.autocomplete_pipeline(pipe)
Auto-Complete a pipeline or single annotator into a runnable pipeline by harnessing NLU's DAG Autocompletion algorithm and returns it as NLU pipeline.
The standard Spark pipeline is avaiable on the `.vanilla_transformer_pipe` attribute of the returned nlu pipe

Every Annotator and Pipeline of Annotators defines a `DAG` of tasks, with various dependencies that must be satisfied in `topoligical order`.
NLU enables the completion of an incomplete DAG by finding or creating a path between
the very first input node which is almost always is `DocumentAssembler/MultiDocumentAssembler`
and the very last node(s), which is given by the `topoligical sorting` the iterable annotators parameter.
Paths are created by resolving input features of annotators to the corrrosponding providers with matching storage references.

Example:
python
Lets autocomplete the pipeline for a RelationExtractionModel, which as many input columns and sub-dependencies.
from sparknlp_jsl.annotator import RelationExtractionModel
re_model = RelationExtractionModel().pretrained("re_ade_clinical", "en", 'clinical/models').setOutputCol('relation')

text = """I have an allergic reaction to vancomycin.
My skin has be itchy, sore throat/burning/itchy, and numbness in tongue and gums.
I would not recommend this drug to anyone, especially since I have never had such an adverse reaction to any other medication."""

nlu_pipe = nlu.autocomplete_pipeline(re_model)
nlu_pipe.predict(text)


returns :

| relation | relation_confidence | relation_entity1 | relation_entity2 | relation_entity2_class |
|------------------------------------------------:|-----------------------------------------------------------:|:--------------------------------------------------------|:--------------------------------------------------------|:--------------------------------------------------------------|
| 1 | 1 | allergic reaction | vancomycin | Drug_Ingredient |
| 1 | 1 | skin | itchy | Symptom |
| 1 | 0.99998 | skin | sore throat/burning/itchy | Symptom |
| 1 | 0.956225 | skin | numbness | Symptom |
| 1 | 0.999092 | skin | tongue | External_body_part_or_region |
| 0 | 0.942927 | skin | gums | External_body_part_or_region |
| 1 | 0.806327 | itchy | sore throat/burning/itchy | Symptom |
| 1 | 0.526163 | itchy | numbness | Symptom |
| 1 | 0.999947 | itchy | tongue | External_body_part_or_region |
| 0 | 0.994618 | itchy | gums | External_body_part_or_region |
| 0 | 0.994162 | sore throat/burning/itchy | numbness | Symptom |
| 1 | 0.989304 | sore throat/burning/itchy | tongue | External_body_part_or_region |
| 0 | 0.999969 | sore throat/burning/itchy | gums | External_body_part_or_region |
| 1 | 1 | numbness | tongue | External_body_part_or_region |
| 1 | 1 | numbness | gums | External_body_part_or_region |
| 1 | 1 | tongue | gums | External_body_part_or_region |



nlu.to_pretty_df(pipe,data)
Annotates a Pandas Dataframe/Pandas Series/Numpy Array/Spark DataFrame/Python List strings /Python String
with given Spark NLP pipeline, which is assumed to be complete and runnable and returns it in a pythonic pandas dataframe format.

Example:
python
works with Pipeline, LightPipeline, PipelineModel,PretrainedPipeline List[Annotator]
ade_pipeline = PretrainedPipeline('explain_clinical_doc_ade', 'en', 'clinical/models')

text = """I have an allergic reaction to vancomycin.
My skin has be itchy, sore throat/burning/itchy, and numbness in tongue and gums.
I would not recommend this drug to anyone, especially since I have never had such an adverse reaction to any other medication."""

output is same as nlu.autocomplete_pipeline(re_model).nlu_pipe.predict(text)
nlu.to_pretty_df(ade_pipeline,text)

returns :

| assertion | asserted_entitiy | entitiy_class | assertion_confidence |
|:------------|:------------------------------------|:------------------------------------------|-----------------------------------------------:|
| present | allergic reaction | ADE | 0.998 |
| present | itchy | ADE | 0.8414 |
| present | sore throat/burning/itchy | ADE | 0.9019 |
| present | numbness in tongue and gums | ADE | 0.9991 |

Annotators are grouped internally by NLU into output levels `token`,`sentence`, `document`,`chunk` and `relation`
Same level annotators output columns are zipped and exploded together to create the final output df.
Additionally, most keys from the metadata dictionary in the result annotations will be collected and expanded into their own columns in the resulting Dataframe, with special handling for Annotators that encode multiple metadata fields inside of one, seperated by strings like `|||` or `:::`.
Some columns are omitted from metadata to reduce total amount of output columns, these can be re-enabled by setting `metadata=True`

For a given pipeline output level is automatically set to the last anntators output level by default.
This can be changed by defining `to_preddty_df(pipe,text,output_level='my_level'` for levels `token`,`sentence`, `document`,`chunk` and `relation` .


nlu.to_nlu_pipe(pipe)
Convert a pipeline or list of annotators into a NLU pipeline making `.predict()` and `.viz()` avaiable for every Spark NLP pipeline.
Assumes the pipeline is already runnable.

python
works with Pipeline, LightPipeline, PipelineModel,PretrainedPipeline List[Annotator]
ade_pipeline = PretrainedPipeline('explain_clinical_doc_ade', 'en', 'clinical/models')

text = """I have an allergic reaction to vancomycin.
My skin has be itchy, sore throat/burning/itchy, and numbness in tongue and gums.
I would not recommend this drug to anyone, especially since I have never had such an adverse reaction to any other medication."""

nlu_pipe = nlu.to_nlu_pipe(ade_pipeline)

Same output as nlu.to_pretty_df(pipe,text)
nlu_pipe.predict(text)

same output as nlu.viz(pipe,text)
nlu_pipe.viz(text)

Acces auto-completed Spark NLP big data pipeline,
nlu_pipe.vanilla_transformer_pipe.transform(spark_df)



returns :

| assertion | asserted_entitiy | entitiy_class | assertion_confidence |
|:------------|:------------------------------------|:------------------------------------------|-----------------------------------------------:|
| present | allergic reaction | ADE | 0.998 |
| present | itchy | ADE | 0.8414 |
| present | sore throat/burning/itchy | ADE | 0.9019 |
| present | numbness in tongue and gums | ADE | 0.9991 |
and
<img src="https://raw.githubusercontent.com/JohnSnowLabs/nlu/master/docs/assets/images/releases/4_0_0/nlu_utils_viz_example.png" />



---------------

4 new Demo Notebooks
These notebooks showcase some of latest classifier models for Banking Queries, Intents in Text, Question and new s classification
* [Notebook for Classification of Banking Queries](https://github.com/JohnSnowLabs/nlu/blob/4.0.0/examples/colab/component_examples/classifiers/Banking_Queries_Classification.ipynb)
* [Notebook for Classification of Intent in Texts ](https://github.com/JohnSnowLabs/nlu/blob/4.0.0/examples/colab/component_examples/classifiers/Identify_intent_in_general_text.ipynb)
* [Notebook for classification of Similar Questions ](https://github.com/JohnSnowLabs/nlu/blob/4.0.0/examples/colab/component_examples/classifiers/Question_Pair_Classification.ipynb)
* [Notebook for Classification of Questions vs Statements](https://github.com/JohnSnowLabs/nlu/blob/4.0.0/examples/colab/component_examples/classifiers/Question_vs_Statement.ipynb)
- [Notebook for Classification of News into 4 classes](https://github.com/JohnSnowLabs/nlu/blob/4.0.0/examples/colab/component_examples/classifiers/News_Classification.ipynb)

----------------------




NLU captures every Annotator of Spark NLP and Spark NLP for healthcare

The entire universe of Annotators in Spark NLP and Spark-NLP for healthcare is now embellished by NLU Components by using generalizable annotation extractors methods and configs internally to support enable the new NLU util methods.
The following annotator classes are newly captured:

- AssertionFilterer
- ChunkConverter
- ChunkKeyPhraseExtraction
- ChunkSentenceSplitter
- ChunkFiltererApproach
- ChunkFilterer
- ChunkMapperApproach
- ChunkMapperFilterer
- DocumentLogRegClassifierApproach
- DocumentLogRegClassifierModel
- ContextualParserApproach
- ReIdentification
- NerDisambiguator
- NerDisambiguatorModel
- AverageEmbeddings
- EntityChunkEmbeddings
- ChunkMergeApproach
- IOBTagger
- NerChunker
- NerConverterInternalModel
- DateNormalizer
- PosologyREModel
- RENerChunksFilter
- ResolverMerger
- AnnotationMerger
- Router
- Word2VecApproach
- WordEmbeddings
- EntityRulerApproach
- EntityRulerModel
- TextMatcherModel
- BigTextMatcher
- BigTextMatcherModel
- DateMatcher
- MultiDateMatcher
- RegexMatcher
- TextMatcher
- NerApproach
- NerCrfApproach
- NerOverwriter
- DependencyParserApproach
- TypedDependencyParserApproach
- SentenceDetectorDLApproach
- SentimentDetector
- ViveknSentimentApproach
- ContextSpellCheckerApproach
- NorvigSweetingApproach
- SymmetricDeleteApproach
- ChunkTokenizer
- ChunkTokenizerModel
- RecursiveTokenizer
- RecursiveTokenizerModel
- Token2Chunk
- WordSegmenterApproach
- GraphExtraction
- Lemmatizer
- Normalizer




--------------------



All NLU 4.0 for Healthcare Models


Some examples:

[en.rxnorm.umls.mapping](https://nlp.johnsnowlabs.com/2022/06/27/rxnorm_umls_mapping_en_3_0.html)
Code:
python
nlu.load('en.rxnorm.umls.mapping').predict('1161611 315677')



| mapped_entity_umls_code_origin_entity | mapped_entity_umls_code |
|-----------------------------------------:|:--------------------------|
| 1161611 | C3215948 |
| 315677 | C0984912 |

[en.ner.clinical_trials_abstracts](https://nlp.johnsnowlabs.com/2022/06/22/ner_clinical_trials_abstracts_en_3_0.html)
Code:

python
nlu.load('en.ner.clinical_trials_abstracts').predict('A one-year, randomised, multicentre trial comparing insulin glargine with NPH insulin in combination with oral agents in patients with type 2 diabetes.')


Results:

| | entities_clinical_trials_abstracts | entities_clinical_trials_abstracts_class | entities_clinical_trials_abstracts_confidence |
|---:|:-------------------------------------|:-------------------------------------------|------------------------------------------------:|
| 0 | randomised | CTDesign | 0.9996 |
| 0 | multicentre | CTDesign | 0.9998 |
| 0 | insulin glargine | Drug | 0.99135 |
| 0 | NPH insulin | Drug | 0.96875 |
| 0 | type 2 diabetes | DisorderOrSyndrome | 0.999933 |

Code:
python
nlu.load('en.ner.clinical_trials_abstracts').viz('A one-year, randomised, multicentre trial comparing insulin glargine with NPH insulin in combination with oral agents in patients with type 2 diabetes.')


Results:
<img src="https://raw.githubusercontent.com/JohnSnowLabs/nlu/master/docs/assets/images/releases/4_0_0/en.ner.clinical_trials_abstracts.png" />



[en.med_ner.pathogen](https://nlp.johnsnowlabs.com/2022/06/28/ner_pathogen_en_3_0.html)
Code:
python
nlu.load('en.med_ner.pathogen').predict('Racecadotril is an antisecretory medication and it has better tolerability than loperamide. Diarrhea is the condition of having loose, liquid or watery bowel movements each day. Signs of dehydration often begin with loss of the normal stretchiness of the skin. While it has been speculated that rabies virus, Lyssavirus and Ephemerovirus could be transmitted through aerosols, studies have concluded that this is only feasible in limited conditions.')


Results:


| | entities_pathogen | entities_pathogen_class | entities_pathogen_confidence |
|---:|:--------------------|:--------------------------|-------------------------------:|
| 0 | Racecadotril | Medicine | 0.9468 |
| 0 | loperamide | Medicine | 0.9987 |
| 0 | Diarrhea | MedicalCondition | 0.9848 |
| 0 | dehydration | MedicalCondition | 0.6307 |
| 0 | rabies virus | Pathogen | 0.95685 |
| 0 | Lyssavirus | Pathogen | 0.9694 |
| 0 | Ephemerovirus | Pathogen | 0.6917 |


Code:
python
nlu.load('en.med_ner.pathogen').viz('Racecadotril is an antisecretory medication and it has better tolerability than loperamide. Diarrhea is the condition of having loose, liquid or watery bowel movements each day. Signs of dehydration often begin with loss of the normal stretchiness of the skin. While it has been speculated that rabies virus, Lyssavirus and Ephemerovirus could be transmitted through aerosols, studies have concluded that this is only feasible in limited conditions.')


Results:

<img src="https://raw.githubusercontent.com/JohnSnowLabs/nlu/master/docs/assets/images/releases/4_0_0/en.med_ner.pathogen.png" />


[es.med_ner.living_species.roberta](https://nlp.johnsnowlabs.com/2022/06/22/ner_living_species_roberta_es_3_0.html)
Code:
python
nlu.load('es.med_ner.living_species.roberta').predict('Lactante varón de dos años. Antecedentes familiares sin interés. Antecedentes personales: Embarazo, parto y periodo neonatal normal. En seguimiento por alergia a legumbres, diagnosticado con diez meses por reacción urticarial generalizada con lentejas y garbanzos, con dieta de exclusión a legumbres desde entonces. En ésta visita la madre describe episodios de eritema en zona maxilar derecha con afectación ocular ipsilateral que se resuelve en horas tras la administración de corticoides. Le ha ocurrido en 5-6 ocasiones, en relación con la ingesta de alimentos previamente tolerados. Exploración complementaria: Cacahuete, ac(ige)19.2 Ku.arb/l. Resultados: Ante la sospecha clínica de Síndrome de Frey, se tranquiliza a los padres, explicándoles la naturaleza del cuadro y se cita para revisión anual.')



Results:

| | entities_living_species | entities_living_species_class | entities_living_species_confidence |
|---:|:--------------------------|:--------------------------------|-------------------------------------:|
| 0 | Lactante varón | HUMAN | 0.93175 |
| 0 | familiares | HUMAN | 1 |
| 0 | personales | HUMAN | 1 |
| 0 | neonatal | HUMAN | 0.9997 |
| 0 | legumbres | SPECIES | 0.9962 |
| 0 | lentejas | SPECIES | 0.9988 |
| 0 | garbanzos | SPECIES | 0.9901 |
| 0 | legumbres | SPECIES | 0.9976 |
| 0 | madre | HUMAN | 1 |
| 0 | Cacahuete | SPECIES | 0.998 |
| 0 | padres | HUMAN | 1 |


Code:
python
nlu.load('es.med_ner.living_species.roberta').viz('Lactante varón de dos años. Antecedentes familiares sin interés. Antecedentes personales: Embarazo, parto y periodo neonatal normal. En seguimiento por alergia a legumbres, diagnosticado con diez meses por reacción urticarial generalizada con lentejas y garbanzos, con dieta de exclusión a legumbres desde entonces. En ésta visita la madre describe episodios de eritema en zona maxilar derecha con afectación ocular ipsilateral que se resuelve en horas tras la administración de corticoides. Le ha ocurrido en 5-6 ocasiones, en relación con la ingesta de alimentos previamente tolerados. Exploración complementaria: Cacahuete, ac(ige)19.2 Ku.arb/l. Resultados: Ante la sospecha clínica de Síndrome de Frey, se tranquiliza a los padres, explicándoles la naturaleza del cuadro y se cita para revisión anual.')



Results:

<img src="https://raw.githubusercontent.com/JohnSnowLabs/nlu/master/docs/assets/images/releases/4_0_0/es.med_ner.living_species.roberta.png" />

5.4

and

| Sepal.Length | Sepal.Width | Petal.Length | Petal.Width | Species |
|---------------:|--------------:|---------------:|--------------:|:----------|

5.3.2

Hotfix for Databricks Endpoints https://github.com/JohnSnowLabs/nlu/pull/264

531
We are excited to announce NLU 5.3.1 has been released! It comes with Visual Document NER, enabling you to extract entities from image files like JPGs.
Additionally 5 Healthcare Pipelines have been added for domains like Therapeutic Chemicals, HPO Resolvers, Voice of Patient, Oncology and Generic Clinical .
Additionally TextMatcherInternal based pipelines are now supported

---
Visual NER

- [Tutorial Notebook](https://colab.research.google.com/github/JohnSnowLabs/nlu/blob/master/examples/colab/ocr/ocr_visual_document_ner.ipynb "https://colab.research.google.com/github/JohnSnowLabs/nlu/blob/master/examples/colab/ocr/ocr_visual_document_ner.ipynb")
- [Medium: Named Entity Recognition in Documents with Transformer Models using Visual-NLP: Part 1](https://gaddesaishailesh.medium.com/44f8c65df8d3)
- [Medium: One-Liner Magic with Spark NLP: Deep Learning for NER in Documents — Part 2](https://gaddesaishailesh.medium.com/aa9168a6febd)

VisualDocumentNER is a transformer-based model designed for Named Entity Recognition (NER) in documents. It serves as the primary interface for tasks such as detecting keys and values in datasets like FUNSD, representing the structure of a form. These keys and values are typically interconnected using a FormRelationExtractor model.

However, some VisualDocumentNER models are trained with a different approach, considering entities in isolation. These entities could be names, places, or medications, and the goal is not to connect these entities to others, but to utilize them individually.

Powered by Spark OCR's [VisualDocumentNER](https://nlp.johnsnowlabs.com/docs/en/ocr_visual_document_understanding#visualdocumentner-1 "https://nlp.johnsnowlabs.com/docs/en/ocr_visual_document_understanding#visualdocumentner-1")

----
New Healthcare Models

| NLU ref | Model |
| ----------------------------------------- | -------------------------------------------------------------------------------------------------------------- |
| en.resolve.atc_pipeline | [atc_resolver_pipeline](https://nlp.johnsnowlabs.com/2024/01/17/atc_resolver_pipeline_en.html) |
| en.map_entity.hpo_resolver_pipe | [hpo_resolver_pipeline](https://nlp.johnsnowlabs.com/2024/01/18/hpo_resolver_pipeline_en.html) |
| en.explain_doc.pipeline_vop | [explain_clinical_doc_vop](https://nlp.johnsnowlabs.com/2024/01/16/explain_clinical_doc_vop_en.html) |
| en.explain_doc.clinical_generic.pipeline | [explain_clinical_doc_generic](https://nlp.johnsnowlabs.com/2024/01/17/explain_clinical_doc_generic_en.html) |
| en.explain_doc.clinical_oncology.pipeline | [explain_clinical_doc_oncology](https://nlp.johnsnowlabs.com/2024/01/29/explain_clinical_doc_oncology_en.html) |

-----


New Medium Articles
Tutotirals on how to leverage Visual NLPs table extraction and Visual NER in 1 line and with custom pipelines:

- [Deep Learning based Table Extraction using Visual NLP: Part 1](https://gaddesaishailesh.medium.com/d81c6ff776a3)
- [One-Liner Magic with Spark NLP: Deep Learning for Table Extraction — Part 2](https://gaddesaishailesh.medium.com/1a41f0ff6522)
- [Named Entity Recognition in Documents with Transformer Models using Visual-NLP: Part 1](https://gaddesaishailesh.medium.com/44f8c65df8d3)
- [One-Liner Magic with Spark NLP: Deep Learning for NER in Documents — Part 2](https://gaddesaishailesh.medium.com/aa9168a6febd)

----

📖Additional NLU resources

* [140+ NLU Tutorials](https://nlp.johnsnowlabs.com/docs/en/jsl/notebooks)
* [Streamlit visualizations docs](https://nlp.johnsnowlabs.com/docs/en/jsl/streamlit_viz_examples)
* The complete list of all 20000+ models & pipelines in 300+ languages is available on [Models Hub](https://nlp.johnsnowlabs.com/models)
* [Spark NLP publications](https://medium.com/spark-nlp)
* [NLU documentation](https://nlp.johnsnowlabs.com/docs/en/jsl/install)
* [Discussions](https://github.com/JohnSnowLabs/spark-nlp/discussions) Engage with other community members, share ideas, and show off how you use Spark NLP and NLU!


---

Installation
shell
PyPI
pip install nlu pyspark





530
We are very excited to announce NLU 5.3.0 has been released!
It features support for Open AI's Completion and Word Embeddings, alongside visual document classification, Bart and XLM RoBerta for Zero Shot Classification.

---
Open AI Completion

[Tutorial Notebook](https://colab.research.google.com/github/JohnSnowLabs/nlu/blob/master/examples/colab/component_examples/sequence2sequence/OpenAI_completion.ipynb)
**OpenAICompletion** combines powers of OpenAI’s completion models with the robust NLP processing capabilities of Spark NLP. This integration not only ensures the utilization of OpenAI's capabilities but also capitalizes on Spark's inherent scalability advantages.
This annotator makes direct API calls to OpenAI’s Completion endpoint right from datasets. This enhancement promises to elevate the efficiency and versatility of data processing workflows within Spark NLP pipelines.
Powered by [OpenAICompletion](https://sparknlp.org/docs/en/transformers#openaicompletion)
Reference: [OpenAI API Doc](https://platform.openai.com/docs/api-reference/completions/create)
Reference: [OpenAICompletion Doc](https://sparknlp.org/api/python/reference/autosummary/sparknlp/annotator/openai/openai_completion/index.html#sparknlp.annotator.openai.openai_completion.OpenAICompletion)

| nlu.load() reference | Spark NLP Model reference |
| -------------------- | ------------------------------------------------------------------------------ |
| openai.completion | [OpenAICompletion](https://sparknlp.org/docs/en/transformers#openaicompletion) |

----
Open AI Embeddings

[Tutorial Notebook](https://colab.research.google.com/github/JohnSnowLabs/nlu/blob/master/examples/colab/component_examples/sentence_embeddings/NLU_OpenAI_embeddings.ipynb)
**OpenAIEmbeddings** combines powers of OpenAI’s embeddings model with the robust NLP processing capabilities of Spark NLP. This integration not only ensures the utilization of OpenAI's capabilities but also capitalizes on Spark's inherent scalability advantages.
This annotator makes direct API calls to OpenAI’s Embeddings endpoint right from datasets. This enhancement promises to elevate the efficiency and versatility of data processing workflows within Spark NLP pipelines.
Powered by [OpenAIEmbeddings](https://sparknlp.org/api/python/reference/autosummary/sparknlp/annotator/openai/openai_embeddings/index.html)

| nlu.load() reference| Spark NLP Model reference |
|---------------------------------|-----------------------------------------------------------------------------------------------|
| openai.embeddings | [OpenAIEmbeddings](https://sparknlp.org/api/python/reference/autosummary/sparknlp/annotator/openai/openai_embeddings/index.html) |

----

Visual Document Classifier

[Tutorial Notebook](https://colab.research.google.com/github/JohnSnowLabs/nlu/blob/master/examples/colab/ocr/ocr_visual_document_classifier.ipynb)

The **VisualDocumentClassifier** is a DL model for document classification using text and layout data. The currently available pre-trained model on the Tobacco3482 dataset contains 3482 images belonging to 10 different classes (Resume, News, Note, Advertisement, Scientific, Report, Form, Letter, Email and Memo)

Powered By
[VisualDocumentClassifier](https://nlp.johnsnowlabs.com/docs/en/ocr_visual_document_understanding)

| Language | nlu.load() reference | Spark NLP Model reference |
| -------- | ------------------------- | -------------------------------------- |
| xx | en.classify_image.tabacco | visual_document_classifier_tobacco3482 |



---
Bart for Zero Shot Classificaiton

[Tutorial Notebook](https://colab.research.google.com/https://github.com/JohnSnowLabs/nlu/tree/master/examples/colab/component_examples/classifiers/Bart_Zero_Shot_Classifiers.ipynb)

BartForZeroShotClassification using a ModelForSequenceClassification trained on NLI (natural language inference) tasks.
The equivalent of BartForSequenceClassification models, but these models don’t require a hardcoded number of potential classes, they can be chosen at runtime. It usually means it’s slower but it is much more flexible.
We used TFBartForSequenceClassification to train this model and used BartForZeroShotClassification annotator in Spark NLP 🚀 for prediction at scale
Powered by [BartForZeroShotClassification](https://sparknlp.org/docs/en/transformers#bartforzeroshotclassification)

| Language | nlu.load() reference | Spark NLP Model reference |
| -------- | ---------------------------- | -------------------------------------------------------------------------------------------------------------------- |
| English | en.bart.zero_shot_classifier | [bart_large_zero_shot_classifier_mnli](https://sparknlp.org/2023/08/07/bart_large_zero_shot_classifier_mnli_en.html) |

----

XLM RoBerta For Zero Shot Classification

[Tutorial Notebook](https://colab.research.google.com/https://github.com/JohnSnowLabs/nlu/tree/master/examples/colab/component_examples/classifiers/XlmRoberta_Zero_Shot_Classifier.ipynb)
XlmRoBertaForZeroShotClassification using a ModelForSequenceClassification trained on NLI (natural language inference) tasks.
Equivalent of XlmRoBertaForSequenceClassification models, but these models don’t require a hardcoded number of potential classes, they can be chosen at runtime. It usually means it’s slower but it is much more flexible.
We used TFXLMRobertaForSequenceClassification to train this model and used XlmRoBertaForZeroShotClassification annotator in Spark NLP 🚀 for prediction at scale!
Powered by [XlmRoBertaForZeroShotClassification](https://sparknlp.org/2023/07/20/xlm_roberta_large_zero_shot_classifier_xnli_anli_xx.html)

| Language | nlu.load() reference | Spark NLP Model reference |
| -------- | ----------------------------------- | -------------------------------------------------------------------------------------------------------------------------------- |
| xx | xx.xlm_roberta.zero_shot_classifier | [xlm_roberta_large_zero_shot_classifier_xnli_anli](https://sparknlp.org/2023/08/07/bart_large_zero_shot_classifier_mnli_en.html) |


----
Bugfixes


- Fix bug loading Albert for Question Answering Models
- Fix bug for predicting on imagefiles in Databricks



----------------
:book: Additional NLU resources
----------------
* [140+ NLU Tutorials](https://nlp.johnsnowlabs.com/docs/en/jsl/notebooks)
* [Streamlit visualizations docs](https://nlp.johnsnowlabs.com/docs/en/jsl/streamlit_viz_examples)
* The complete list of all 20000+ models & pipelines in 300+ languages is available on [Models Hub](https://nlp.johnsnowlabs.com/models)
* [Spark NLP publications](https://medium.com/spark-nlp)
* [NLU documentation](https://nlp.johnsnowlabs.com/docs/en/jsl/install)
* [Discussions](https://github.com/JohnSnowLabs/spark-nlp/discussions) Engage with other community members, share ideas, and show off how you use Spark NLP and NLU!
---------------
Installation
---------------
shell
PyPI
pip install nlu pyspark



514
various minor bugfixes which fix various pre-trained pipelines

----------------
:book: Additional NLU resources
----------------
* [140+ NLU Tutorials](https://nlp.johnsnowlabs.com/docs/en/jsl/notebooks)
* [Streamlit visualizations docs](https://nlp.johnsnowlabs.com/docs/en/jsl/streamlit_viz_examples)
* The complete list of all 20000+ models & pipelines in 300+ languages is available on [Models Hub](https://nlp.johnsnowlabs.com/models)
* [Spark NLP publications](https://medium.com/spark-nlp)
* [NLU documentation](https://nlp.johnsnowlabs.com/docs/en/jsl/install)
* [Discussions](https://github.com/JohnSnowLabs/spark-nlp/discussions) Engage with other community members, share ideas, and show off how you use Spark NLP and NLU!
---------------
Installation
---------------
shell
PyPI
pip install nlu pyspark


513
various minor bugfixes which fix various pre-trained pipelines

- proper handling for finisher
- light pipe bugfix
- missing metadata handling

Bugfixes
- Fixed a bug that caused some Chunk Mapper based pretrained pipelines to throw exceptions
- Fixed bug that caused pretrained some pipes with sentence embed converters to crash

----------------
:book: Additional NLU resources
----------------
* [140+ NLU Tutorials](https://nlp.johnsnowlabs.com/docs/en/jsl/notebooks)
* [Streamlit visualizations docs](https://nlp.johnsnowlabs.com/docs/en/jsl/streamlit_viz_examples)
* The complete list of all 20000+ models & pipelines in 300+ languages is available on [Models Hub](https://nlp.johnsnowlabs.com/models)
* [Spark NLP publications](https://medium.com/spark-nlp)
* [NLU documentation](https://nlp.johnsnowlabs.com/docs/en/jsl/install)
* [Discussions](https://github.com/JohnSnowLabs/spark-nlp/discussions) Engage with other community members, share ideas, and show off how you use Spark NLP and NLU!
---------------
Installation
---------------
shell
PyPI
pip install nlu pyspark



512
We are announcing NLU 5.1.2 with new pipelines and bug fixes.
10+ new medical ner, summarization, classification, mapper, deidentification healthcare pipelines has been added!
New Healthcare Pipelines
|Language|nlu.load() reference |Spark NLP reference |
|--------|------------------------------|-------------------------------------------------|
|Arabic |ar.deid.clinical|[clinical_deidentification](https://nlp.johnsnowlabs.com/2023/06/22/clinical_deidentification_ar.html)|
|English |en.summarize.biomedical_pubmed.pipeline|[summarizer_biomedical_pubmed_pipeline](https://nlp.johnsnowlabs.com/2023/06/22/summarizer_biomedical_pubmed_pipeline_en.html)|
|English |en.ner.oncology.pipeline|[ner_oncology_pipeline](https://nlp.johnsnowlabs.com/2023/06/26/ner_oncology_pipeline_en.html)|
|English |en.ner.oncology_response_to_treatment.pipeline|[ner_oncology_response_to_treatment_pipeline](https://nlp.johnsnowlabs.com/2023/06/17/ner_oncology_response_to_treatment_pipeline_en.html)|
|English |en.med_ner.vop.pipeline|[ner_vop_pipeline](https://nlp.johnsnowlabs.com/2023/06/22/ner_vop_pipeline_en.html)|
|English |en.med_ner.vop_demographic.pipeline|[ner_vop_demographic_pipeline](https://nlp.johnsnowlabs.com/2023/06/22/ner_vop_demographic_pipeline_en.html)|
|English |en.med_ner.vop_treatment.pipeline|[ner_vop_treatment_pipeline](https://nlp.johnsnowlabs.com/2023/06/22/ner_vop_treatment_pipeline_en.html)|
|English |en.med_ner.vop_problem.pipeline|[ner_vop_problem_pipeline](https://nlp.johnsnowlabs.com/2023/06/22/ner_vop_problem_pipeline_en.html)|
|English |en.classify.bert_sequence.vop_hcp_consult.pipeline|[bert_sequence_classifier_vop_hcp_consult_pipeline](https://nlp.johnsnowlabs.com/2023/06/21/bert_sequence_classifier_vop_hcp_consult_pipeline_en.html)|
|English |en.classify.bert_sequence.vop_drug_side_effect.pipeline|[bert_sequence_classifier_vop_drug_side_effect_pipeline](https://nlp.johnsnowlabs.com/2023/06/22/bert_sequence_classifier_vop_drug_side_effect_pipeline_en.html)|
|English |en.map_entity.rxnorm_resolver.pipe|[rxnorm_resolver_pipeline](https://nlp.johnsnowlabs.com/2023/08/16/rxnorm_resolver_pipeline_en.html))|

Bugfixes
- Fixed a bug that caused some Chunk Mapper based pretrained pipelines to throw exceptions
- Fixed bug that caused pretrained some pipes with sentence embed converters to crash

----------------
:book: Additional NLU resources
----------------
* [140+ NLU Tutorials](https://nlp.johnsnowlabs.com/docs/en/jsl/notebooks)
* [Streamlit visualizations docs](https://nlp.johnsnowlabs.com/docs/en/jsl/streamlit_viz_examples)
* The complete list of all 20000+ models & pipelines in 300+ languages is available on [Models Hub](https://nlp.johnsnowlabs.com/models)
* [Spark NLP publications](https://medium.com/spark-nlp)
* [NLU documentation](https://nlp.johnsnowlabs.com/docs/en/jsl/install)
* [Discussions](https://github.com/JohnSnowLabs/spark-nlp/discussions) Engage with other community members, share ideas, and show off how you use Spark NLP and NLU!
---------------
Installation
---------------
shell
PyPI
pip install nlu pyspark



511

We are incredibly excited to announce NLU 5.1.1 has been released with over 130+ models in 36+ languages including new models based on [Whisper](https://arxiv.org/abs/2212.04356) for multilingual automatic speech recognition and [Deep Learning based Visual Table Recogition using cascade R-CNN](https://arxiv.org/pdf/1906.09756.pdf "https://arxiv.org/pdf/1906.09756.pdf")

You can now transcribe speech to text with `Whispe` with 85+ models across 36 languages for Automatic Speech Recognition (ASR).
Additionally, `Deep Learning based Visual Table Recogition` based on an Cascade mask R-CNN HRNet that features detection of tables within images is now available in NLU 🌟.

Finally, 40+ new models for existing model classes has been added!


Deep Learning based Visual Table Recogition
![Cascade R-CNN](https://production-media.paperswithcode.com/methods/Screen_Shot_2020-06-13_at_11.36.42_AM.png)
[Tutorial Notebook](https://colab.research.google.com/github/JohnSnowLabs/nlu/blob/master/examples/colab/ocr/ocr_table_recognition_dl.ipynb "https://colab.research.google.com/github/JohnSnowLabs/nlu/blob/master/examples/colab/ocr/ocr_table_recognition_dl.ipynb")

You can now extract tables from images as pandas dataframe in 1 line of code, leveraging Spark OCR's ImageTableDetector, ImageTableCellDetector and ImageCellsToTextTable classes.


The ImageTableDetector is a deep-learning model designed to identify tables within images. It utilizes the CascadeTabNet architecture, which incorporates the Cascade mask Region-based Convolutional Neural Network High-Resolution Network (Cascade mask R-CNN HRNet).

The ImageTableCellDetector, on the other hand, is engineered to pinpoint cells within a table image. Its foundation is an image processing algorithm that identifies both horizontal and vertical lines.

The ImageCellsToTextTable applies Optical Character Recognition (OCR) to regions of cells within an image and returns the recognized text to the outputCol as a TableContainer structure.

It’s important to note that these annotators do not need to be invoked individually in NLU. Instead, you can simply load the `image_table_cell2text_table` model using the command `nlp.load('image_table_cell2text_table')`, and then use `nlp.predict` to make predictions on any document.


Powered by Spark OCR's [ImageTableDetector](https://nlp.johnsnowlabs.com/models?task=OCR+Table+Detection "https://nlp.johnsnowlabs.com/models?task=OCR+Table+Detection"), [ImageTableCellDetector](https://nlp.johnsnowlabs.com/docs/en/ocr_table_recognition#imagetablecelldetector "https://nlp.johnsnowlabs.com/docs/en/ocr_table_recognition#imagetablecelldetector"), [ImageCellsToTextTable](https://nlp.johnsnowlabs.com/docs/en/ocr_table_recognition#imagecellstotexttable "https://nlp.johnsnowlabs.com/docs/en/ocr_table_recognition#imagecellstotexttable")
Reference: [Cascade R-CNN: High Quality Object Detection and Instance Segmentation](https://arxiv.org/pdf/1906.09756.pdf "https://arxiv.org/pdf/1906.09756.pdf")

|**language**|**nlu.load() reference**|**Spark NLP Model Reference**|
|---|---|---|
|en|en.image_table_detector|[General Model for Table Detection](https://nlp.johnsnowlabs.com/2023/01/10/general_model_table_detection_v2_en_3_2.html "https://nlp.johnsnowlabs.com/2023/01/10/general_model_table_detection_v2_en_3_2.html")|



Whisper for CTC


![Whisper](https://raw.githubusercontent.com/openai/whisper/main/approach.png)

[Tutorial Notebook](https://github.com/JohnSnowLabs/nlu/blob/master/examples/colab/component_examples/automatic_speech_recognition/automatic_speech_recognition_overview_ASR.ipynb)

Whisper Model with a language modeling head on top for Connectionist Temporal Classification (CTC). Whisper is an automatic speech recognition (ASR) system trained on 680,000 hours of multilingual and multitask supervised data collected from the web. It transcribe in multiple languages, as well as translate from those languages into English. Whisper was trained and open-sourced that approaches human level robustness and accuracy on English speech recognition.

Powered by Spark-NLP's [WhisperForCTC Annotator](https://sparknlp.org/docs/en/transformers#whisperforctc)
Reference: [OpenAI Whisper: Robust Speech Recognition via Large-Scale Weak Supervision](https://arxiv.org/abs/2212.04356)
Note that at the moment only Spark Versions 3.4 and up are supported.




|Language|NLU Reference|Spark NLP Reference|Annotator Class|
|---|---|---|---|
|bg|bg.speech2text.whisper.tiny_bulgarian_l|[asr_whisper_tiny_bulgarian_l](https://nlp.johnsnowlabs.com/2023/10/17/asr_whisper_tiny_bulgarian_l_bg.html)|WhisperForCTC|
|cs|cs.speech2text.whisper.small_czech_cv11|[asr_whisper_small_czech_cv11](https://nlp.johnsnowlabs.com/2023/10/17/asr_whisper_small_czech_cv11_cs.html)|WhisperForCTC|
|da|da.speech2text.whisper.danish_small_augmented|[asr_whisper_danish_small_augmented](https://nlp.johnsnowlabs.com/2023/10/20/asr_whisper_danish_small_augmented_da.html)|WhisperForCTC|
|de|de.speech2text.whisper.small_allsnr|[asr_whisper_small_allsnr](https://nlp.johnsnowlabs.com/2023/10/17/asr_whisper_small_allsnr_de.html)|WhisperForCTC|
|el|el.speech2text.whisper.samoan_farsipal_e5|[asr_whisper_samoan_farsipal_e5](https://nlp.johnsnowlabs.com/2023/10/18/asr_whisper_samoan_farsipal_e5_el.html)|WhisperForCTC|
|el|el.speech2text.whisper.small_greek|[asr_whisper_small_greek](https://nlp.johnsnowlabs.com/2023/10/17/asr_whisper_small_greek_el.html)|WhisperForCTC|
|el|el.speech2text.whisper.tswana_greek_modern_e1|[asr_whisper_tswana_greek_modern_e1](https://nlp.johnsnowlabs.com/2023/10/17/asr_whisper_tswana_greek_modern_e1_el.html)|WhisperForCTC|
|en|en.speech2text.whisper.small_english_model|[asr_personal_whisper_small_english_model](https://nlp.johnsnowlabs.com/2023/10/19/asr_personal_whisper_small_english_model_en.html)|WhisperForCTC|
|en|en.speech2text.whisper.base_bulgarian_l|[asr_whisper_base_bulgarian_l](https://nlp.johnsnowlabs.com/2023/10/17/asr_whisper_base_bulgarian_l_en.html)|WhisperForCTC|
|en|en.speech2text.whisper.base_english|[asr_whisper_base_english](https://nlp.johnsnowlabs.com/2023/10/17/asr_whisper_base_english_en.html)|WhisperForCTC|
|en|en.speech2text.whisper.base_european|[asr_whisper_base_european](https://nlp.johnsnowlabs.com/2023/10/18/asr_whisper_base_european_en.html)|WhisperForCTC|
|en|en.speech2text.whisper.base_swedish|[asr_whisper_base_swedish](https://nlp.johnsnowlabs.com/2023/10/20/asr_whisper_base_swedish_en.html)|WhisperForCTC|
|en|en.speech2text.whisper.persian_farsi|[asr_whisper_persian_farsi](https://nlp.johnsnowlabs.com/2023/10/18/asr_whisper_persian_farsi_en.html)|WhisperForCTC|
|en|en.speech2text.whisper.small_arabic_cv11|[asr_whisper_small_arabic_cv11](https://nlp.johnsnowlabs.com/2023/10/20/asr_whisper_small_arabic_cv11_en.html)|WhisperForCTC|
|en|en.speech2text.whisper.small_bak|[asr_whisper_small_bak](https://nlp.johnsnowlabs.com/2023/10/19/asr_whisper_small_bak_en.html)|WhisperForCTC|
|en|en.speech2text.whisper.small_bengali_subhadeep|[asr_whisper_small_bengali_subhadeep](https://nlp.johnsnowlabs.com/2023/10/19/asr_whisper_small_bengali_subhadeep_en.html)|WhisperForCTC|
|en|en.speech2text.whisper.small_chinese_hk|[asr_whisper_small_chinese_hk](https://nlp.johnsnowlabs.com/2023/10/18/asr_whisper_small_chinese_hk_en.html)|WhisperForCTC|
|en|en.speech2text.whisper.small_chinese_tw_voidful|[asr_whisper_small_chinese_tw_voidful](https://nlp.johnsnowlabs.com/2023/10/19/asr_whisper_small_chinese_tw_voidful_en.html)|WhisperForCTC|
|en|en.speech2text.whisper.small_english|[asr_whisper_small_english](https://nlp.johnsnowlabs.com/2023/10/17/asr_whisper_small_english_en.html)|WhisperForCTC|
|en|en.speech2text.whisper.small_english_blueraccoon|[asr_whisper_small_english_blueraccoon](https://nlp.johnsnowlabs.com/2023/10/20/asr_whisper_small_english_blueraccoon_en.html)|WhisperForCTC|
|en|en.speech2text.whisper.small_german|[asr_whisper_small_german](https://nlp.johnsnowlabs.com/2023/10/18/asr_whisper_small_german_en.html)|WhisperForCTC|
|en|en.speech2text.whisper.small_hungarian_cv11|[asr_whisper_small_hungarian_cv11](https://nlp.johnsnowlabs.com/2023/10/20/asr_whisper_small_hungarian_cv11_en.html)|WhisperForCTC|
|en|en.speech2text.whisper.small_lithuanian_serbian_v2|[asr_whisper_small_lithuanian_serbian_v2](https://nlp.johnsnowlabs.com/2023/10/20/asr_whisper_small_lithuanian_serbian_v2_en.html)|WhisperForCTC|
|en|en.speech2text.whisper.small_mongolian_2|[asr_whisper_small_mongolian_2](https://nlp.johnsnowlabs.com/2023/10/17/asr_whisper_small_mongolian_2_en.html)|WhisperForCTC|
|en|en.speech2text.whisper.small_mongolian_3|[asr_whisper_small_mongolian_3](https://nlp.johnsnowlabs.com/2023/10/20/asr_whisper_small_mongolian_3_en.html)|WhisperForCTC|
|en|en.speech2text.whisper.small_portuguese_yapeng|[asr_whisper_small_portuguese_yapeng](https://nlp.johnsnowlabs.com/2023/10/18/asr_whisper_small_portuguese_yapeng_en.html)|WhisperForCTC|
|en|en.speech2text.whisper.small_se2|[asr_whisper_small_se2](https://nlp.johnsnowlabs.com/2023/10/17/asr_whisper_small_se2_en.html)|WhisperForCTC|
|en|en.speech2text.whisper.small_spanish_1e_6|[asr_whisper_small_spanish_1e_6](https://nlp.johnsnowlabs.com/2023/10/20/asr_whisper_small_spanish_1e_6_en.html)|WhisperForCTC|
|en|en.speech2text.whisper.small_swe2|[asr_whisper_small_swe2](https://nlp.johnsnowlabs.com/2023/10/20/asr_whisper_small_swe2_en.html)|WhisperForCTC|
|en|en.speech2text.whisper.small_swe_davidt123|[asr_whisper_small_swe_davidt123](https://nlp.johnsnowlabs.com/2023/10/17/asr_whisper_small_swe_davidt123_en.html)|WhisperForCTC|
|en|en.speech2text.whisper.small_swedish_se_afroanton|[asr_whisper_small_swedish_se_afroanton](https://nlp.johnsnowlabs.com/2023/10/19/asr_whisper_small_swedish_se_afroanton_en.html)|WhisperForCTC|
|en|en.speech2text.whisper.small_telugu_openslr|[asr_whisper_small_telugu_openslr](https://nlp.johnsnowlabs.com/2023/10/17/asr_whisper_small_telugu_openslr_en.html)|WhisperForCTC|
|en|en.speech2text.whisper.small_tonga_zambia|[asr_whisper_small_tonga_zambia](https://nlp.johnsnowlabs.com/2023/10/17/asr_whisper_small_tonga_zambia_en.html)|WhisperForCTC|
|en|en.speech2text.whisper.small_urdu_1000_64_1e_05_pretrain_arabic|[asr_whisper_small_urdu_1000_64_1e_05_pretrain_arabic](https://nlp.johnsnowlabs.com/2023/10/19/asr_whisper_small_urdu_1000_64_1e_05_pretrain_arabic_en.html)|WhisperForCTC|
|en|en.speech2text.whisper.testrun1|[asr_whisper_testrun1](https://nlp.johnsnowlabs.com/2023/10/20/asr_whisper_testrun1_en.html)|WhisperForCTC|
|en|en.speech2text.whisper.tiny_english|[asr_whisper_tiny_english](https://nlp.johnsnowlabs.com/2023/10/17/asr_whisper_tiny_english_en.html)|WhisperForCTC|
|en|en.speech2text.whisper.tiny_european|[asr_whisper_tiny_european](https://nlp.johnsnowlabs.com/2023/10/18/asr_whisper_tiny_european_en.html)|WhisperForCTC|
|en|en.speech2text.whisper.tiny_german|[asr_whisper_tiny_german](https://nlp.johnsnowlabs.com/2023/10/18/asr_whisper_tiny_german_en.html)|WhisperForCTC|
|en|en.speech2text.whisper.tiny_italian_local|[asr_whisper_tiny_italian_local](https://nlp.johnsnowlabs.com/2023/10/20/asr_whisper_tiny_italian_local_en.html)|WhisperForCTC|
|en|en.speech2text.whisper.tiny_pashto|[asr_whisper_tiny_pashto](https://nlp.johnsnowlabs.com/2023/10/17/asr_whisper_tiny_pashto_en.html)|WhisperForCTC|
|en|en.speech2text.whisper.tiny_tgl|[asr_whisper_tiny_tgl](https://nlp.johnsnowlabs.com/2023/10/18/asr_whisper_tiny_tgl_en.html)|WhisperForCTC|
|es|es.speech2text.whisper.small_spanish_ari|[asr_whisper_small_spanish_ari](https://nlp.johnsnowlabs.com/2023/10/20/asr_whisper_small_spanish_ari_es.html)|WhisperForCTC|
|es|es.speech2text.whisper.tiny_spanish_arpagon|[asr_whisper_tiny_spanish_arpagon](https://nlp.johnsnowlabs.com/2023/10/20/asr_whisper_tiny_spanish_arpagon_es.html)|WhisperForCTC|
|fi|fi.speech2text.whisper.small_finnish_15k_samples|[asr_whisper_small_finnish_15k_samples](https://nlp.johnsnowlabs.com/2023/10/18/asr_whisper_small_finnish_15k_samples_fi.html)|WhisperForCTC|
|fi|fi.speech2text.whisper.small_finnish_sgangireddy|[asr_whisper_small_finnish_sgangireddy](https://nlp.johnsnowlabs.com/2023/10/20/asr_whisper_small_finnish_sgangireddy_fi.html)|WhisperForCTC|
|fr|fr.speech2text.whisper.small_defined_dot_ai_qc_french_combined_dataset_normalized|[asr_whisper_small_defined_dot_ai_qc_french_combined_dataset_normalized](https://nlp.johnsnowlabs.com/2023/10/17/asr_whisper_small_defined_dot_ai_qc_french_combined_dataset_normalized_fr.html)|WhisperForCTC|
|hi|hi.speech2text.whisper.small_french_yocel1|[asr_whisper_small_french_yocel1](https://nlp.johnsnowlabs.com/2023/10/20/asr_whisper_small_french_yocel1_hi.html)|WhisperForCTC|
|hi|hi.speech2text.whisper.small_hindi_norwegian_tensorboard|[asr_whisper_small_hindi_norwegian_tensorboard](https://nlp.johnsnowlabs.com/2023/10/18/asr_whisper_small_hindi_norwegian_tensorboard_hi.html)|WhisperForCTC|
|hi|hi.speech2text.whisper.small_hindi_shripadbhat|[asr_whisper_small_hindi_shripadbhat](https://nlp.johnsnowlabs.com/2023/10/18/asr_whisper_small_hindi_shripadbhat_hi.html)|WhisperForCTC|
|hi|hi.speech2text.whisper.small_hindi_xinhuang|[asr_whisper_small_hindi_xinhuang](https://nlp.johnsnowlabs.com/2023/10/19/asr_whisper_small_hindi_xinhuang_hi.html)|WhisperForCTC|
|hy|hy.speech2text.whisper.small_armenian|[asr_whisper_small_armenian](https://nlp.johnsnowlabs.com/2023/10/20/asr_whisper_small_armenian_hy.html)|WhisperForCTC|
|it|it.speech2text.whisper.small_italian_3|[asr_whisper_small_italian_3](https://nlp.johnsnowlabs.com/2023/10/17/asr_whisper_small_italian_3_it.html)|WhisperForCTC|
|it|it.speech2text.whisper.tiny_italian_1|[asr_whisper_tiny_italian_1](https://nlp.johnsnowlabs.com/2023/10/18/asr_whisper_tiny_italian_1_it.html)|WhisperForCTC|
|it|it.speech2text.whisper.tiny_italian_2|[asr_whisper_tiny_italian_2](https://nlp.johnsnowlabs.com/2023/10/20/asr_whisper_tiny_italian_2_it.html)|WhisperForCTC|
|ja|ja.speech2text.whisper.small_japanese_jakeyoo|[asr_whisper_small_japanese_jakeyoo](https://nlp.johnsnowlabs.com/2023/10/18/asr_whisper_small_japanese_jakeyoo_ja.html)|WhisperForCTC|
|ja|ja.speech2text.whisper.small_japanese_vumichien|[asr_whisper_small_japanese_vumichien](https://nlp.johnsnowlabs.com/2023/10/20/asr_whisper_small_japanese_vumichien_ja.html)|WhisperForCTC|
|kn|kn.speech2text.whisper.kannada_base|[asr_whisper_kannada_base](https://nlp.johnsnowlabs.com/2023/10/17/asr_whisper_kannada_base_kn.html)|WhisperForCTC|
|kn|kn.speech2text.whisper.kannada_small|[asr_whisper_kannada_small](https://nlp.johnsnowlabs.com/2023/10/17/asr_whisper_kannada_small_kn.html)|WhisperForCTC|
|ko|ko.speech2text.whisper.small_korean_fl|[asr_whisper_small_korean_fl](https://nlp.johnsnowlabs.com/2023/10/20/asr_whisper_small_korean_fl_ko.html)|WhisperForCTC|
|lt|lt.speech2text.whisper.lithuanian_finetune|[asr_whisper_lithuanian_finetune](https://nlp.johnsnowlabs.com/2023/10/19/asr_whisper_lithuanian_finetune_lt.html)|WhisperForCTC|
|lt|lt.speech2text.whisper.small_lithuanian_deividasm|[asr_whisper_small_lithuanian_deividasm](https://nlp.johnsnowlabs.com/2023/10/19/asr_whisper_small_lithuanian_deividasm_lt.html)|WhisperForCTC|
|ml|ml.speech2text.whisper.malayalam_first_model|[asr_whisper_malayalam_first_model](https://nlp.johnsnowlabs.com/2023/10/19/asr_whisper_malayalam_first_model_ml.html)|WhisperForCTC|
|mn|mn.speech2text.whisper.small_mongolian_1|[asr_whisper_small_mongolian_1](https://nlp.johnsnowlabs.com/2023/10/17/asr_whisper_small_mongolian_1_mn.html)|WhisperForCTC|
|ne|ne.speech2text.whisper.small_nepali_np|[asr_whisper_small_nepali_np](https://nlp.johnsnowlabs.com/2023/10/19/asr_whisper_small_nepali_np_ne.html)|WhisperForCTC|
|nl|nl.speech2text.whisper.small_dutch|[asr_whisper_small_dutch](https://nlp.johnsnowlabs.com/2023/10/20/asr_whisper_small_dutch_nl.html)|WhisperForCTC|
|no|no.speech2text.whisper.small_nob|[asr_whisper_small_nob](https://nlp.johnsnowlabs.com/2023/10/20/asr_whisper_small_nob_no.html)|WhisperForCTC|
|pa|pa.speech2text.whisper.small_punjabi_eastern|[asr_whisper_small_punjabi_eastern](https://nlp.johnsnowlabs.com/2023/10/20/asr_whisper_small_punjabi_eastern_pa.html)|WhisperForCTC|
|pl|pl.speech2text.whisper.small_polish_aspik101|[asr_whisper_small_polish_aspik101](https://nlp.johnsnowlabs.com/2023/10/19/asr_whisper_small_polish_aspik101_pl.html)|WhisperForCTC|
|pl|pl.speech2text.whisper.tiny_polish|[asr_whisper_tiny_polish](https://nlp.johnsnowlabs.com/2023/10/19/asr_whisper_tiny_polish_pl.html)|WhisperForCTC|
|ps|ps.speech2text.whisper.small_pashto_ihanif|[asr_whisper_small_pashto_ihanif](https://nlp.johnsnowlabs.com/2023/10/20/asr_whisper_small_pashto_ihanif_ps.html)|WhisperForCTC|
|sv|sv.speech2text.whisper.small_swedish_english|[asr_whisper_small_swedish_english](https://nlp.johnsnowlabs.com/2023/10/20/asr_whisper_small_swedish_english_se.html)|WhisperForCTC|
|sv|sv.speech2text.whisper.small_swedish_test_3000|[asr_whisper_small_swedish_test_3000](https://nlp.johnsnowlabs.com/2023/10/19/asr_whisper_small_swedish_test_3000_sv.html)|WhisperForCTC|
|sv|sv.speech2text.whisper.small_swedish_torileatherman|[asr_whisper_small_swedish_torileatherman](https://nlp.johnsnowlabs.com/2023/10/20/asr_whisper_small_swedish_torileatherman_sv.html)|WhisperForCTC|
|sw|sw.speech2text.whisper.small_swahili_pplantinga|[asr_whisper_small_swahili_pplantinga](https://nlp.johnsnowlabs.com/2023/10/17/asr_whisper_small_swahili_pplantinga_sw.html)|WhisperForCTC|
|ta|ta.speech2text.whisper.tiny_tamil_example|[asr_whisper_tiny_tamil_example](https://nlp.johnsnowlabs.com/2023/10/18/asr_whisper_tiny_tamil_example_ta.html)|WhisperForCTC|
|te|te.speech2text.whisper.small_telugu_146h|[asr_whisper_small_telugu_146h](https://nlp.johnsnowlabs.com/2023/10/17/asr_whisper_small_telugu_146h_te.html)|WhisperForCTC|
|te|te.speech2text.whisper.telugu_tiny|[asr_whisper_telugu_tiny](https://nlp.johnsnowlabs.com/2023/10/17/asr_whisper_telugu_tiny_te.html)|WhisperForCTC|
|th|th.speech2text.whisper.small_thai_napatswift|[asr_whisper_small_thai_napatswift](https://nlp.johnsnowlabs.com/2023/10/17/asr_whisper_small_thai_napatswift_th.html)|WhisperForCTC|
|tt|tt.speech2text.whisper.small_tatar|[asr_whisper_small_tatar](https://nlp.johnsnowlabs.com/2023/10/18/asr_whisper_small_tatar_tt.html)|WhisperForCTC|
|uk|uk.speech2text.whisper.small_ukrainian|[asr_whisper_small_ukrainian](https://nlp.johnsnowlabs.com/2023/10/17/asr_whisper_small_ukrainian_uk.html)|WhisperForCTC|
|uz|uz.speech2text.whisper.small_uzbek|[asr_whisper_small_uzbek](https://nlp.johnsnowlabs.com/2023/10/19/asr_whisper_small_uzbek_uz.html)|WhisperForCTC|
|vi|vi.speech2text.whisper.small_vietnamese_tuananh7198|[asr_whisper_small_vietnamese_tuananh7198](https://nlp.johnsnowlabs.com/2023/10/18/asr_whisper_small_vietnamese_tuananh7198_vi.html)|WhisperForCTC|
|xx|xx.speech2text.whisper.base|[asr_whisper_base](https://nlp.johnsnowlabs.com/2023/10/17/asr_whisper_base_xx.html)|WhisperForCTC|
|xx|xx.speech2text.whisper.base_bengali_trans|[asr_whisper_base_bengali_trans](https://nlp.johnsnowlabs.com/2023/10/18/asr_whisper_base_bengali_trans_xx.html)|WhisperForCTC|
|xx|xx.speech2text.whisper.small|[asr_whisper_small](https://nlp.johnsnowlabs.com/2023/10/17/asr_whisper_small_xx.html)|WhisperForCTC|
|xx|xx.speech2text.whisper.tiny|[asr_whisper_tiny](https://nlp.johnsnowlabs.com/2023/08/22/asr_whisper_tiny_xx.html)|WhisperForCTC|
|xx|xx.speech2text.whisper.tiny_opt|[asr_whisper_tiny_opt](https://nlp.johnsnowlabs.com/2023/08/22/asr_whisper_tiny_opt_xx.html)|WhisperForCTC|
|zh|zh.speech2text.whisper.small_chinese|[asr_whisper_small_chinese](https://nlp.johnsnowlabs.com/2023/10/18/asr_whisper_small_chinese_zh.html)|WhisperForCTC|
|zh|zh.speech2text.whisper.small_chinesebasetw|[asr_whisper_small_chinesebasetw](https://nlp.johnsnowlabs.com/2023/10/19/asr_whisper_small_chinesebasetw_zh.html)|WhisperForCTC|



New Models

|Language|NLU Reference|Spark NLP Reference|Annotator Class|
|:-----------|:------------------------------------------------|:---------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|:-------------------------------------|
| en | en.assert.sdoh_wip | [assertion_sdoh_wip](https://nlp.johnsnowlabs.com/2023/08/13/assertion_sdoh_wip_en.html) | AssertionDLModel |
| en | en.assert.vop_clinical_large | [assertion_vop_clinical_large](https://nlp.johnsnowlabs.com/2023/08/17/assertion_vop_clinical_large_en.html) | AssertionDLModel |
| ar | ar.answer_question.bert_qa | [bert_qa_arap](https://sparknlp.org/2023/04/05/Bert_qa_arap_ar.html) | BertForQuestionAnswering |
| ar | ar.ner.bert.by_boda | [bert_token_classifier_aner](https://sparknlp.org/2023/03/20/bert_token_classifier_aner_ar.html) | BertForTokenClassification |
| zh | zh.ner.bert.base.multi_by_ckiplab | [bert_token_classifier_base_chinese_ner](https://sparknlp.org/2023/03/22/bert_token_classifier_base_chinese_ner_zh.html) | BertForTokenClassification |
| tr | tr.ner.bert.cased.by_akdeniz27 | [bert_token_classifier_base_turkish_cased_ner](https://sparknlp.org/2023/03/20/bert_token_classifier_base_turkish_cased_ner_tr.html) | BertForTokenClassification |
| hu | hu.ner.bert.by_nytk | [bert_token_classifier_named_entity_recognition_nerkor_hu_hungarian](https://sparknlp.org/2023/03/20/bert_token_classifier_named_entity_recognition_nerkor_hu_hungarian_hu.html) | BertForTokenClassification |
| xx | xx.answer_question.distil_bert.cased_squadv2 | [distilbert_qa_base_cased_squadv2](https://sparknlp.org/2023/01/03/distilbert_qa_base_cased_squadv2_xx.html) | DistilBertForQuestionAnswering |
| en | en.classify.bert_sequence.vop_drug_side_effect | [bert_sequence_classifier_vop_drug_side_effect](https://nlp.johnsnowlabs.com/2023/06/13/bert_sequence_classifier_vop_drug_side_effect_en.html) | MedicalBertForSequenceClassification |
| en | en.classify.bert_sequence.vop_hcp_consult | [bert_sequence_classifier_vop_hcp_consult](https://nlp.johnsnowlabs.com/2023/06/13/bert_sequence_classifier_vop_hcp_consult_en.html) | MedicalBertForSequenceClassification |
| en | en.classify.bert_sequence.vop_self_report | [bert_sequence_classifier_vop_self_report](https://nlp.johnsnowlabs.com/2023/06/13/bert_sequence_classifier_vop_self_report_en.html) | MedicalBertForSequenceClassification |
| en | en.classify.bert_sequence.vop_side_effect | [bert_sequence_classifier_vop_side_effect](https://nlp.johnsnowlabs.com/2023/05/24/bert_sequence_classifier_vop_side_effect_en.html) | MedicalBertForSequenceClassification |
| en | en.classify.bert_sequence.vop_sound_medical | [bert_sequence_classifier_vop_sound_medical](https://nlp.johnsnowlabs.com/2023/06/13/bert_sequence_classifier_vop_sound_medical_en.html) | MedicalBertForSequenceClassification |
| en | en.med_ner.sdoh | [ner_sdoh](https://nlp.johnsnowlabs.com/2023/08/13/assertion_sdoh_wip_en.html) | MedicalNerModel |
| en | en.med_ner.sdoh_access_to_healthcare | [ner_sdoh_access_to_healthcare](https://nlp.johnsnowlabs.com/2023/07/02/ner_sdoh_access_to_healthcare_en.html) | MedicalNerModel |
| en | en.med_ner.sdoh_community_condition | [ner_sdoh_community_condition](https://nlp.johnsnowlabs.com/2023/07/02/ner_sdoh_community_condition_en.html) | MedicalNerModel |
| en | en.med_ner.sdoh_demographics | [ner_sdoh_demographics](https://nlp.johnsnowlabs.com/2023/07/02/ner_sdoh_demographics_en.html) | MedicalNerModel |
| en | en.med_ner.sdoh_health_behaviours_problems | [ner_sdoh_health_behaviours_problems](https://nlp.johnsnowlabs.com/2023/07/02/ner_sdoh_health_behaviours_problems_en.html) | MedicalNerModel |
| en | en.med_ner.sdoh_income_social_status | [ner_sdoh_income_social_status](https://nlp.johnsnowlabs.com/2023/07/02/ner_sdoh_income_social_status_en.html) | MedicalNerModel |
| en | en.med_ner.sdoh_social_environment | [ner_sdoh_social_environment](https://nlp.johnsnowlabs.com/2023/07/02/ner_sdoh_social_environment_en.html) | MedicalNerModel |
| en | en.med_ner.sdoh_substance_usage | [ner_sdoh_substance_usage](https://nlp.johnsnowlabs.com/2023/07/02/ner_sdoh_substance_usage_en.html) | MedicalNerModel |
| en | en.med_ner.vop | [ner_vop](https://nlp.johnsnowlabs.com/2023/06/06/ner_vop_en.html) | MedicalNerModel |
| en | en.med_ner.vop_emb_clinical_large | [ner_vop_emb_clinical_large](https://nlp.johnsnowlabs.com/2023/06/06/ner_vop_emb_clinical_large_en.html) | MedicalNerModel |
| en | en.summarize.clinical_laymen_onnx | [summarizer_clinical_laymen_onnx](https://nlp.johnsnowlabs.com/2023/08/16/summarizer_clinical_laymen_onnx_en.html) | MedicalSummarizer |
| en | en.classify.hoc | [multiclassifierdl_hoc](https://nlp.johnsnowlabs.com/2023/07/04/multiclassifierdl_hoc_en.html) | MultiClassifierDLModel |
| en | en.med_ner.chemd_clinical.pipeline | [ner_chemd_clinical_pipeline](https://nlp.johnsnowlabs.com/2023/06/17/ner_chemd_clinical_pipeline_en.html) | PipelineModel |
| en | en.med_ner.jsl_langtest.pipeline | [ner_jsl_langtest_pipeline](https://nlp.johnsnowlabs.com/2023/09/09/ner_jsl_langtest_pipeline_en.html) | PipelineModel |
| en | en.med_ner.living_species.pipeline | [ner_living_species_pipeline](https://nlp.johnsnowlabs.com/2023/06/17/ner_living_species_pipeline_en.html) | PipelineModel |
| en | en.med_ner.oncology_posology_langtest.pipeline | [ner_oncology_posology_langtest_pipeline](https://nlp.johnsnowlabs.com/2023/09/09/ner_oncology_posology_langtest_pipeline_en.html) | PipelineModel |
| en | en.med_ner.profiling_oncology | [ner_profiling_oncology](https://nlp.johnsnowlabs.com/2023/07/03/ner_profiling_oncology_en.html) | PipelineModel |
| en | en.med_ner.profiling_sdoh | [ner_profiling_sdoh](https://nlp.johnsnowlabs.com/2023/07/11/ner_profiling_sdoh_en.html) | PipelineModel |
| en | en.med_ner.profiling_vop | [ner_profiling_vop](https://nlp.johnsnowlabs.com/2023/07/03/ner_profiling_vop_en.html) | PipelineModel |
| en | en.med_ner.sdoh_langtest.pipeline | [ner_sdoh_langtest_pipeline](https://nlp.johnsnowlabs.com/2023/09/09/ner_sdoh_langtest_pipeline_en.html) | PipelineModel |
| en | en.med_ner.supplement_clinical.pipeline | [ner_supplement_clinical_pipeline](https://nlp.johnsnowlabs.com/2023/06/17/ner_supplement_clinical_pipeline_en.html) | PipelineModel |
| en | en.summarize.clinical_guidelines_large.pipeline | [summarizer_clinical_guidelines_large_pipeline](https://nlp.johnsnowlabs.com/2023/06/22/summarizer_clinical_guidelines_large_pipeline_en.html) | PipelineModel |
| en | en.summarize.clinical_jsl_augmented.pipeline | [summarizer_clinical_jsl_augmented_pipeline](https://nlp.johnsnowlabs.com/2023/05/29/summarizer_clinical_jsl_augmented_pipeline_en.html) | PipelineModel |
| en | en.summarize.clinical_questions.pipeline | [summarizer_clinical_questions_pipeline](https://nlp.johnsnowlabs.com/2023/06/22/summarizer_clinical_questions_pipeline_en.html) | PipelineModel |
| en | en.summarize.generic_jsl.pipeline | [summarizer_generic_jsl_pipeline](https://nlp.johnsnowlabs.com/2023/06/22/summarizer_generic_jsl_pipeline_en.html) | PipelineModel |
| en | en.summarize.radiology.pipeline | [summarizer_radiology_pipeline](https://nlp.johnsnowlabs.com/2023/06/22/summarizer_radiology_pipeline_en.html) | PipelineModel |
| en | en.embed.glove.clinical_large | [embeddings_clinical_large](https://nlp.johnsnowlabs.com/2023/04/07/embeddings_clinical_large_en.html) | WordEmbeddingsModel |



Minor Features

- New feature has been incorporated into the Light Pipeline. This feature allows users to enable or disable the usage of the Light Pipeline by setting `pipe.is_light_pipe_incompatible=True`.



----------------
:book: Additional NLU resources
----------------

* [140+ NLU Tutorials](https://nlp.johnsnowlabs.com/docs/en/jsl/notebooks)
* [Streamlit visualizations docs](https://nlp.johnsnowlabs.com/docs/en/jsl/streamlit_viz_examples)
* The complete list of all 20000+ models & pipelines in 300+ languages is available on [Models Hub](https://nlp.johnsnowlabs.com/models)
* [Spark NLP publications](https://medium.com/spark-nlp)
* [NLU documentation](https://nlp.johnsnowlabs.com/docs/en/jsl/install)
* [Discussions](https://github.com/JohnSnowLabs/spark-nlp/discussions) Engage with other community members, share ideas, and show off how you use Spark NLP and NLU!


---------------
Installation
---------------
shell
PyPI
pip install nlu pyspark



504
We are very excited to announce John Snow Labs NLU 5.1.0 has been released!
It features 350+ new models with 3 new Sentence Embeddings Architectures: [Instructor](https://arxiv.org/abs/2212.09741), [E5](https://arxiv.org/pdf/2212.03533.pdf) and [MPNET](https://arxiv.org/pdf/2004.09297.pdf) in English, French and Spanish.


Instructor Sentence Embeddings

[Tutorial Notebook](https://github.com/JohnSnowLabs/nlu/tree/master/examples/colab/component_examples/sentence_embeddings/NLU_INSTRUCTOR_sentence_embeddings.ipynb)

Instructor👨‍🏫, an instruction-finetuned text embedding model that can generate text embeddings tailored to any task (e.g., classification, retrieval, clustering, text evaluation, etc.) and domains (e.g., science, finance, etc.) by simply providing the task instruction, without any finetuning. Instructor👨‍ achieves sota on 70 diverse embedding tasks.

Instructor was proposed in One Embedder, Any Task: Instruction-Finetuned Text Embeddings by Hongjin Su, Weijia Shi, Jungo Kasai, Yizhong Wang, Yushi Hu, Mari Ostendorf, Wen-tau Yih, Noah A. Smith, Luke Zettlemoyer, Tao Yu. Analysis of the writers suggests that INSTRUCTOR is robust to changes in instructions, and that instruction finetuning mitigates the challenge of training a single model on diverse datasets

Powered by [InstructorEmbeddings](https://sparknlp.org/docs/en/transformers#instructorembeddings)
Reference: [One Embedder, Any Task: Instruction-Finetuned Text Embeddings](https://arxiv.org/abs/2212.09741)
Reference: [InstructorEmbeddings Github Repo](https://github.com/xlang-ai/instructor-embedding)


|Language|NLU Reference|Spark NLP Reference|
|---|---|---|
|English|en.embed_sentence.instructor_base|[instructor_base](https://sparknlp.org/2023/06/08/instructor_base_en.html)|
|English|en.embed_sentence.instructor_large|[instructor_large](https://sparknlp.org/2023/06/21/instructor_large_en.html)|


-------


E5 Sentence Embeddings


[Tutorial Notebook](https://github.com/JohnSnowLabs/nlu/tree/master/examples/colab/component_examples/sentence_embeddings/NLU_E5_sentence_embeddings.ipynb)

E5 is a weakly supervised text embedding model that can generate text embeddings tailored to any task (e.g., classification, retrieval, clustering, text evaluation, etc).

E5 was proposed in Text Embeddings by Weakly-Supervised Contrastive Pre-training by Liang Wang, Nan Yang, Xiaolong Huang, Binxing Jiao, Linjun Yang, Daxin Jiang, Rangan Majumder, Furu Wei. The model is trained in a contrastive manner with weak supervision signals from our curated large-scale text pair dataset (called CCPairs). E5 can be readily used as a general-purpose embedding model for any tasks requiring a single-vector representation of texts such as retrieval, clustering, and classification, achieving strong performance in both zero-shot and fine-tuned settings.

Powered by [E5Embeddings](https://sparknlp.org/docs/en/transformers#e5embeddings)
Reference: [Text Embeddings by Weakly-Supervised Contrastive Pre-training](https://arxiv.org/pdf/2212.03533.pdf)
Reference: [E5Embeddings Github Repo](https://github.com/microsoft/unilm/tree/master/e5)



|Language|NLU Reference|Spark NLP Reference|
|---|---|---|
|English|en.embed_sentence.e5_small|[e5_small](https://sparknlp.org/2023/08/25/e5_small_en.html)|
|English|en.embed_sentence.e5_small_opt|[e5_small_opt](https://sparknlp.org/2023/08/25/e5_small_opt_en.html)|
|English|en.embed_sentence.e5_small_quantized|[e5_small_quantized](https://sparknlp.org/2023/08/25/e5_small_quantized_en.html)|
|English|en.embed_sentence.e5_small_v2|[e5_small_v2](https://sparknlp.org/2023/08/25/e5_small_v2_en.html)|
|English|en.embed_sentence.e5_small_v2_opt|[e5_small_v2_opt](https://sparknlp.org/2023/08/25/e5_small_v2_opt_en.html)|
|English|en.embed_sentence.e5_small_v2_quantized|[e5_small_v2_quantized](https://sparknlp.org/2023/08/25/e5_small_v2_quantized_en.html)|
|English|en.embed_sentence.e5_base|[e5_base](https://sparknlp.org/2023/08/25/e5_base_en.html)|
|English|en.embed_sentence.e5_base_opt|[e5_base_opt](https://sparknlp.org/2023/08/25/e5_base_opt_en.html)|
|English|en.embed_sentence.e5_base_quantized|[e5_base_quantized](https://sparknlp.org/2023/08/25/e5_base_quantized_en.html)|
|English|en.embed_sentence.e5_base_v2|[e5_base_v2](https://sparknlp.org/2023/08/25/e5_base_v2_en.html)|
|English|en.embed_sentence.e5_base_v2_opt|[e5_base_v2_opt](https://sparknlp.org/2023/08/25/e5_base_v2_opt_en.html)|
|English|en.embed_sentence.e5_base_v2_quantized|[e5_base_v2_quantized](https://sparknlp.org/2023/08/25/e5_base_v2_quantized_en.html)|
|English|en.embed_sentence.e5_large|[e5_large](https://sparknlp.org/2023/06/21/e5_large_en.html)|
|English|en.embed_sentence.e5_large_v2|[e5_large_v2](https://sparknlp.org/2023/08/25/e5_large_v2_en.html)|
|English|en.embed_sentence.e5_large_v2_opt|[e5_large_v2_opt](https://sparknlp.org/2023/08/25/e5_large_v2_opt_en.html)|
|English|en.embed_sentence.e5_large_v2_quantized|[e5_large_v2_quantized](https://sparknlp.org/2023/08/25/e5_large_v2_quantized_en.html)|


-----

MPNET Sentence Embeddings
[Tutorial Notebook](https://github.com/JohnSnowLabs/nlu/blob/master/examples/colab/component_examples/sentence_embeddings/NLU_MPNET_sentence_embeddings.ipynb)
MPNet adopts a novel pre-training method, named masked and permuted language modeling, to inherit the advantages of masked language modeling and permuted language modeling for natural language understanding.
The MPNet model was proposed in MPNet: Masked and Permuted Pre-training for Language Understanding by Kaitao Song, Xu Tan, Tao Qin, Jianfeng Lu, Tie-Yan Liu. MPNet, a novel pre-training method that inherits the advantages of BERT and XLNet and avoids their limitations. MPNet leverages the dependency among predicted tokens through permuted language modeling (vs. MLM in BERT), and takes auxiliary position information as input to make the model see a full sentence and thus reducing the position discrepancy (vs. PLM in XLNet).
Powered by [MPNetEmbeddings](https://sparknlp.org/docs/en/transformers#mpnetembeddings)
Reference: [MPNet: Masked and Permuted Pre-training for Language Understanding](https://arxiv.org/pdf/2004.09297.pdf)
Reference: [MPNetEmbeddings Github Repo](https://github.com/microsoft/MPNet)

|Language|nlu.load() reference |Spark NLP Model reference |
|--------|------------------------------|-------------------------------------------------|
|English |en.embed_sentence.mpnet.579_stmodel_product_rem_v3a|[579_stmodel_product_rem_v3a](https://sparknlp.org//2023/09/07/579_stmodel_product_rem_v3a_en.html)|
|English |en.embed_sentence.mpnet.abstract_sim_query|[abstract_sim_query](https://sparknlp.org//2023/09/07/abstract_sim_query_en.html)|
|English |en.embed_sentence.mpnet.abstract_sim_sentence|[abstract_sim_sentence](https://sparknlp.org//2023/09/07/abstract_sim_sentence_en.html)|
|English |en.embed_sentence.mpnet.action_policy_plans_classifier|[action_policy_plans_classifier](https://sparknlp.org//2023/09/07/action_policy_plans_classifier_en.html)|
|English |en.embed_sentence.mpnet.all_datasets_v3_mpnet_base|[all_datasets_v3_mpnet_base](https://sparknlp.org//2023/09/07/all_datasets_v3_mpnet_base_en.html)|
|English |en.embed_sentence.mpnet.all_datasets_v4_mpnet_base|[all_datasets_v4_mpnet_base](https://sparknlp.org//2023/09/07/all_datasets_v4_mpnet_base_en.html)|
|English |en.embed_sentence.mpnet.all_mpnet_base_questions_clustering_english|[all_mpnet_base_questions_clustering_english](https://sparknlp.org//2023/09/08/all_mpnet_base_questions_clustering_english_en.html)|
|English |en.embed_sentence.mpnet.all_mpnet_base_v1|[all_mpnet_base_v1](https://sparknlp.org//2023/09/07/all_mpnet_base_v1_en.html)|
|English |en.embed_sentence.mpnet.all_mpnet_base_v2|[all_mpnet_base_v2](https://sparknlp.org//2023/09/08/all_mpnet_base_v2_en.html)|
|English |en.embed_sentence.mpnet.all_mpnet_base_v2_diptanuc|[all_mpnet_base_v2_diptanuc](https://sparknlp.org//2023/09/07/all_mpnet_base_v2_diptanuc_en.html)|
|English |en.embed_sentence.mpnet.all_mpnet_base_v2_embedding_all|[all_mpnet_base_v2_embedding_all](https://sparknlp.org//2023/09/07/all_mpnet_base_v2_embedding_all_en.html)|
|English |en.embed_sentence.mpnet.all_mpnet_base_v2_feature_extraction|[all_mpnet_base_v2_feature_extraction](https://sparknlp.org//2023/09/08/all_mpnet_base_v2_feature_extraction_en.html)|
|English |en.embed_sentence.mpnet.all_mpnet_base_v2_feature_extraction_pipeline|[all_mpnet_base_v2_feature_extraction_pipeline](https://sparknlp.org//2023/09/07/all_mpnet_base_v2_feature_extraction_pipeline_en.html)|
|English |en.embed_sentence.mpnet.all_mpnet_base_v2_finetuned_v2|[all_mpnet_base_v2_finetuned_v2](https://sparknlp.org//2023/09/07/all_mpnet_base_v2_finetuned_v2_en.html)|
|English |en.embed_sentence.mpnet.all_mpnet_base_v2_for_sb_clustering|[all_mpnet_base_v2_for_sb_clustering](https://sparknlp.org//2023/09/08/all_mpnet_base_v2_for_sb_clustering_en.html)|
|English |en.embed_sentence.mpnet.all_mpnet_base_v2_ftlegal_v3|[all_mpnet_base_v2_ftlegal_v3](https://sparknlp.org//2023/09/07/all_mpnet_base_v2_ftlegal_v3_en.html)|
|English |en.embed_sentence.mpnet.all_mpnet_base_v2_obrizum|[all_mpnet_base_v2_obrizum](https://sparknlp.org//2023/09/07/all_mpnet_base_v2_obrizum_en.html)|
|English |en.embed_sentence.mpnet.all_mpnet_base_v2_sentence_transformers|[all_mpnet_base_v2_sentence_transformers](https://sparknlp.org//2023/09/07/all_mpnet_base_v2_sentence_transformers_en.html)|
|English |en.embed_sentence.mpnet.all_mpnet_base_v2_table|[all_mpnet_base_v2_table](https://sparknlp.org//2023/09/07/all_mpnet_base_v2_table_en.html)|
|English |en.embed_sentence.mpnet.all_mpnet_base_v2_tasky_classification|[all_mpnet_base_v2_tasky_classification](https://sparknlp.org//2023/09/07/all_mpnet_base_v2_tasky_classification_en.html)|
|English |en.embed_sentence.mpnet.attack_bert|[attack_bert](https://sparknlp.org//2023/09/07/attack_bert_en.html)|
|English |en.embed_sentence.mpnet.biolord_stamb2_v1|[biolord_stamb2_v1](https://sparknlp.org//2023/09/07/biolord_stamb2_v1_en.html)|
|English |en.embed_sentence.mpnet.burmese_awesome_setfit_model|[burmese_awesome_setfit_model](https://sparknlp.org//2023/09/07/burmese_awesome_setfit_model_en.html)|
|English |en.embed_sentence.mpnet.burmese_awesome_setfit_model_98|[burmese_awesome_setfit_model_98](https://sparknlp.org//2023/09/07/burmese_awesome_setfit_model_98_en.html)|
|English |en.embed_sentence.mpnet.contradiction_psb|[contradiction_psb](https://sparknlp.org//2023/09/07/contradiction_psb_en.html)|
|English |en.embed_sentence.mpnet.contradiction_psb_lds|[contradiction_psb_lds](https://sparknlp.org//2023/09/07/contradiction_psb_lds_en.html)|
|English |en.embed_sentence.mpnet.covid_qa_mpnet|[covid_qa_mpnet](https://sparknlp.org//2023/09/07/covid_qa_mpnet_en.html)|
|English |en.embed_sentence.mpnet.cpu_conditional_classifier|[cpu_conditional_classifier](https://sparknlp.org//2023/09/07/cpu_conditional_classifier_en.html)|
|English |en.embed_sentence.mpnet.cpu_economywide_classifier|[cpu_economywide_classifier](https://sparknlp.org//2023/09/07/cpu_economywide_classifier_en.html)|
|English |en.embed_sentence.mpnet.cpu_mitigation_classifier|[cpu_mitigation_classifier](https://sparknlp.org//2023/09/07/cpu_mitigation_classifier_en.html)|
|English |en.embed_sentence.mpnet.cpu_netzero_classifier|[cpu_netzero_classifier](https://sparknlp.org//2023/09/07/cpu_netzero_classifier_en.html)|
|English |en.embed_sentence.mpnet.cpu_target_classifier|[cpu_target_classifier](https://sparknlp.org//2023/09/08/cpu_target_classifier_en.html)|
|English |en.embed_sentence.mpnet.cpu_transport_ghg_classifier|[cpu_transport_ghg_classifier](https://sparknlp.org//2023/09/07/cpu_transport_ghg_classifier_en.html)|
|English |en.embed_sentence.mpnet.cross_all_mpnet_base_v2_finetuned_webnlg2020_metric_average|[cross_all_mpnet_base_v2_finetuned_webnlg2020_metric_average](https://sparknlp.org//2023/09/07/cross_all_mpnet_base_v2_finetuned_webnlg2020_metric_average_en.html)|
|English |en.embed_sentence.mpnet.domainadaptm2|[domainadaptm2](https://sparknlp.org//2023/09/07/domainadaptm2_en.html)|
|English |en.embed_sentence.mpnet.due_eshop_21|[due_eshop_21](https://sparknlp.org//2023/09/07/due_eshop_21_en.html)|
|English |en.embed_sentence.mpnet.due_eshop_21_multilabel|[due_eshop_21_multilabel](https://sparknlp.org//2023/09/07/due_eshop_21_multilabel_en.html)|
|English |en.embed_sentence.mpnet.due_retail_25|[due_retail_25](https://sparknlp.org//2023/09/07/due_retail_25_en.html)|
|English |en.embed_sentence.mpnet.ecolo_pas_ecolo_v0.1|[ecolo_pas_ecolo_v0.1](https://sparknlp.org//2023/09/07/ecolo_pas_ecolo_v0.1_en.html)|
|English |en.embed_sentence.mpnet.esci_jp_mpnet_crossencoder|[esci_jp_mpnet_crossencoder](https://sparknlp.org//2023/09/08/esci_jp_mpnet_crossencoder_en.html)|
|English |en.embed_sentence.mpnet.eth_setfit_payment_model|[eth_setfit_payment_model](https://sparknlp.org//2023/09/08/eth_setfit_payment_model_en.html)|
|English |en.embed_sentence.mpnet.fail_detect|[fail_detect](https://sparknlp.org//2023/09/07/fail_detect_en.html)|
|English |en.embed_sentence.mpnet.few_shot_model|[few_shot_model](https://sparknlp.org//2023/09/08/few_shot_model_en.html)|
|English |en.embed_sentence.mpnet.fewshotissueclassifier_nlbse23|[fewshotissueclassifier_nlbse23](https://sparknlp.org//2023/09/07/fewshotissueclassifier_nlbse23_en.html)|
|English |en.embed_sentence.mpnet.github_issues_mpnet_southern_sotho_e10|[github_issues_mpnet_southern_sotho_e10](https://sparknlp.org//2023/09/07/github_issues_mpnet_southern_sotho_e10_en.html)|
|English |en.embed_sentence.mpnet.github_issues_preprocessed_mpnet_southern_sotho_e10|[github_issues_preprocessed_mpnet_southern_sotho_e10](https://sparknlp.org//2023/09/07/github_issues_preprocessed_mpnet_southern_sotho_e10_en.html)|
|English |en.embed_sentence.mpnet.ikitracs_conditional|[ikitracs_conditional](https://sparknlp.org//2023/09/07/ikitracs_conditional_en.html)|
|English |en.embed_sentence.mpnet.ikitracs_mitigation|[ikitracs_mitigation](https://sparknlp.org//2023/09/07/ikitracs_mitigation_en.html)|
|English |en.embed_sentence.mpnet.initial_model|[initial_model](https://sparknlp.org//2023/09/07/initial_model_en.html)|
|English |en.embed_sentence.mpnet.initial_model_v3|[initial_model_v3](https://sparknlp.org//2023/09/07/initial_model_v3_en.html)|
|English |en.embed_sentence.mpnet.invoiceornot|[invoiceornot](https://sparknlp.org//2023/09/07/invoiceornot_en.html)|
|English |en.embed_sentence.mpnet.java_deprecation_classifier|[java_deprecation_classifier](https://sparknlp.org//2023/09/07/java_deprecation_classifier_en.html)|
|English |en.embed_sentence.mpnet.java_expand_classifier|[java_expand_classifier](https://sparknlp.org//2023/09/07/java_expand_classifier_en.html)|
|English |en.embed_sentence.mpnet.java_ownership_classifier|[java_ownership_classifier](https://sparknlp.org//2023/09/07/java_ownership_classifier_en.html)|
|English |en.embed_sentence.mpnet.java_pointer_classifier|[java_pointer_classifier](https://sparknlp.org//2023/09/07/java_pointer_classifier_en.html)|
|English |en.embed_sentence.mpnet.java_rational_classifier|[java_rational_classifier](https://sparknlp.org//2023/09/07/java_rational_classifier_en.html)|
|English |en.embed_sentence.mpnet.java_summary_classifier|[java_summary_classifier](https://sparknlp.org//2023/09/07/java_summary_classifier_en.html)|
|English |en.embed_sentence.mpnet.java_usage_classifier|[java_usage_classifier](https://sparknlp.org//2023/09/07/java_usage_classifier_en.html)|
|English |en.embed_sentence.mpnet.keyphrase_mpnet_v1|[keyphrase_mpnet_v1](https://sparknlp.org//2023/09/07/keyphrase_mpnet_v1_en.html)|
|English |en.embed_sentence.mpnet.kw_classification_setfit_model|[kw_classification_setfit_model](https://sparknlp.org//2023/09/07/kw_classification_setfit_model_en.html)|
|English |en.embed_sentence.mpnet.kw_classification_setfithead_model|[kw_classification_setfithead_model](https://sparknlp.org//2023/09/07/kw_classification_setfithead_model_en.html)|
|English |en.embed_sentence.mpnet.labels_per_job_title_fine_tune|[labels_per_job_title_fine_tune](https://sparknlp.org//2023/09/07/labels_per_job_title_fine_tune_en.html)|
|English |en.embed_sentence.mpnet.mpnet_adaptation_mitigation_classifier|[mpnet_adaptation_mitigation_classifier](https://sparknlp.org//2023/09/07/mpnet_adaptation_mitigation_classifier_en.html)|
|English |en.embed_sentence.mpnet.mpnet_base_articles_ner|[mpnet_base_articles_ner](https://sparknlp.org//2023/09/07/mpnet_base_articles_ner_en.html)|
|English |en.embed_sentence.mpnet.mpnet_base_snli_mnli|[mpnet_base_snli_mnli](https://sparknlp.org//2023/09/07/mpnet_base_snli_mnli_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_579_stmodel_product_rem_v3a|[mpnet_embedding_579_STmodel_product_rem_v3a](https://sparknlp.org//2023/08/18/mpnet_embedding_579_STmodel_product_rem_v3a_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_attack_bert|[mpnet_embedding_ATTACK_BERT](https://sparknlp.org//2023/08/18/mpnet_embedding_ATTACK_BERT_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_biolord_stamb2_v1|[mpnet_embedding_BioLORD_STAMB2_v1](https://sparknlp.org//2023/08/18/mpnet_embedding_BioLORD_STAMB2_v1_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_cpu_conditional_classifier|[mpnet_embedding_CPU_Conditional_Classifier](https://sparknlp.org//2023/08/18/mpnet_embedding_CPU_Conditional_Classifier_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_cpu_economywide_classifier|[mpnet_embedding_CPU_Economywide_Classifier](https://sparknlp.org//2023/08/18/mpnet_embedding_CPU_Economywide_Classifier_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_cpu_mitigation_classifier|[mpnet_embedding_CPU_Mitigation_Classifier](https://sparknlp.org//2023/08/18/mpnet_embedding_CPU_Mitigation_Classifier_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_cpu_netzero_classifier|[mpnet_embedding_CPU_Netzero_Classifier](https://sparknlp.org//2023/08/18/mpnet_embedding_CPU_Netzero_Classifier_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_cpu_target_classifier|[mpnet_embedding_CPU_Target_Classifier](https://sparknlp.org//2023/08/18/mpnet_embedding_CPU_Target_Classifier_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_cpu_transport_ghg_classifier|[mpnet_embedding_CPU_Transport_GHG_Classifier](https://sparknlp.org//2023/08/18/mpnet_embedding_CPU_Transport_GHG_Classifier_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_domainadaptm2|[mpnet_embedding_DomainAdaptM2](https://sparknlp.org//2023/08/18/mpnet_embedding_DomainAdaptM2_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_fewshotissueclassifier_nlbse23|[mpnet_embedding_FewShotIssueClassifier_NLBSE23](https://sparknlp.org//2023/08/18/mpnet_embedding_FewShotIssueClassifier_NLBSE23_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_invoiceornot|[mpnet_embedding_InvoiceOrNot](https://sparknlp.org//2023/08/18/mpnet_embedding_InvoiceOrNot_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_pdfsegs|[mpnet_embedding_PDFSegs](https://sparknlp.org//2023/08/18/mpnet_embedding_PDFSegs_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_patentsberta|[mpnet_embedding_PatentSBERTa](https://sparknlp.org//2023/08/18/mpnet_embedding_PatentSBERTa_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_patentsberta_v2|[mpnet_embedding_PatentSBERTa_V2](https://sparknlp.org//2023/08/18/mpnet_embedding_PatentSBERTa_V2_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_sentiment140_fewshot|[mpnet_embedding_Sentiment140_fewshot](https://sparknlp.org//2023/08/18/mpnet_embedding_Sentiment140_fewshot_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_setfit_all_data|[mpnet_embedding_SetFit_all_data](https://sparknlp.org//2023/08/18/mpnet_embedding_SetFit_all_data_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_setfit_few_shot_classifier|[mpnet_embedding_Setfit_few_shot_classifier](https://sparknlp.org//2023/08/18/mpnet_embedding_Setfit_few_shot_classifier_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_abstract_sim_query|[mpnet_embedding_abstract_sim_query](https://sparknlp.org//2023/08/18/mpnet_embedding_abstract_sim_query_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_abstract_sim_sentence|[mpnet_embedding_abstract_sim_sentence](https://sparknlp.org//2023/08/18/mpnet_embedding_abstract_sim_sentence_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_action_policy_plans_classifier|[mpnet_embedding_action_policy_plans_classifier](https://sparknlp.org//2023/08/18/mpnet_embedding_action_policy_plans_classifier_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_all_datasets_v3_mpnet_base|[mpnet_embedding_all_datasets_v3_mpnet_base](https://sparknlp.org//2023/08/18/mpnet_embedding_all_datasets_v3_mpnet_base_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_all_datasets_v4_mpnet_base|[mpnet_embedding_all_datasets_v4_mpnet_base](https://sparknlp.org//2023/08/18/mpnet_embedding_all_datasets_v4_mpnet_base_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_all_mpnet_base_questions_clustering_english|[mpnet_embedding_all_mpnet_base_questions_clustering_english](https://sparknlp.org//2023/08/29/mpnet_embedding_all_mpnet_base_questions_clustering_english_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_all_mpnet_base_v1|[mpnet_embedding_all_mpnet_base_v1](https://sparknlp.org//2023/08/18/mpnet_embedding_all_mpnet_base_v1_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_all_mpnet_base_v2_by_diptanuc|[mpnet_embedding_all_mpnet_base_v2_by_diptanuc](https://sparknlp.org//2023/08/29/mpnet_embedding_all_mpnet_base_v2_by_diptanuc_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_all_mpnet_base_v2_by_obrizum|[mpnet_embedding_all_mpnet_base_v2_by_obrizum](https://sparknlp.org//2023/08/29/mpnet_embedding_all_mpnet_base_v2_by_obrizum_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_all_mpnet_base_v2_by_sentence_transformers|[mpnet_embedding_all_mpnet_base_v2_by_sentence_transformers](https://sparknlp.org//2023/08/29/mpnet_embedding_all_mpnet_base_v2_by_sentence_transformers_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_all_mpnet_base_v2_embedding_all|[mpnet_embedding_all_mpnet_base_v2_embedding_all](https://sparknlp.org//2023/08/18/mpnet_embedding_all_mpnet_base_v2_embedding_all_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_all_mpnet_base_v2_feature_extraction|[mpnet_embedding_all_mpnet_base_v2_feature_extraction](https://sparknlp.org//2023/08/18/mpnet_embedding_all_mpnet_base_v2_feature_extraction_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_all_mpnet_base_v2_feature_extraction_pipeline|[mpnet_embedding_all_mpnet_base_v2_feature_extraction_pipeline](https://sparknlp.org//2023/08/18/mpnet_embedding_all_mpnet_base_v2_feature_extraction_pipeline_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_all_mpnet_base_v2_finetuned_v2|[mpnet_embedding_all_mpnet_base_v2_finetuned_v2](https://sparknlp.org//2023/08/18/mpnet_embedding_all_mpnet_base_v2_finetuned_v2_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_all_mpnet_base_v2_for_sb_clustering|[mpnet_embedding_all_mpnet_base_v2_for_sb_clustering](https://sparknlp.org//2023/08/18/mpnet_embedding_all_mpnet_base_v2_for_sb_clustering_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_all_mpnet_base_v2_ftlegal_v3|[mpnet_embedding_all_mpnet_base_v2_ftlegal_v3](https://sparknlp.org//2023/08/18/mpnet_embedding_all_mpnet_base_v2_ftlegal_v3_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_all_mpnet_base_v2_table|[mpnet_embedding_all_mpnet_base_v2_table](https://sparknlp.org//2023/08/18/mpnet_embedding_all_mpnet_base_v2_table_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_all_mpnet_base_v2_tasky_classification|[mpnet_embedding_all_mpnet_base_v2_tasky_classification](https://sparknlp.org//2023/08/18/mpnet_embedding_all_mpnet_base_v2_tasky_classification_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_burmese_awesome_setfit_model|[mpnet_embedding_burmese_awesome_setfit_model](https://sparknlp.org//2023/08/29/mpnet_embedding_burmese_awesome_setfit_model_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_burmese_awesome_setfit_model_98|[mpnet_embedding_burmese_awesome_setfit_model_98](https://sparknlp.org//2023/08/29/mpnet_embedding_burmese_awesome_setfit_model_98_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_contradiction_psb|[mpnet_embedding_contradiction_psb](https://sparknlp.org//2023/08/18/mpnet_embedding_contradiction_psb_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_contradiction_psb_lds|[mpnet_embedding_contradiction_psb_lds](https://sparknlp.org//2023/08/18/mpnet_embedding_contradiction_psb_lds_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_covid_qa_mpnet|[mpnet_embedding_covid_qa_mpnet](https://sparknlp.org//2023/08/18/mpnet_embedding_covid_qa_mpnet_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_cross_all_mpnet_base_v2_finetuned_webnlg2020_metric_average|[mpnet_embedding_cross_all_mpnet_base_v2_finetuned_WebNLG2020_metric_average](https://sparknlp.org//2023/08/18/mpnet_embedding_cross_all_mpnet_base_v2_finetuned_WebNLG2020_metric_average_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_due_eshop_21|[mpnet_embedding_due_eshop_21](https://sparknlp.org//2023/08/18/mpnet_embedding_due_eshop_21_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_due_eshop_21_multilabel|[mpnet_embedding_due_eshop_21_multilabel](https://sparknlp.org//2023/08/18/mpnet_embedding_due_eshop_21_multilabel_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_due_retail_25|[mpnet_embedding_due_retail_25](https://sparknlp.org//2023/08/18/mpnet_embedding_due_retail_25_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_ecolo_pas_ecolo_v0.1|[mpnet_embedding_ecolo_pas_ecolo_v0.1](https://sparknlp.org//2023/08/18/mpnet_embedding_ecolo_pas_ecolo_v0.1_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_esci_jp_mpnet_crossencoder|[mpnet_embedding_esci_jp_mpnet_crossencoder](https://sparknlp.org//2023/08/18/mpnet_embedding_esci_jp_mpnet_crossencoder_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_eth_setfit_payment_model|[mpnet_embedding_eth_setfit_payment_model](https://sparknlp.org//2023/08/18/mpnet_embedding_eth_setfit_payment_model_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_fail_detect|[mpnet_embedding_fail_detect](https://sparknlp.org//2023/08/18/mpnet_embedding_fail_detect_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_few_shot_model|[mpnet_embedding_few_shot_model](https://sparknlp.org//2023/08/18/mpnet_embedding_few_shot_model_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_finetunned_sbert|[mpnet_embedding_finetunned_sbert](https://sparknlp.org//2023/08/18/mpnet_embedding_finetunned_sbert_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_github_issues_mpnet_southern_sotho_e10|[mpnet_embedding_github_issues_mpnet_southern_sotho_e10](https://sparknlp.org//2023/08/29/mpnet_embedding_github_issues_mpnet_southern_sotho_e10_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_github_issues_mpnet_st_e10|[mpnet_embedding_github_issues_mpnet_st_e10](https://sparknlp.org//2023/08/18/mpnet_embedding_github_issues_mpnet_st_e10_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_github_issues_preprocessed_mpnet_southern_sotho_e10|[mpnet_embedding_github_issues_preprocessed_mpnet_southern_sotho_e10](https://sparknlp.org//2023/08/29/mpnet_embedding_github_issues_preprocessed_mpnet_southern_sotho_e10_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_github_issues_preprocessed_mpnet_st_e10|[mpnet_embedding_github_issues_preprocessed_mpnet_st_e10](https://sparknlp.org//2023/08/18/mpnet_embedding_github_issues_preprocessed_mpnet_st_e10_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_ikitracs_conditional|[mpnet_embedding_ikitracs_conditional](https://sparknlp.org//2023/08/18/mpnet_embedding_ikitracs_conditional_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_ikitracs_mitigation|[mpnet_embedding_ikitracs_mitigation](https://sparknlp.org//2023/08/18/mpnet_embedding_ikitracs_mitigation_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_initial_model|[mpnet_embedding_initial_model](https://sparknlp.org//2023/08/18/mpnet_embedding_initial_model_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_initial_model_v3|[mpnet_embedding_initial_model_v3](https://sparknlp.org//2023/08/18/mpnet_embedding_initial_model_v3_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_java_deprecation_classifier|[mpnet_embedding_java_deprecation_classifier](https://sparknlp.org//2023/08/18/mpnet_embedding_java_deprecation_classifier_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_java_expand_classifier|[mpnet_embedding_java_expand_classifier](https://sparknlp.org//2023/08/18/mpnet_embedding_java_expand_classifier_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_java_ownership_classifier|[mpnet_embedding_java_ownership_classifier](https://sparknlp.org//2023/08/18/mpnet_embedding_java_ownership_classifier_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_java_pointer_classifier|[mpnet_embedding_java_pointer_classifier](https://sparknlp.org//2023/08/18/mpnet_embedding_java_pointer_classifier_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_java_rational_classifier|[mpnet_embedding_java_rational_classifier](https://sparknlp.org//2023/08/18/mpnet_embedding_java_rational_classifier_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_java_summary_classifier|[mpnet_embedding_java_summary_classifier](https://sparknlp.org//2023/08/18/mpnet_embedding_java_summary_classifier_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_java_usage_classifier|[mpnet_embedding_java_usage_classifier](https://sparknlp.org//2023/08/18/mpnet_embedding_java_usage_classifier_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_keyphrase_mpnet_v1|[mpnet_embedding_keyphrase_mpnet_v1](https://sparknlp.org//2023/08/18/mpnet_embedding_keyphrase_mpnet_v1_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_kw_classification_setfit_model|[mpnet_embedding_kw_classification_setfit_model](https://sparknlp.org//2023/08/18/mpnet_embedding_kw_classification_setfit_model_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_kw_classification_setfithead_model|[mpnet_embedding_kw_classification_setfithead_model](https://sparknlp.org//2023/08/18/mpnet_embedding_kw_classification_setfithead_model_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_labels_per_job_title_fine_tune|[mpnet_embedding_labels_per_job_title_fine_tune](https://sparknlp.org//2023/08/18/mpnet_embedding_labels_per_job_title_fine_tune_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_mpnet_adaptation_mitigation_classifier|[mpnet_embedding_mpnet_adaptation_mitigation_classifier](https://sparknlp.org//2023/08/18/mpnet_embedding_mpnet_adaptation_mitigation_classifier_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_mpnet_base|[mpnet_embedding_mpnet_base](https://sparknlp.org//2023/08/18/mpnet_embedding_mpnet_base_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_mpnet_base_articles_ner|[mpnet_embedding_mpnet_base_articles_ner](https://sparknlp.org//2023/08/18/mpnet_embedding_mpnet_base_articles_ner_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_mpnet_base_snli_mnli|[mpnet_embedding_mpnet_base_snli_mnli](https://sparknlp.org//2023/08/18/mpnet_embedding_mpnet_base_snli_mnli_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_mpnet_mnr_v2_fine_tuned|[mpnet_embedding_mpnet_mnr_v2_fine_tuned](https://sparknlp.org//2023/08/18/mpnet_embedding_mpnet_mnr_v2_fine_tuned_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_mpnet_multilabel_sector_classifier|[mpnet_embedding_mpnet_multilabel_sector_classifier](https://sparknlp.org//2023/08/18/mpnet_embedding_mpnet_multilabel_sector_classifier_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_mpnet_nli_sts|[mpnet_embedding_mpnet_nli_sts](https://sparknlp.org//2023/08/18/mpnet_embedding_mpnet_nli_sts_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_mpnet_retriever_squad2|[mpnet_embedding_mpnet_retriever_squad2](https://sparknlp.org//2023/08/18/mpnet_embedding_mpnet_retriever_squad2_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_mpnet_snli|[mpnet_embedding_mpnet_snli](https://sparknlp.org//2023/08/18/mpnet_embedding_mpnet_snli_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_mpnet_snli_negatives|[mpnet_embedding_mpnet_snli_negatives](https://sparknlp.org//2023/08/18/mpnet_embedding_mpnet_snli_negatives_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_multi_qa_v1_mpnet_asymmetric_a|[mpnet_embedding_multi_QA_v1_mpnet_asymmetric_A](https://sparknlp.org//2023/08/18/mpnet_embedding_multi_QA_v1_mpnet_asymmetric_A_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_multi_qa_v1_mpnet_asymmetric_q|[mpnet_embedding_multi_QA_v1_mpnet_asymmetric_Q](https://sparknlp.org//2023/08/18/mpnet_embedding_multi_QA_v1_mpnet_asymmetric_Q_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_multi_qa_mpnet_base_cos_v1|[mpnet_embedding_multi_qa_mpnet_base_cos_v1](https://sparknlp.org//2023/08/18/mpnet_embedding_multi_qa_mpnet_base_cos_v1_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_multi_qa_mpnet_base_cos_v1_by_navteca|[mpnet_embedding_multi_qa_mpnet_base_cos_v1_by_navteca](https://sparknlp.org//2023/08/29/mpnet_embedding_multi_qa_mpnet_base_cos_v1_by_navteca_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_multi_qa_mpnet_base_cos_v1_by_sentence_transformers|[mpnet_embedding_multi_qa_mpnet_base_cos_v1_by_sentence_transformers](https://sparknlp.org//2023/08/29/mpnet_embedding_multi_qa_mpnet_base_cos_v1_by_sentence_transformers_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_multi_qa_mpnet_base_dot_v1|[mpnet_embedding_multi_qa_mpnet_base_dot_v1](https://sparknlp.org//2023/08/18/mpnet_embedding_multi_qa_mpnet_base_dot_v1_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_multi_qa_mpnet_base_dot_v1_by_model_embeddings|[mpnet_embedding_multi_qa_mpnet_base_dot_v1_by_model_embeddings](https://sparknlp.org//2023/08/29/mpnet_embedding_multi_qa_mpnet_base_dot_v1_by_model_embeddings_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_multi_qa_mpnet_base_dot_v1_by_sentence_transformers|[mpnet_embedding_multi_qa_mpnet_base_dot_v1_by_sentence_transformers](https://sparknlp.org//2023/08/29/mpnet_embedding_multi_qa_mpnet_base_dot_v1_by_sentence_transformers_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_multi_qa_mpnet_base_dot_v1_eclass|[mpnet_embedding_multi_qa_mpnet_base_dot_v1_eclass](https://sparknlp.org//2023/08/18/mpnet_embedding_multi_qa_mpnet_base_dot_v1_eclass_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_multi_qa_mpnet_base_dot_v1_legal_finetune|[mpnet_embedding_multi_qa_mpnet_base_dot_v1_legal_finetune](https://sparknlp.org//2023/08/18/mpnet_embedding_multi_qa_mpnet_base_dot_v1_legal_finetune_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_multi_qa_v1_mpnet_cls_dot|[mpnet_embedding_multi_qa_v1_mpnet_cls_dot](https://sparknlp.org//2023/08/18/mpnet_embedding_multi_qa_v1_mpnet_cls_dot_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_my_awesome_setfit_model_98|[mpnet_embedding_my_awesome_setfit_model_98](https://sparknlp.org//2023/08/18/mpnet_embedding_my_awesome_setfit_model_98_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_nli_mpnet_base_v2|[mpnet_embedding_nli_mpnet_base_v2](https://sparknlp.org//2023/08/18/mpnet_embedding_nli_mpnet_base_v2_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_nli_mpnet_base_v2_by_sentence_transformers|[mpnet_embedding_nli_mpnet_base_v2_by_sentence_transformers](https://sparknlp.org//2023/08/29/mpnet_embedding_nli_mpnet_base_v2_by_sentence_transformers_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_nooks_amd_detection_realtime|[mpnet_embedding_nooks_amd_detection_realtime](https://sparknlp.org//2023/08/18/mpnet_embedding_nooks_amd_detection_realtime_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_nooks_amd_detection_v2_full|[mpnet_embedding_nooks_amd_detection_v2_full](https://sparknlp.org//2023/08/18/mpnet_embedding_nooks_amd_detection_v2_full_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_nps_psb_lds|[mpnet_embedding_nps_psb_lds](https://sparknlp.org//2023/08/18/mpnet_embedding_nps_psb_lds_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_ouvrage_classif|[mpnet_embedding_ouvrage_classif](https://sparknlp.org//2023/08/18/mpnet_embedding_ouvrage_classif_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_paraphrase_mpnet_base_v2|[mpnet_embedding_paraphrase_mpnet_base_v2](https://sparknlp.org//2023/08/18/mpnet_embedding_paraphrase_mpnet_base_v2_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_paraphrase_mpnet_base_v2_setfit_sst2|[mpnet_embedding_paraphrase_mpnet_base_v2_SetFit_sst2](https://sparknlp.org//2023/08/18/mpnet_embedding_paraphrase_mpnet_base_v2_SetFit_sst2_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_paraphrase_mpnet_base_v2_by_sentence_transformers|[mpnet_embedding_paraphrase_mpnet_base_v2_by_sentence_transformers](https://sparknlp.org//2023/08/29/mpnet_embedding_paraphrase_mpnet_base_v2_by_sentence_transformers_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_paraphrase_mpnet_base_v2_finetuned_polifact|[mpnet_embedding_paraphrase_mpnet_base_v2_finetuned_polifact](https://sparknlp.org//2023/08/18/mpnet_embedding_paraphrase_mpnet_base_v2_finetuned_polifact_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_paraphrase_mpnet_base_v2_fuzzy_matcher|[mpnet_embedding_paraphrase_mpnet_base_v2_fuzzy_matcher](https://sparknlp.org//2023/08/18/mpnet_embedding_paraphrase_mpnet_base_v2_fuzzy_matcher_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_pharo_collaborators_classifier|[mpnet_embedding_pharo_collaborators_classifier](https://sparknlp.org//2023/08/18/mpnet_embedding_pharo_collaborators_classifier_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_pharo_example_classifier|[mpnet_embedding_pharo_example_classifier](https://sparknlp.org//2023/08/18/mpnet_embedding_pharo_example_classifier_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_pharo_keyimplementationpoints_classifier|[mpnet_embedding_pharo_keyimplementationpoints_classifier](https://sparknlp.org//2023/08/18/mpnet_embedding_pharo_keyimplementationpoints_classifier_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_pharo_responsibilities_classifier|[mpnet_embedding_pharo_responsibilities_classifier](https://sparknlp.org//2023/08/18/mpnet_embedding_pharo_responsibilities_classifier_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_python_developmentnotes_classifier|[mpnet_embedding_python_developmentnotes_classifier](https://sparknlp.org//2023/08/18/mpnet_embedding_python_developmentnotes_classifier_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_python_expand_classifier|[mpnet_embedding_python_expand_classifier](https://sparknlp.org//2023/08/18/mpnet_embedding_python_expand_classifier_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_python_parameters_classifier|[mpnet_embedding_python_parameters_classifier](https://sparknlp.org//2023/08/18/mpnet_embedding_python_parameters_classifier_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_python_summary_classifier|[mpnet_embedding_python_summary_classifier](https://sparknlp.org//2023/08/18/mpnet_embedding_python_summary_classifier_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_python_usage_classifier|[mpnet_embedding_python_usage_classifier](https://sparknlp.org//2023/08/18/mpnet_embedding_python_usage_classifier_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_reddit_single_context_mpnet_base|[mpnet_embedding_reddit_single_context_mpnet_base](https://sparknlp.org//2023/08/18/mpnet_embedding_reddit_single_context_mpnet_base_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_retriever_coding_guru_adapted|[mpnet_embedding_retriever_coding_guru_adapted](https://sparknlp.org//2023/08/18/mpnet_embedding_retriever_coding_guru_adapted_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_review_intent_20230116|[mpnet_embedding_review_intent_20230116](https://sparknlp.org//2023/08/18/mpnet_embedding_review_intent_20230116_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_review_multiclass_20230116|[mpnet_embedding_review_multiclass_20230116](https://sparknlp.org//2023/08/18/mpnet_embedding_review_multiclass_20230116_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_sb_temfac|[mpnet_embedding_sb_temfac](https://sparknlp.org//2023/08/18/mpnet_embedding_sb_temfac_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_sbert_paper|[mpnet_embedding_sbert_paper](https://sparknlp.org//2023/08/18/mpnet_embedding_sbert_paper_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_sentence_transformers_bible_reference_final|[mpnet_embedding_sentence_transformers_bible_reference_final](https://sparknlp.org//2023/08/18/mpnet_embedding_sentence_transformers_bible_reference_final_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_setfit_ag_news_endpoint|[mpnet_embedding_setfit_ag_news_endpoint](https://sparknlp.org//2023/08/18/mpnet_embedding_setfit_ag_news_endpoint_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_setfit_ds_version_0_0_1|[mpnet_embedding_setfit_ds_version_0_0_1](https://sparknlp.org//2023/08/18/mpnet_embedding_setfit_ds_version_0_0_1_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_setfit_ds_version_0_0_2|[mpnet_embedding_setfit_ds_version_0_0_2](https://sparknlp.org//2023/08/18/mpnet_embedding_setfit_ds_version_0_0_2_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_setfit_ds_version_0_0_4|[mpnet_embedding_setfit_ds_version_0_0_4](https://sparknlp.org//2023/08/18/mpnet_embedding_setfit_ds_version_0_0_4_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_setfit_ds_version_0_0_5|[mpnet_embedding_setfit_ds_version_0_0_5](https://sparknlp.org//2023/08/18/mpnet_embedding_setfit_ds_version_0_0_5_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_setfit_ethos_multilabel_example|[mpnet_embedding_setfit_ethos_multilabel_example](https://sparknlp.org//2023/08/18/mpnet_embedding_setfit_ethos_multilabel_example_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_setfit_ethos_multilabel_example_by_lewtun|[mpnet_embedding_setfit_ethos_multilabel_example_by_lewtun](https://sparknlp.org//2023/08/29/mpnet_embedding_setfit_ethos_multilabel_example_by_lewtun_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_setfit_ethos_multilabel_example_by_neilthematic|[mpnet_embedding_setfit_ethos_multilabel_example_by_neilthematic](https://sparknlp.org//2023/08/29/mpnet_embedding_setfit_ethos_multilabel_example_by_neilthematic_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_setfit_finetuned_financial_text|[mpnet_embedding_setfit_finetuned_financial_text](https://sparknlp.org//2023/08/18/mpnet_embedding_setfit_finetuned_financial_text_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_setfit_ft_sentinent_eval|[mpnet_embedding_setfit_ft_sentinent_eval](https://sparknlp.org//2023/08/18/mpnet_embedding_setfit_ft_sentinent_eval_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_setfit_model|[mpnet_embedding_setfit_model](https://sparknlp.org//2023/08/18/mpnet_embedding_setfit_model_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_setfit_model_feb11_misinformation_on_law|[mpnet_embedding_setfit_model_Feb11_Misinformation_on_Law](https://sparknlp.org//2023/08/18/mpnet_embedding_setfit_model_Feb11_Misinformation_on_Law_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_setfit_model_by_pradipta11|[mpnet_embedding_setfit_model_by_pradipta11](https://sparknlp.org//2023/08/29/mpnet_embedding_setfit_model_by_pradipta11_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_setfit_model_by_rajistics|[mpnet_embedding_setfit_model_by_rajistics](https://sparknlp.org//2023/08/29/mpnet_embedding_setfit_model_by_rajistics_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_setfit_model_test_sensitve_v1|[mpnet_embedding_setfit_model_test_sensitve_v1](https://sparknlp.org//2023/08/18/mpnet_embedding_setfit_model_test_sensitve_v1_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_setfit_occupation|[mpnet_embedding_setfit_occupation](https://sparknlp.org//2023/08/18/mpnet_embedding_setfit_occupation_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_setfit_ostrom|[mpnet_embedding_setfit_ostrom](https://sparknlp.org//2023/08/18/mpnet_embedding_setfit_ostrom_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_setfit_zero_shot_classification_pbsp_p1|[mpnet_embedding_setfit_zero_shot_classification_pbsp_p1](https://sparknlp.org//2023/08/18/mpnet_embedding_setfit_zero_shot_classification_pbsp_p1_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_setfit_zero_shot_classification_pbsp_p1_comm|[mpnet_embedding_setfit_zero_shot_classification_pbsp_p1_comm](https://sparknlp.org//2023/08/18/mpnet_embedding_setfit_zero_shot_classification_pbsp_p1_comm_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_setfit_zero_shot_classification_pbsp_p1_life|[mpnet_embedding_setfit_zero_shot_classification_pbsp_p1_life](https://sparknlp.org//2023/08/18/mpnet_embedding_setfit_zero_shot_classification_pbsp_p1_life_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_setfit_zero_shot_classification_pbsp_p1_likes|[mpnet_embedding_setfit_zero_shot_classification_pbsp_p1_likes](https://sparknlp.org//2023/08/18/mpnet_embedding_setfit_zero_shot_classification_pbsp_p1_likes_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_setfit_zero_shot_classification_pbsp_p3_bhvr|[mpnet_embedding_setfit_zero_shot_classification_pbsp_p3_bhvr](https://sparknlp.org//2023/08/18/mpnet_embedding_setfit_zero_shot_classification_pbsp_p3_bhvr_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_setfit_zero_shot_classification_pbsp_p3_cons|[mpnet_embedding_setfit_zero_shot_classification_pbsp_p3_cons](https://sparknlp.org//2023/08/18/mpnet_embedding_setfit_zero_shot_classification_pbsp_p3_cons_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_setfit_zero_shot_classification_pbsp_p3_dur|[mpnet_embedding_setfit_zero_shot_classification_pbsp_p3_dur](https://sparknlp.org//2023/08/18/mpnet_embedding_setfit_zero_shot_classification_pbsp_p3_dur_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_setfit_zero_shot_classification_pbsp_p3_func|[mpnet_embedding_setfit_zero_shot_classification_pbsp_p3_func](https://sparknlp.org//2023/08/18/mpnet_embedding_setfit_zero_shot_classification_pbsp_p3_func_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_setfit_zero_shot_classification_pbsp_p3_sev|[mpnet_embedding_setfit_zero_shot_classification_pbsp_p3_sev](https://sparknlp.org//2023/08/18/mpnet_embedding_setfit_zero_shot_classification_pbsp_p3_sev_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_setfit_zero_shot_classification_pbsp_p3_trig|[mpnet_embedding_setfit_zero_shot_classification_pbsp_p3_trig](https://sparknlp.org//2023/08/18/mpnet_embedding_setfit_zero_shot_classification_pbsp_p3_trig_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_setfit_zero_shot_classification_pbsp_p4_achiev|[mpnet_embedding_setfit_zero_shot_classification_pbsp_p4_achiev](https://sparknlp.org//2023/08/18/mpnet_embedding_setfit_zero_shot_classification_pbsp_p4_achiev_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_setfit_zero_shot_classification_pbsp_p4_meas|[mpnet_embedding_setfit_zero_shot_classification_pbsp_p4_meas](https://sparknlp.org//2023/08/18/mpnet_embedding_setfit_zero_shot_classification_pbsp_p4_meas_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_setfit_zero_shot_classification_pbsp_p4_rel|[mpnet_embedding_setfit_zero_shot_classification_pbsp_p4_rel](https://sparknlp.org//2023/08/18/mpnet_embedding_setfit_zero_shot_classification_pbsp_p4_rel_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_setfit_zero_shot_classification_pbsp_p4_specific|[mpnet_embedding_setfit_zero_shot_classification_pbsp_p4_specific](https://sparknlp.org//2023/08/18/mpnet_embedding_setfit_zero_shot_classification_pbsp_p4_specific_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_setfit_zero_shot_classification_pbsp_p4_time|[mpnet_embedding_setfit_zero_shot_classification_pbsp_p4_time](https://sparknlp.org//2023/08/18/mpnet_embedding_setfit_zero_shot_classification_pbsp_p4_time_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_setfit_zero_shot_classification_pbsp_q8a_azure_gpt35|[mpnet_embedding_setfit_zero_shot_classification_pbsp_q8a_azure_gpt35](https://sparknlp.org//2023/08/18/mpnet_embedding_setfit_zero_shot_classification_pbsp_q8a_azure_gpt35_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_shona_mpnet_base_snli_mnli|[mpnet_embedding_shona_mpnet_base_snli_mnli](https://sparknlp.org//2023/08/29/mpnet_embedding_shona_mpnet_base_snli_mnli_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_sml_ukr_message_classifier|[mpnet_embedding_sml_ukr_message_classifier](https://sparknlp.org//2023/08/18/mpnet_embedding_sml_ukr_message_classifier_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_sml_ukr_word_classifier_medium|[mpnet_embedding_sml_ukr_word_classifier_medium](https://sparknlp.org//2023/08/18/mpnet_embedding_sml_ukr_word_classifier_medium_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_sn_mpnet_base_snli_mnli|[mpnet_embedding_sn_mpnet_base_snli_mnli](https://sparknlp.org//2023/08/18/mpnet_embedding_sn_mpnet_base_snli_mnli_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_spiced|[mpnet_embedding_spiced](https://sparknlp.org//2023/08/18/mpnet_embedding_spiced_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_stackoverflow_mpnet_base|[mpnet_embedding_stackoverflow_mpnet_base](https://sparknlp.org//2023/08/18/mpnet_embedding_stackoverflow_mpnet_base_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_stsb_mpnet_base_v2|[mpnet_embedding_stsb_mpnet_base_v2](https://sparknlp.org//2023/08/18/mpnet_embedding_stsb_mpnet_base_v2_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_test_food|[mpnet_embedding_test_food](https://sparknlp.org//2023/08/18/mpnet_embedding_test_food_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_test_model_001|[mpnet_embedding_test_model_001](https://sparknlp.org//2023/08/18/mpnet_embedding_test_model_001_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_tiny_random_mpnetformaskedlm|[mpnet_embedding_tiny_random_MPNetForMaskedLM](https://sparknlp.org//2023/08/18/mpnet_embedding_tiny_random_MPNetForMaskedLM_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_tiny_random_mpnetforquestionanswering|[mpnet_embedding_tiny_random_MPNetForQuestionAnswering](https://sparknlp.org//2023/08/18/mpnet_embedding_tiny_random_MPNetForQuestionAnswering_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_tiny_random_mpnetforsequenceclassification|[mpnet_embedding_tiny_random_MPNetForSequenceClassification](https://sparknlp.org//2023/08/18/mpnet_embedding_tiny_random_MPNetForSequenceClassification_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_tiny_random_mpnetfortokenclassification|[mpnet_embedding_tiny_random_MPNetForTokenClassification](https://sparknlp.org//2023/08/18/mpnet_embedding_tiny_random_MPNetForTokenClassification_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_tiny_random_mpnetmodel|[mpnet_embedding_tiny_random_MPNetModel](https://sparknlp.org//2023/08/18/mpnet_embedding_tiny_random_MPNetModel_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_tiny_random_mpnet_by_hf_internal_testing|[mpnet_embedding_tiny_random_mpnet_by_hf_internal_testing](https://sparknlp.org//2023/08/29/mpnet_embedding_tiny_random_mpnet_by_hf_internal_testing_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_tiny_random_mpnetformaskedlm_by_hf_internal_testing|[mpnet_embedding_tiny_random_mpnetformaskedlm_by_hf_internal_testing](https://sparknlp.org//2023/08/29/mpnet_embedding_tiny_random_mpnetformaskedlm_by_hf_internal_testing_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_tiny_random_mpnetformaskedlm_by_hf_tiny_model_private|[mpnet_embedding_tiny_random_mpnetformaskedlm_by_hf_tiny_model_private](https://sparknlp.org//2023/08/29/mpnet_embedding_tiny_random_mpnetformaskedlm_by_hf_tiny_model_private_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_tiny_random_mpnetforquestionanswering_by_hf_internal_testing|[mpnet_embedding_tiny_random_mpnetforquestionanswering_by_hf_internal_testing](https://sparknlp.org//2023/08/29/mpnet_embedding_tiny_random_mpnetforquestionanswering_by_hf_internal_testing_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_tiny_random_mpnetforquestionanswering_by_hf_tiny_model_private|[mpnet_embedding_tiny_random_mpnetforquestionanswering_by_hf_tiny_model_private](https://sparknlp.org//2023/08/29/mpnet_embedding_tiny_random_mpnetforquestionanswering_by_hf_tiny_model_private_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_tiny_random_mpnetforsequenceclassification_by_hf_internal_testing|[mpnet_embedding_tiny_random_mpnetforsequenceclassification_by_hf_internal_testing](https://sparknlp.org//2023/08/29/mpnet_embedding_tiny_random_mpnetforsequenceclassification_by_hf_internal_testing_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_tiny_random_mpnetforsequenceclassification_by_hf_tiny_model_private|[mpnet_embedding_tiny_random_mpnetforsequenceclassification_by_hf_tiny_model_private](https://sparknlp.org//2023/08/29/mpnet_embedding_tiny_random_mpnetforsequenceclassification_by_hf_tiny_model_private_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_tiny_random_mpnetfortokenclassification_by_hf_internal_testing|[mpnet_embedding_tiny_random_mpnetfortokenclassification_by_hf_internal_testing](https://sparknlp.org//2023/08/29/mpnet_embedding_tiny_random_mpnetfortokenclassification_by_hf_internal_testing_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_tiny_random_mpnetfortokenclassification_by_hf_tiny_model_private|[mpnet_embedding_tiny_random_mpnetfortokenclassification_by_hf_tiny_model_private](https://sparknlp.org//2023/08/29/mpnet_embedding_tiny_random_mpnetfortokenclassification_by_hf_tiny_model_private_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_tiny_random_mpnetmodel_by_hf_internal_testing|[mpnet_embedding_tiny_random_mpnetmodel_by_hf_internal_testing](https://sparknlp.org//2023/08/29/mpnet_embedding_tiny_random_mpnetmodel_by_hf_internal_testing_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_tiny_random_mpnetmodel_by_hf_tiny_model_private|[mpnet_embedding_tiny_random_mpnetmodel_by_hf_tiny_model_private](https://sparknlp.org//2023/08/29/mpnet_embedding_tiny_random_mpnetmodel_by_hf_tiny_model_private_en.html)|
|English |en.embed_sentence.mpnet.mpnet_embedding_vulnerable_groups|[mpnet_embedding_vulnerable_groups](https://sparknlp.org//2023/08/18/mpnet_embedding_vulnerable_groups_en.html)|
|English |en.embed_sentence.mpnet.mpnet_mnr_v2_fine_tuned|[mpnet_mnr_v2_fine_tuned](https://sparknlp.org//2023/09/07/mpnet_mnr_v2_fine_tuned_en.html)|
|English |en.embed_sentence.mpnet.mpnet_multilabel_sector_classifier|[mpnet_multilabel_sector_classifier](https://sparknlp.org//2023/09/07/mpnet_multilabel_sector_classifier_en.html)|
|English |en.embed_sentence.mpnet.mpnet_nli_sts|[mpnet_nli_sts](https://sparknlp.org//2023/09/07/mpnet_nli_sts_en.html)|
|English |en.embed_sentence.mpnet.mpnet_retriever_squad2|[mpnet_retriever_squad2](https://sparknlp.org//2023/09/07/mpnet_retriever_squad2_en.html)|
|English |en.embed_sentence.mpnet.mpnet_snli|[mpnet_snli](https://sparknlp.org//2023/09/07/mpnet_snli_en.html)|
|English |en.embed_sentence.mpnet.mpnet_snli_negatives|[mpnet_snli_negatives](https://sparknlp.org//2023/09/07/mpnet_snli_negatives_en.html)|
|English |en.embed_sentence.mpnet.multi_qa_mpnet_base_cos_v1|[multi_qa_mpnet_base_cos_v1](https://sparknlp.org//2023/09/08/multi_qa_mpnet_base_cos_v1_en.html)|
|English |en.embed_sentence.mpnet.multi_qa_mpnet_base_cos_v1_navteca|[multi_qa_mpnet_base_cos_v1_navteca](https://sparknlp.org//2023/09/07/multi_qa_mpnet_base_cos_v1_navteca_en.html)|
|English |en.embed_sentence.mpnet.multi_qa_mpnet_base_cos_v1_sentence_transformers|[multi_qa_mpnet_base_cos_v1_sentence_transformers](https://sparknlp.org//2023/09/07/multi_qa_mpnet_base_cos_v1_sentence_transformers_en.html)|
|English |en.embed_sentence.mpnet.multi_qa_mpnet_base_dot_v1|[multi_qa_mpnet_base_dot_v1](https://sparknlp.org//2023/09/08/multi_qa_mpnet_base_dot_v1_en.html)|
|English |en.embed_sentence.mpnet.multi_qa_mpnet_base_dot_v1_eclass|[multi_qa_mpnet_base_dot_v1_eclass](https://sparknlp.org//2023/09/07/multi_qa_mpnet_base_dot_v1_eclass_en.html)|
|English |en.embed_sentence.mpnet.multi_qa_mpnet_base_dot_v1_legal_finetune|[multi_qa_mpnet_base_dot_v1_legal_finetune](https://sparknlp.org//2023/09/07/multi_qa_mpnet_base_dot_v1_legal_finetune_en.html)|
|English |en.embed_sentence.mpnet.multi_qa_mpnet_base_dot_v1_model_embeddings|[multi_qa_mpnet_base_dot_v1_model_embeddings](https://sparknlp.org//2023/09/08/multi_qa_mpnet_base_dot_v1_model_embeddings_en.html)|
|English |en.embed_sentence.mpnet.multi_qa_mpnet_base_dot_v1_sentence_transformers|[multi_qa_mpnet_base_dot_v1_sentence_transformers](https://sparknlp.org//2023/09/07/multi_qa_mpnet_base_dot_v1_sentence_transformers_en.html)|
|English |en.embed_sentence.mpnet.multi_qa_v1_mpnet_asymmetric_a|[multi_qa_v1_mpnet_asymmetric_a](https://sparknlp.org//2023/09/07/multi_qa_v1_mpnet_asymmetric_a_en.html)|
|English |en.embed_sentence.mpnet.multi_qa_v1_mpnet_asymmetric_q|[multi_qa_v1_mpnet_asymmetric_q](https://sparknlp.org//2023/09/07/multi_qa_v1_mpnet_asymmetric_q_en.html)|
|English |en.embed_sentence.mpnet.multi_qa_v1_mpnet_cls_dot|[multi_qa_v1_mpnet_cls_dot](https://sparknlp.org//2023/09/07/multi_qa_v1_mpnet_cls_dot_en.html)|
|English |en.embed_sentence.mpnet.nli_mpnet_base_v2|[nli_mpnet_base_v2](https://sparknlp.org//2023/09/08/nli_mpnet_base_v2_en.html)|
|English |en.embed_sentence.mpnet.nli_mpnet_base_v2_sentence_transformers|[nli_mpnet_base_v2_sentence_transformers](https://sparknlp.org//2023/09/07/nli_mpnet_base_v2_sentence_transformers_en.html)|
|English |en.embed_sentence.mpnet.nooks_amd_detection_realtime|[nooks_amd_detection_realtime](https://sparknlp.org//2023/09/07/nooks_amd_detection_realtime_en.html)|
|English |en.embed_sentence.mpnet.nooks_amd_detection_v2_full|[nooks_amd_detection_v2_full](https://sparknlp.org//2023/09/07/nooks_amd_detection_v2_full_en.html)|
|English |en.embed_sentence.mpnet.nps_psb_lds|[nps_psb_lds](https://sparknlp.org//2023/09/07/nps_psb_lds_en.html)|
|English |en.embed_sentence.mpnet.ouvrage_classif|[ouvrage_classif](https://sparknlp.org//2023/09/07/ouvrage_classif_en.html)|
|English |en.embed_sentence.mpnet.paraphrase_mpnet_base_v2|[paraphrase_mpnet_base_v2](https://sparknlp.org//2023/09/08/paraphrase_mpnet_base_v2_en.html)|
|English |en.embed_sentence.mpnet.paraphrase_mpnet_base_v2_finetuned_polifact|[paraphrase_mpnet_base_v2_finetuned_polifact](https://sparknlp.org//2023/09/08/paraphrase_mpnet_base_v2_finetuned_polifact_en.html)|
|English |en.embed_sentence.mpnet.paraphrase_mpnet_base_v2_fuzzy_matcher|[paraphrase_mpnet_base_v2_fuzzy_matcher](https://sparknlp.org//2023/09/07/paraphrase_mpnet_base_v2_fuzzy_matcher_en.html)|
|English |en.embed_sentence.mpnet.paraphrase_mpnet_base_v2_sentence_transformers|[paraphrase_mpnet_base_v2_sentence_transformers](https://sparknlp.org//2023/09/07/paraphrase_mpnet_base_v2_sentence_transformers_en.html)|
|English |en.embed_sentence.mpnet.paraphrase_mpnet_base_v2_setfit_sst2|[paraphrase_mpnet_base_v2_setfit_sst2](https://sparknlp.org//2023/09/07/paraphrase_mpnet_base_v2_setfit_sst2_en.html)|
|English |en.embed_sentence.mpnet.patentsberta|[patentsberta](https://sparknlp.org//2023/09/07/patentsberta_en.html)|
|English |en.embed_sentence.mpnet.patentsberta_v2|[patentsberta_v2](https://sparknlp.org//2023/09/08/patentsberta_v2_en.html)|
|English |en.embed_sentence.mpnet.pdfsegs|[pdfsegs](https://sparknlp.org//2023/09/07/pdfsegs_en.html)|
|English |en.embed_sentence.mpnet.pharo_collaborators_classifier|[pharo_collaborators_classifier](https://sparknlp.org//2023/09/07/pharo_collaborators_classifier_en.html)|
|English |en.embed_sentence.mpnet.pharo_example_classifier|[pharo_example_classifier](https://sparknlp.org//2023/09/07/pharo_example_classifier_en.html)|
|English |en.embed_sentence.mpnet.pharo_keyimplementationpoints_classifier|[pharo_keyimplementationpoints_classifier](https://sparknlp.org//2023/09/07/pharo_keyimplementationpoints_classifier_en.html)|
|English |en.embed_sentence.mpnet.pharo_responsibilities_classifier|[pharo_responsibilities_classifier](https://sparknlp.org//2023/09/07/pharo_responsibilities_classifier_en.html)|
|English |en.embed_sentence.mpnet.python_developmentnotes_classifier|[python_developmentnotes_classifier](https://sparknlp.org//2023/09/07/python_developmentnotes_classifier_en.html)|
|English |en.embed_sentence.mpnet.python_expand_classifier|[python_expand_classifier](https://sparknlp.org//2023/09/07/python_expand_classifier_en.html)|
|English |en.embed_sentence.mpnet.python_parameters_classifier|[python_parameters_classifier](https://sparknlp.org//2023/09/07/python_parameters_classifier_en.html)|
|English |en.embed_sentence.mpnet.python_summary_classifier|[python_summary_classifier](https://sparknlp.org//2023/09/07/python_summary_classifier_en.html)|
|English |en.embed_sentence.mpnet.python_usage_classifier|[python_usage_classifier](https://sparknlp.org//2023/09/07/python_usage_classifier_en.html)|
|English |en.embed_sentence.mpnet.reddit_single_context_mpnet_base|[reddit_single_context_mpnet_base](https://sparknlp.org//2023/09/07/reddit_single_context_mpnet_base_en.html)|
|English |en.embed_sentence.mpnet.retriever_coding_guru_adapted|[retriever_coding_guru_adapted](https://sparknlp.org//2023/09/07/retriever_coding_guru_adapted_en.html)|
|English |en.embed_sentence.mpnet.review_intent_20230116|[review_intent_20230116](https://sparknlp.org//2023/09/07/review_intent_20230116_en.html)|
|English |en.embed_sentence.mpnet.review_multiclass_20230116|[review_multiclass_20230116](https://sparknlp.org//2023/09/07/review_multiclass_20230116_en.html)|
|English |en.embed_sentence.mpnet.sb_temfac|[sb_temfac](https://sparknlp.org//2023/09/07/sb_temfac_en.html)|
|English |en.embed_sentence.mpnet.sbert_paper|[sbert_paper](https://sparknlp.org//2023/09/07/sbert_paper_en.html)|
|English |en.embed_sentence.mpnet.sentence_transformers_bible_reference_final|[sentence_transformers_bible_reference_final](https://sparknlp.org//2023/09/07/sentence_transformers_bible_reference_final_en.html)|
|English |en.embed_sentence.mpnet.sentiment140_fewshot|[sentiment140_fewshot](https://sparknlp.org//2023/09/07/sentiment140_fewshot_en.html)|
|English |en.embed_sentence.mpnet.setfit_ag_news_endpoint|[setfit_ag_news_endpoint](https://sparknlp.org//2023/09/07/setfit_ag_news_endpoint_en.html)|
|English |en.embed_sentence.mpnet.setfit_all_data|[setfit_all_data](https://sparknlp.org//2023/09/07/setfit_all_data_en.html)|
|English |en.embed_sentence.mpnet.setfit_ds_version_0_0_1|[setfit_ds_version_0_0_1](https://sparknlp.org//2023/09/07/setfit_ds_version_0_0_1_en.html)|
|English |en.embed_sentence.mpnet.setfit_ds_version_0_0_2|[setfit_ds_version_0_0_2](https://sparknlp.org//2023/09/07/setfit_ds_version_0_0_2_en.html)|
|English |en.embed_sentence.mpnet.setfit_ds_version_0_0_4|[setfit_ds_version_0_0_4](https://sparknlp.org//2023/09/07/setfit_ds_version_0_0_4_en.html)|
|English |en.embed_sentence.mpnet.setfit_ds_version_0_0_5|[setfit_ds_version_0_0_5](https://sparknlp.org//2023/09/07/setfit_ds_version_0_0_5_en.html)|
|English |en.embed_sentence.mpnet.setfit_ethos_multilabel_example_lewtun|[setfit_ethos_multilabel_example_lewtun](https://sparknlp.org//2023/09/07/setfit_ethos_multilabel_example_lewtun_en.html)|
|English |en.embed_sentence.mpnet.setfit_ethos_multilabel_example_neilthematic|[setfit_ethos_multilabel_example_neilthematic](https://sparknlp.org//2023/09/07/setfit_ethos_multilabel_example_neilthematic_en.html)|
|English |en.embed_sentence.mpnet.setfit_few_shot_classifier|[setfit_few_shot_classifier](https://sparknlp.org//2023/09/07/setfit_few_shot_classifier_en.html)|
|English |en.embed_sentence.mpnet.setfit_finetuned_financial_text|[setfit_finetuned_financial_text](https://sparknlp.org//2023/09/07/setfit_finetuned_financial_text_en.html)|
|English |en.embed_sentence.mpnet.setfit_ft_sentinent_eval|[setfit_ft_sentinent_eval](https://sparknlp.org//2023/09/08/setfit_ft_sentinent_eval_en.html)|
|English |en.embed_sentence.mpnet.setfit_model_feb11_misinformation_on_law|[setfit_model_feb11_misinformation_on_law](https://sparknlp.org//2023/09/08/setfit_model_feb11_misinformation_on_law_en.html)|
|English |en.embed_sentence.mpnet.setfit_model_pradipta11|[setfit_model_pradipta11](https://sparknlp.org//2023/09/07/setfit_model_pradipta11_en.html)|
|English |en.embed_sentence.mpnet.setfit_model_rajistics|[setfit_model_rajistics](https://sparknlp.org//2023/09/07/setfit_model_rajistics_en.html)|
|English |en.embed_sentence.mpnet.setfit_model_test_sensitve_v1|[setfit_model_test_sensitve_v1](https://sparknlp.org//2023/09/07/setfit_model_test_sensitve_v1_en.html)|
|English |en.embed_sentence.mpnet.setfit_occupation|[setfit_occupation](https://sparknlp.org//2023/09/07/setfit_occupation_en.html)|
|English |en.embed_sentence.mpnet.setfit_ostrom|[setfit_ostrom](https://sparknlp.org//2023/09/08/setfit_ostrom_en.html)|
|English |en.embed_sentence.mpnet.setfit_zero_shot_classification_pbsp_p1|[setfit_zero_shot_classification_pbsp_p1](https://sparknlp.org//2023/09/07/setfit_zero_shot_classification_pbsp_p1_en.html)|
|English |en.embed_sentence.mpnet.setfit_zero_shot_classification_pbsp_p1_comm|[setfit_zero_shot_classification_pbsp_p1_comm](https://sparknlp.org//2023/09/07/setfit_zero_shot_classification_pbsp_p1_comm_en.html)|
|English |en.embed_sentence.mpnet.setfit_zero_shot_classification_pbsp_p1_life|[setfit_zero_shot_classification_pbsp_p1_life](https://sparknlp.org//2023/09/07/setfit_zero_shot_classification_pbsp_p1_life_en.html)|
|English |en.embed_sentence.mpnet.setfit_zero_shot_classification_pbsp_p1_likes|[setfit_zero_shot_classification_pbsp_p1_likes](https://sparknlp.org//2023/09/07/setfit_zero_shot_classification_pbsp_p1_likes_en.html)|
|English |en.embed_sentence.mpnet.setfit_zero_shot_classification_pbsp_p3_bhvr|[setfit_zero_shot_classification_pbsp_p3_bhvr](https://sparknlp.org//2023/09/08/setfit_zero_shot_classification_pbsp_p3_bhvr_en.html)|
|English |en.embed_sentence.mpnet.setfit_zero_shot_classification_pbsp_p3_cons|[setfit_zero_shot_classification_pbsp_p3_cons](https://sparknlp.org//2023/09/08/setfit_zero_shot_classification_pbsp_p3_cons_en.html)|
|English |en.embed_sentence.mpnet.setfit_zero_shot_classification_pbsp_p3_dur|[setfit_zero_shot_classification_pbsp_p3_dur](https://sparknlp.org//2023/09/08/setfit_zero_shot_classification_pbsp_p3_dur_en.html)|
|English |en.embed_sentence.mpnet.setfit_zero_shot_classification_pbsp_p3_func|[setfit_zero_shot_classification_pbsp_p3_func](https://sparknlp.org//2023/09/07/setfit_zero_shot_classification_pbsp_p3_func_en.html)|
|English |en.embed_sentence.mpnet.setfit_zero_shot_classification_pbsp_p3_sev|[setfit_zero_shot_classification_pbsp_p3_sev](https://sparknlp.org//2023/09/07/setfit_zero_shot_classification_pbsp_p3_sev_en.html)|
|English |en.embed_sentence.mpnet.setfit_zero_shot_classification_pbsp_p3_trig|[setfit_zero_shot_classification_pbsp_p3_trig](https://sparknlp.org//2023/09/08/setfit_zero_shot_classification_pbsp_p3_trig_en.html)|
|English |en.embed_sentence.mpnet.setfit_zero_shot_classification_pbsp_p4_achiev|[setfit_zero_shot_classification_pbsp_p4_achiev](https://sparknlp.org//2023/09/08/setfit_zero_shot_classification_pbsp_p4_achiev_en.html)|
|English |en.embed_sentence.mpnet.setfit_zero_shot_classification_pbsp_p4_meas|[setfit_zero_shot_classification_pbsp_p4_meas](https://sparknlp.org//2023/09/08/setfit_zero_shot_classification_pbsp_p4_meas_en.html)|
|English |en.embed_sentence.mpnet.setfit_zero_shot_classification_pbsp_p4_rel|[setfit_zero_shot_classification_pbsp_p4_rel](https://sparknlp.org//2023/09/08/setfit_zero_shot_classification_pbsp_p4_rel_en.html)|
|English |en.embed_sentence.mpnet.setfit_zero_shot_classification_pbsp_p4_specific|[setfit_zero_shot_classification_pbsp_p4_specific](https://sparknlp.org//2023/09/08/setfit_zero_shot_classification_pbsp_p4_specific_en.html)|
|English |en.embed_sentence.mpnet.setfit_zero_shot_classification_pbsp_p4_time|[setfit_zero_shot_classification_pbsp_p4_time](https://sparknlp.org//2023/09/08/setfit_zero_shot_classification_pbsp_p4_time_en.html)|
|English |en.embed_sentence.mpnet.setfit_zero_shot_classification_pbsp_q8a_azure_gpt35|[setfit_zero_shot_classification_pbsp_q8a_azure_gpt35](https://sparknlp.org//2023/09/08/setfit_zero_shot_classification_pbsp_q8a_azure_gpt35_en.html)|
|English |en.embed_sentence.mpnet.shona_mpnet_base_snli_mnli|[shona_mpnet_base_snli_mnli](https://sparknlp.org//2023/09/07/shona_mpnet_base_snli_mnli_en.html)|
|English |en.embed_sentence.mpnet.sml_ukr_message_classifier|[sml_ukr_message_classifier](https://sparknlp.org//2023/09/07/sml_ukr_message_classifier_en.html)|
|English |en.embed_sentence.mpnet.sml_ukr_word_classifier_medium|[sml_ukr_word_classifier_medium](https://sparknlp.org//2023/09/07/sml_ukr_word_classifier_medium_en.html)|
|English |en.embed_sentence.mpnet.spiced|[spiced](https://sparknlp.org//2023/09/07/spiced_en.html)|
|English |en.embed_sentence.mpnet.stackoverflow_mpnet_base|[stackoverflow_mpnet_base](https://sparknlp.org//2023/09/07/stackoverflow_mpnet_base_en.html)|
|English |en.embed_sentence.mpnet.stsb_mpnet_base_v2|[stsb_mpnet_base_v2](https://sparknlp.org//2023/09/07/stsb_mpnet_base_v2_en.html)|
|English |en.embed_sentence.mpnet.test_food|[test_food](https://sparknlp.org//2023/09/07/test_food_en.html)|
|English |en.embed_sentence.mpnet.test_model_001|[test_model_001](https://sparknlp.org//2023/09/08/test_model_001_en.html)|
|English |en.embed_sentence.mpnet.testing_setfit|[testing_setfit](https://sparknlp.org//2023/09/07/testing_setfit_en.html)|
|English |en.embed_sentence.mpnet.tiny_random_mpnet_hf_internal_testing|[tiny_random_mpnet_hf_internal_testing](https://sparknlp.org//2023/09/07/tiny_random_mpnet_hf_internal_testing_en.html)|
|English |en.embed_sentence.mpnet.tiny_random_mpnetformaskedlm_hf_internal_testing|[tiny_random_mpnetformaskedlm_hf_internal_testing](https://sparknlp.org//2023/09/07/tiny_random_mpnetformaskedlm_hf_internal_testing_en.html)|
|English |en.embed_sentence.mpnet.tiny_random_mpnetformaskedlm_hf_tiny_model_private|[tiny_random_mpnetformaskedlm_hf_tiny_model_private](https://sparknlp.org//2023/09/07/tiny_random_mpnetformaskedlm_hf_tiny_model_private_en.html)|
|English |en.embed_sentence.mpnet.tiny_random_mpnetformultiplechoice|[tiny_random_mpnetformultiplechoice](https://sparknlp.org//2023/09/07/tiny_random_mpnetformultiplechoice_en.html)|
|English |en.embed_sentence.mpnet.tiny_random_mpnetforquestionanswering_hf_internal_testing|[tiny_random_mpnetforquestionanswering_hf_internal_testing](https://sparknlp.org//2023/09/07/tiny_random_mpnetforquestionanswering_hf_internal_testing_en.html)|
|English |en.embed_sentence.mpnet.tiny_random_mpnetforquestionanswering_hf_tiny_model_private|[tiny_random_mpnetforquestionanswering_hf_tiny_model_private](https://sparknlp.org//2023/09/07/tiny_random_mpnetforquestionanswering_hf_tiny_model_private_en.html)|
|English |en.embed_sentence.mpnet.tiny_random_mpnetforsequenceclassification_hf_internal_testing|[tiny_random_mpnetforsequenceclassification_hf_internal_testing](https://sparknlp.org//2023/09/07/tiny_random_mpnetforsequenceclassification_hf_internal_testing_en.html)|
|English |en.embed_sentence.mpnet.tiny_random_mpnetforsequenceclassification_hf_tiny_model_private|[tiny_random_mpnetforsequenceclassification_hf_tiny_model_private](https://sparknlp.org//2023/09/07/tiny_random_mpnetforsequenceclassification_hf_tiny_model_private_en.html)|
|English |en.embed_sentence.mpnet.tiny_random_mpnetfortokenclassification_hf_internal_testing|[tiny_random_mpnetfortokenclassification_hf_internal_testing](https://sparknlp.org//2023/09/07/tiny_random_mpnetfortokenclassification_hf_internal_testing_en.html)|
|English |en.embed_sentence.mpnet.tiny_random_mpnetfortokenclassification_hf_tiny_model_private|[tiny_random_mpnetfortokenclassification_hf_tiny_model_private](https://sparknlp.org//2023/09/07/tiny_random_mpnetfortokenclassification_hf_tiny_model_private_en.html)|
|English |en.embed_sentence.mpnet.tiny_random_mpnetmodel_hf_internal_testing|[tiny_random_mpnetmodel_hf_internal_testing](https://sparknlp.org//2023/09/07/tiny_random_mpnetmodel_hf_internal_testing_en.html)|
|English |en.embed_sentence.mpnet.tiny_random_mpnetmodel_hf_tiny_model_private|[tiny_random_mpnetmodel_hf_tiny_model_private](https://sparknlp.org//2023/09/07/tiny_random_mpnetmodel_hf_tiny_model_private_en.html)|
|English |en.embed_sentence.mpnet.vulnerable_groups|[vulnerable_groups](https://sparknlp.org//2023/09/07/vulnerable_groups_en.html)|
|Spanish |es.embed_sentence.mpnet.mpnet_embedding_negation_categories_classifier|[mpnet_embedding_negation_categories_classifier](https://sparknlp.org//2023/08/18/mpnet_embedding_negation_categories_classifier_es.html)|
|Spanish |es.embed_sentence.mpnet.mpnet_embedding_setfit_alpaca_es_unprocessable_sample_detection|[mpnet_embedding_setfit_alpaca_es_unprocessable_sample_detection](https://sparknlp.org//2023/08/18/mpnet_embedding_setfit_alpaca_es_unprocessable_sample_detection_es.html)|
|Spanish |es.embed_sentence.mpnet.mpnet_embedding_setfit_alpaca_spanish_unprocessable_sample_detection|[mpnet_embedding_setfit_alpaca_spanish_unprocessable_sample_detection](https://sparknlp.org//2023/08/29/mpnet_embedding_setfit_alpaca_spanish_unprocessable_sample_detection_es.html)|
|Spanish |es.embed_sentence.mpnet.negation_categories_classifier|[negation_categories_classifier](https://sparknlp.org//2023/09/07/negation_categories_classifier_es.html)|
|Spanish |es.embed_sentence.mpnet.setfit_alpaca_spanish_unprocessable_sample_detection|[setfit_alpaca_spanish_unprocessable_sample_detection](https://sparknlp.org//2023/09/07/setfit_alpaca_spanish_unprocessable_sample_detection_es.html)|
|French |fr.embed_sentence.mpnet.biencoder_all_mpnet_base_v2_mmarcofr|[biencoder_all_mpnet_base_v2_mmarcofr](https://sparknlp.org//2023/09/07/biencoder_all_mpnet_base_v2_mmarcofr_fr.html)|
|French |fr.embed_sentence.mpnet.biencoder_multi_qa_mpnet_base_cos_v1_mmarcofr|[biencoder_multi_qa_mpnet_base_cos_v1_mmarcofr](https://sparknlp.org//2023/09/07/biencoder_multi_qa_mpnet_base_cos_v1_mmarcofr_fr.html)|
|French |fr.embed_sentence.mpnet.mpnet_embedding_biencoder_all_mpnet_base_v2_mmarcofr|[mpnet_embedding_biencoder_all_mpnet_base_v2_mmarcoFR](https://sparknlp.org//2023/08/18/mpnet_embedding_biencoder_all_mpnet_base_v2_mmarcoFR_fr.html)|
|French |fr.embed_sentence.mpnet.mpnet_embedding_biencoder_multi_qa_mpnet_base_cos_v1_mmarcofr|[mpnet_embedding_biencoder_multi_qa_mpnet_base_cos_v1_mmarcoFR](https://sparknlp.org//2023/08/18/mpnet_embedding_biencoder_multi_qa_mpnet_base_cos_v1_mmarcoFR_fr.html)|



Additional NLU resources
[140+ NLU Tutorials](https://nlp.johnsnowlabs.com/docs/en/jsl/notebooks)
[Streamlit visualizations docs](https://nlp.johnsnowlabs.com/docs/en/jsl/streamlit_viz_examples)
The complete list of all 4000+ models & pipelines in 200+ languages is available on [Models Hub](https://nlp.johnsnowlabs.com/models).
[Spark NLP publications](https://medium.com/spark-nlp)
[NLU documentation](https://nlp.johnsnowlabs.com/docs/en/jsl/install)
[Discussions](https://github.com/JohnSnowLabs/spark-nlp/discussions) Engage with other community members, share ideas, and show off how you use Spark NLP and NLU!

Install via PIP
! pip install nlu pyspark

503
disable verbose logs by default

v502
This is a hotfix release, making NLU compatible with `pandas>=2.`
NLU is now compatible with any `pandas>=1.3.5`

501

- fix bug that caused predicted column names to change when saving/reloading a pipe
- fix bug causing some Visual based nlu components to use wrong data types
- New Databricks-Endpoint based inference mode. It is enabled if the env variable `DB_ENDPOINT_ENV` is present. When enabled, the first row of every pandas dataframe passed to `pipe.predict()` is checked for parameters. If your dataframe contains of `output_level`,`positions`,`keep_stranger_features`,`metadata`,`multithread`,`drop_irrelevant_cols`,`return_spark_df`,`get_embeddings`, the first row of your dataframe is mapped to the corrosponding parameter and used to call `pipeline.predict()`

5.1

5.0.0

We are very excited to announce NLU 5.0.0 has been released!

It comes with `ZeroShotClassification` models based on `Bert`, `DistilBert`, and `Roberta` architectures.
Additionally Medical Text Generator based on `Bio-GPT` as-well as a `Bart` based General Text Generator are now available in NLU.
Finally, `ConvNextForImageClassification` is an image classifier based on ConvNet models.




------

ConvNextForImageClassification
[Tutorial Notebook](https://github.com/JohnSnowLabs/nlu/blob/master/examples/colab/component_examples/image_classification/convnext_image_classification_overview.ipynb)
`ConvNextForImageClassification` is an image classifier based on ConvNet models.
The ConvNeXT model was proposed in A ConvNet for the 2020s by Zhuang Liu, Hanzi Mao, Chao-Yuan Wu, Christoph Feichtenhofer, Trevor Darrell, Saining Xie. ConvNeXT is a pure convolutional model (ConvNet), inspired by the design of Vision Transformers, that claims to outperform them.
Powered by [ConvNextForImageClassification](https://sparknlp.org/docs/en/transformers#convnextforimageclassification)
Reference: [A ConvNet for the 2020s](https://arxiv.org/abs/2201.03545)

New NLU Models:

| Language | NLU Reference | Spark NLP Reference | Task | Annotator Class |
|:-----------|:----------------------------------------------------------------------------------------------------------------------------|:-------------------------------------------------------------------------------------------------------------------------------------|:---------------------|:------------------------|
| en | [en.classify_image.convnext.tiny](https://nlp.johnsnowlabs.com/2023/03/28/image_classifier_convnext_tiny_224_local_en.html) | [image_classifier_convnext_tiny_224_local](https://nlp.johnsnowlabs.com/2023/03/28/image_classifier_convnext_tiny_224_local_en.html) | Image Classification | ConvNextImageClassifier |
| en | [en.classify_image.convnext.tiny](https://nlp.johnsnowlabs.com/2023/07/05/image_classifier_convnext_tiny_224_local_en.html) | [image_classifier_convnext_tiny_224_local](https://nlp.johnsnowlabs.com/2023/07/05/image_classifier_convnext_tiny_224_local_en.html) | Image Classification | ConvNextImageClassifier |

------


DistilBertForZeroShotClassification
[Tutorial Notebook](https://github.com/JohnSnowLabs/nlu/blob/master/examples/colab/component_examples/classifiers/Distilbert_Zero_Shot_Classifier.ipynb)

`DistilBertForZeroShotClassification` using a ModelForSequenceClassification trained on NLI (natural language inference) tasks.
Any combination of sequences and labels can be passed and each combination will be posed as a premise/hypothesis pair and passed to the pretrained model.
Powered by [DistilBertForZeroShotClassification](https://sparknlp.org/docs/en/transformers#distilbertforzeroshotclassification)

New NLU Models:

| Language | NLU Reference | Spark NLP Reference | Task | Annotator Class |
|:-----------|:-----------------------------------------------------------------------------------------------------------------------------------------------------------|:---------------------------------------------------------------------------------------------------------------------------------------------------------------------------|:-------------------------|:------------------------------------|
| en | [en.distilbert.zero_shot_classifier](https://nlp.johnsnowlabs.com/2023/04/20/distilbert_base_zero_shot_classifier_uncased_mnli_en.html) | [distilbert_base_zero_shot_classifier_uncased_mnli](https://nlp.johnsnowlabs.com/2023/04/20/distilbert_base_zero_shot_classifier_uncased_mnli_en.html) | Zero-Shot Classification | DistilBertForZeroShotClassification |
| tr | [tr.distilbert.zero_shot_classifier.multinli](https://nlp.johnsnowlabs.com/2023/04/20/distilbert_base_zero_shot_classifier_turkish_cased_multinli_tr.html) | [distilbert_base_zero_shot_classifier_turkish_cased_multinli](https://nlp.johnsnowlabs.com/2023/04/20/distilbert_base_zero_shot_classifier_turkish_cased_multinli_tr.html) | Zero-Shot Classification | DistilBertForZeroShotClassification |
| tr | [tr.distilbert.zero_shot_classifier.allnli](https://nlp.johnsnowlabs.com/2023/04/20/distilbert_base_zero_shot_classifier_turkish_cased_allnli_tr.html) | [distilbert_base_zero_shot_classifier_turkish_cased_allnli](https://nlp.johnsnowlabs.com/2023/04/20/distilbert_base_zero_shot_classifier_turkish_cased_allnli_tr.html) | Zero-Shot Classification | DistilBertForZeroShotClassification |
| tr | [tr.distilbert.zero_shot_classifier.snli](https://nlp.johnsnowlabs.com/2023/04/20/distilbert_base_zero_shot_classifier_turkish_cased_snli_tr.html) | [distilbert_base_zero_shot_classifier_turkish_cased_snli](https://nlp.johnsnowlabs.com/2023/04/20/distilbert_base_zero_shot_classifier_turkish_cased_snli_tr.html) | Zero-Shot Classification | DistilBertForZeroShotClassification |

------

BertForZeroShotClassification
[Tutorial Notebook](https://github.com/JohnSnowLabs/nlu/blob/master/examples/colab/component_examples/classifiers/Bert_Zero_Shot_Classifier.ipynb)
`BertForZeroShotClassification` using a ModelForSequenceClassification trained on NLI (natural language inference) tasks.
Any combination of sequences and labels can be passed and each combination will be posed as a premise/hypothesis pair and passed to the pretrained model.
Powered by [BertForZeroShotClassification](https://sparknlp.org/docs/en/transformers#bertforzeroshotclassification)

New NLU Models:

| Language | NLU Reference | Spark NLP Reference | Task | Annotator Class |
|:-----------|:--------------------------------------------------------------------------------------------------------------------------|:---------------------------------------------------------------------------------------------------------------------------------------|:-------------------------|:------------------------------|
| en | [en.bert.zero_shot_classifier](https://nlp.johnsnowlabs.com/2023/04/05/bert_base_cased_zero_shot_classifier_xnli_en.html) | [bert_base_cased_zero_shot_classifier_xnli](https://nlp.johnsnowlabs.com/2023/04/05/bert_base_cased_zero_shot_classifier_xnli_en.html) | Zero-Shot Classification | BertForZeroShotClassification |

------

RoBertaForZeroShotClassification
[Tutorial Notebook](https://github.com/JohnSnowLabs/nlu/blob/master/examples/colab/component_examples/classifiers/Roberta_Zero_Shot_Classifier.ipynb)
`RoBertaForZeroShotClassification` using a ModelForSequenceClassification trained on NLI (natural language inference) tasks.
Any combination of sequences and labels can be passed and each combination will be posed as a premise/hypothesis pair and passed to the pretrained model.
Powered by [RoBertaForZeroShotClassification](https://sparknlp.org/docs/en/transformers#robertaforzeroshotclassification)

New NLU Models:

| Language | NLU Reference | Spark NLP Reference | Task | Annotator Class |
|:-----------|:-------------------------------------------------------------------------------------------------------------------------|:-------------------------------------------------------------------------------------------------------------------------------|:-------------------------|:---------------------------------|
| en | [en.roberta.zero_shot_classifier](https://nlp.johnsnowlabs.com/2023/05/04/roberta_base_zero_shot_classifier_nli_en.html) | [roberta_base_zero_shot_classifier_nli](https://nlp.johnsnowlabs.com/2023/05/04/roberta_base_zero_shot_classifier_nli_en.html) | Zero-Shot Classification | RoBertaForZeroShotClassification |


------

BartTransformer
[Tutorial Notebook](https://github.com/JohnSnowLabs/nlu/blob/master/examples/colab/component_examples/sequence2sequence/bart_transformer.ipynb)

The Facebook `BART (Bidirectional and Auto-Regressive Transformer)` model is a state-of-the-art language generation model that was introduced by Facebook AI in 2019. It is based on the transformer architecture and is designed to handle a wide range of natural language processing tasks such as text generation, summarization, and machine translation.
BART is unique in that it is both bidirectional and auto-regressive, meaning that it can generate text both from left-to-right and from right-to-left. This allows it to capture contextual information from both past and future tokens in a sentence,resulting in more accurate and natural language generation.
The model was trained on a large corpus of text data using a combination of unsupervised and supervised learning techniques. It incorporates pretraining and fine-tuning phases, where the model is first trained on a large unlabeled corpus of text, and then fine-tuned on specific downstream tasks.
BART has achieved state-of-the-art performance on a wide range of NLP tasks, including summarization, question-answering, and language translation. Its ability to handle multiple tasks and its high performance on each of these tasks make it a versatile and valuable tool for natural language processing applications.
Powered by [BartTransformer](https://sparknlp.org/docs/en/transformers#barttransformer)
Reference : [BART: Denoising Sequence-to-Sequence Pre-training for Natural Language Generation, Translation, and Comprehension](https://aclanthology.org/2020.acl-main.703.pdf)

New NLU Models:

| Language | NLU Reference | Spark NLP Reference | Task | Annotator Class |
|:-----------|:--------------------------------------------------------------------------------------------------------|:---------------------------------------------------------------------------------------------|:--------------|:------------------|
| en | [en.seq2seq.distilbart_xsum_12_6](https://nlp.johnsnowlabs.com/2023/04/07/distilbart_xsum_12_6_en.html) | [distilbart_xsum_12_6](https://nlp.johnsnowlabs.com/2023/04/07/distilbart_xsum_12_6_en.html) | Summarization | BartTransformer |
| en | [en.seq2seq.distilbart_xsum_12_6](https://nlp.johnsnowlabs.com/2023/04/09/distilbart_xsum_12_6_en.html) | [distilbart_xsum_12_6](https://nlp.johnsnowlabs.com/2023/04/09/distilbart_xsum_12_6_en.html) | Summarization | BartTransformer |
| en | [en.seq2seq.distilbart_xsum_12_6](https://nlp.johnsnowlabs.com/2023/05/09/distilbart_xsum_12_6_en.html) | [distilbart_xsum_12_6](https://nlp.johnsnowlabs.com/2023/05/09/distilbart_xsum_12_6_en.html) | Summarization | BartTransformer |
| en | [en.seq2seq.distilbart_xsum_12_6](https://nlp.johnsnowlabs.com/2023/05/11/distilbart_xsum_12_6_en.html) | [distilbart_xsum_12_6](https://nlp.johnsnowlabs.com/2023/05/11/distilbart_xsum_12_6_en.html) | Summarization | BartTransformer |
| en | [en.seq2seq.bart_large_cnn](https://nlp.johnsnowlabs.com/2023/04/09/bart_large_cnn_en.html) | [bart_large_cnn](https://nlp.johnsnowlabs.com/2023/04/09/bart_large_cnn_en.html) | Summarization | BartTransformer |
| en | [en.seq2seq.bart_large_cnn](https://nlp.johnsnowlabs.com/2023/05/09/bart_large_cnn_en.html) | [bart_large_cnn](https://nlp.johnsnowlabs.com/2023/05/09/bart_large_cnn_en.html) | Summarization | BartTransformer |
| en | [en.seq2seq.bart_large_cnn](https://nlp.johnsnowlabs.com/2023/05/11/bart_large_cnn_en.html) | [bart_large_cnn](https://nlp.johnsnowlabs.com/2023/05/11/bart_large_cnn_en.html) | Summarization | BartTransformer |
| en | [en.seq2seq.distilbart_cnn_6_6](https://nlp.johnsnowlabs.com/2023/04/09/distilbart_cnn_6_6_en.html) | [distilbart_cnn_6_6](https://nlp.johnsnowlabs.com/2023/04/09/distilbart_cnn_6_6_en.html) | Summarization | BartTransformer |
| en | [en.seq2seq.distilbart_cnn_6_6](https://nlp.johnsnowlabs.com/2023/05/09/distilbart_cnn_6_6_en.html) | [distilbart_cnn_6_6](https://nlp.johnsnowlabs.com/2023/05/09/distilbart_cnn_6_6_en.html) | Summarization | BartTransformer |
| en | [en.seq2seq.distilbart_cnn_6_6](https://nlp.johnsnowlabs.com/2023/05/11/distilbart_cnn_6_6_en.html) | [distilbart_cnn_6_6](https://nlp.johnsnowlabs.com/2023/05/11/distilbart_cnn_6_6_en.html) | Summarization | BartTransformer |
| en | [en.seq2seq.distilbart_cnn_12_6](https://nlp.johnsnowlabs.com/2023/05/09/distilbart_cnn_12_6_en.html) | [distilbart_cnn_12_6](https://nlp.johnsnowlabs.com/2023/05/09/distilbart_cnn_12_6_en.html) | Summarization | BartTransformer |
| en | [en.seq2seq.distilbart_cnn_12_6](https://nlp.johnsnowlabs.com/2023/05/11/distilbart_cnn_12_6_en.html) | [distilbart_cnn_12_6](https://nlp.johnsnowlabs.com/2023/05/11/distilbart_cnn_12_6_en.html) | Summarization | BartTransformer |
| en | [en.seq2seq.distilbart_xsum_6_6](https://nlp.johnsnowlabs.com/2023/05/09/distilbart_xsum_6_6_en.html) | [distilbart_xsum_6_6](https://nlp.johnsnowlabs.com/2023/05/09/distilbart_xsum_6_6_en.html) | Summarization | BartTransformer |
| en | [en.seq2seq.distilbart_xsum_6_6](https://nlp.johnsnowlabs.com/2023/05/11/distilbart_xsum_6_6_en.html) | [distilbart_xsum_6_6](https://nlp.johnsnowlabs.com/2023/05/11/distilbart_xsum_6_6_en.html) | Summarization | BartTransformer |


------


MedicalTextGenerator
[Tutorial Notebook](https://github.com/JohnSnowLabs/nlu/blob/master/examples/colab/healthcare/sequence2sequence/NLU_Medical_TextGenerators.ipynb)

`MedicalTextGenerator` uses the basic BioGPT model to perform various tasks related to medical text abstraction.
A user can provide a prompt and context and instruct the system to perform a specific task, such as explaining why a patient may have a particular disease or paraphrasing the context more directly.
In addition, this annotator can create a clinical note for a cancer patient using the given keywords or write medical texts based on introductory sentences.
The BioGPT model is trained on large volumes of medical data allowing it to identify and extract the most relevant information from the text provided.
Powered by [TextGenerator](https://nlp.johnsnowlabs.com/docs/en/licensed_annotators#textgenerator)

New NLU Models:

| Language | NLU Reference | Spark NLP Reference | Task | Annotator Class |
|:-----------|:-----------------------------------------------------------------------------------------------------------------------------|:-------------------------------------------------------------------------------------------------------------------------------|:----------------|:---------------------|
| en | [en.generate.biomedical_biogpt_base](https://nlp.johnsnowlabs.com/2023/04/03/text_generator_biomedical_biogpt_base_en.html) | [text_generator_biomedical_biogpt_base](https://nlp.johnsnowlabs.com/2023/04/03/text_generator_biomedical_biogpt_base_en.html) | Text Generation | MedicalTextGenerator |
| en | [en.generate.generic_flan_base](https://nlp.johnsnowlabs.com/2023/04/03/text_generator_generic_flan_base_en.html) | [text_generator_generic_flan_base](https://nlp.johnsnowlabs.com/2023/04/03/text_generator_generic_flan_base_en.html) | Text Generation | MedicalTextGenerator |
| en | [en.generate.generic_jsl_base](https://nlp.johnsnowlabs.com/2023/04/03/text_generator_generic_jsl_base_en.html) | [text_generator_generic_jsl_base](https://nlp.johnsnowlabs.com/2023/04/03/text_generator_generic_jsl_base_en.html) | Text Generation | MedicalTextGenerator |
| en | [en.generate.generic_flan_t5_large](https://nlp.johnsnowlabs.com/2023/04/04/text_generator_generic_flan_t5_large_en.html) | [text_generator_generic_flan_t5_large](https://nlp.johnsnowlabs.com/2023/04/04/text_generator_generic_flan_t5_large_en.html) | Text Generation | MedicalTextGenerator |
| en | [en.generate.biogpt_chat_jsl](https://nlp.johnsnowlabs.com/2023/04/12/biogpt_chat_jsl_en.html) | [biogpt_chat_jsl](https://nlp.johnsnowlabs.com/2023/04/12/biogpt_chat_jsl_en.html) | Text Generation | MedicalTextGenerator |
| en | [en.generate.biogpt_chat_jsl_conversational](https://nlp.johnsnowlabs.com/2023/04/18/biogpt_chat_jsl_conversational_en.html) | [biogpt_chat_jsl_conversational](https://nlp.johnsnowlabs.com/2023/04/18/biogpt_chat_jsl_conversational_en.html) | Text Generation | MedicalTextGenerator |
| en | [en.generate.biogpt_chat_jsl_conditions](https://nlp.johnsnowlabs.com/2023/05/11/biogpt_chat_jsl_conditions_en.html) | [biogpt_chat_jsl_conditions](https://nlp.johnsnowlabs.com/2023/05/11/biogpt_chat_jsl_conditions_en.html) | Text Generation | MedicalTextGenerator |



------

Install NLU

python
pip install nlu pyspark



Additional NLU resources
* [140+ NLU Tutorials](https://nlu.johnsnowlabs.com/docs/en/notebooks)
* [NLU in Action](https://nlp.johnsnowlabs.com/demo)
* [Streamlit visualizations docs](https://nlu.johnsnowlabs.com/docs/en/streamlit_viz_examples)
* The complete list of all 20000+ models & pipelines in 200+ languages is available on [Models Hub](https://nlp.johnsnowlabs.com/models).
* [Spark NLP publications](https://medium.com/spark-nlp)
* [NLU documentation](https://nlu.johnsnowlabs.com/docs/en/install)
* [Discussions](https://github.com/JohnSnowLabs/spark-nlp/discussions) Engage with other community members, share ideas, and show off how you use Spark NLP and NLU!



422
New Medical Summarizers:
- 'en.summarize.clinical_jsl'
- 'en.summarize.clinical_jsl_augmented'
- 'en.summarize.biomedical_pubmed'
- 'en.summarize.generic_jsl'
- 'en.summarize.clinical_questions'
- 'en.summarize.radiology'
- 'en.summarize.clinical_guidelines_large'
- 'en.summarize.clinical_laymen'

421
Bugfixes for saving and reloading pipelines on databricks

Page 3 of 12

© 2024 Safety CLI Cybersecurity Inc. All Rights Reserved.