diff --git a/.gitignore b/.gitignore index aa264460d82d79..e91a8952f7c8d5 100644 --- a/.gitignore +++ b/.gitignore @@ -338,3 +338,4 @@ python/docs/reference/_autosummary/** # MS Visio Code **/.vscode/ +.metals/ \ No newline at end of file diff --git a/CHANGELOG b/CHANGELOG index 30f8d250436dee..3e611cda48316f 100644 --- a/CHANGELOG +++ b/CHANGELOG @@ -1,3 +1,21 @@ +======== +5.0.0 +======== +---------------- +New Features & Enhancements +---------------- +* **NEW:** Introducing support for ONNX Runtime in Spark NLP. ONNX Runtime is a high-performance inference engine for machine learning models in the ONNX format. ONNX Runtime has proved to considerably increase the performance of inference for many models. +* **NEW:** Introducing **InstructorEmbeddings** annotator in Spark NLP 🚀. `InstructorEmbeddings` can load new state-of-the-art INSTRUCTOR Models inherited from T5 for Text Embeddings. +* **NEW:** Introducing **E5Embeddings** annotator in Spark NLP 🚀. `E5Embeddings` can load new state-of-the-art E5 Models inherited from BERT for Text Embeddings. +* **NEW:** Introducing **DocumentSimilarityRanker** annotator in Spark NLP 🚀. `DocumentSimilarityRanker` is a new annotator that uses LSH techniques present in Spark ML lib to execute approximate nearest neighbours search on top of sentence embeddings, It aims to capture the semantic meaning of a document in a dense, continuous vector space and return it to the ranker search. + +---------------- +Bug Fixes +---------------- +* Fix BART issue with maxInputLength + + + ======== 4.4.4 ======== diff --git a/README.md b/README.md index 1e7009ef6ab9c6..a002cf66f1c285 100644 --- a/README.md +++ b/README.md @@ -22,7 +22,7 @@ environment. Spark NLP comes with **17000+** pretrained **pipelines** and **models** in more than **200+** languages. It also offers tasks such as **Tokenization**, **Word Segmentation**, **Part-of-Speech Tagging**, Word and Sentence **Embeddings**, **Named Entity Recognition**, **Dependency Parsing**, **Spell Checking**, **Text Classification**, **Sentiment Analysis**, **Token Classification**, **Machine Translation** (+180 languages), **Summarization**, **Question Answering**, **Table Question Answering**, **Text Generation**, **Image Classification**, **Automatic Speech Recognition**, **Zero-Shot Learning**, and many more [NLP tasks](#features). -**Spark NLP** is the only open-source NLP library in **production** that offers state-of-the-art transformers such as **BERT**, **CamemBERT**, **ALBERT**, **ELECTRA**, **XLNet**, **DistilBERT**, **RoBERTa**, **DeBERTa**, **XLM-RoBERTa**, **Longformer**, **ELMO**, **Universal Sentence Encoder**, **Facebook BART**, **Google T5**, **MarianMT**, **OpenAI GPT2**, and **Vision Transformers (ViT)** not only to **Python** and **R**, but also to **JVM** ecosystem (**Java**, **Scala**, and **Kotlin**) at **scale** by extending **Apache Spark** natively. +**Spark NLP** is the only open-source NLP library in **production** that offers state-of-the-art transformers such as **BERT**, **CamemBERT**, **ALBERT**, **ELECTRA**, **XLNet**, **DistilBERT**, **RoBERTa**, **DeBERTa**, **XLM-RoBERTa**, **Longformer**, **ELMO**, **Universal Sentence Encoder**, **Facebook BART**, **Instructor**, **E5**, **Google T5**, **MarianMT**, **OpenAI GPT2**, and **Vision Transformers (ViT)** not only to **Python** and **R**, but also to **JVM** ecosystem (**Java**, **Scala**, and **Kotlin**) at **scale** by extending **Apache Spark** natively. ## Project's website @@ -48,25 +48,25 @@ documentation and examples - [Databricks Support](#databricks-support) - [EMR Support](#emr-support) - [Using Spark NLP](#usage) - - [Packages Cheatsheet](#packages-cheatsheet) - - [Spark Packages](#spark-packages) - - [Scala](#scala) - - [Maven](#maven) - - [SBT](#sbt) - - [Python](#python) - - [Pip/Conda](#pipconda) - - [Compiled JARs](#compiled-jars) - - [Apache Zeppelin](#apache-zeppelin) - - [Jupyter Notebook](#jupyter-notebook-python) - - [Google Colab Notebook](#google-colab-notebook) - - [Kaggle Kernel](#kaggle-kernel) - - [Databricks Cluster](#databricks-cluster) - - [EMR Cluster](#emr-cluster) - - [GCP Dataproc](#gcp-dataproc) - - [Spark NLP Configuration](#spark-nlp-configuration) + - [Packages Cheatsheet](#packages-cheatsheet) + - [Spark Packages](#spark-packages) + - [Scala](#scala) + - [Maven](#maven) + - [SBT](#sbt) + - [Python](#python) + - [Pip/Conda](#pipconda) + - [Compiled JARs](#compiled-jars) + - [Apache Zeppelin](#apache-zeppelin) + - [Jupyter Notebook](#jupyter-notebook-python) + - [Google Colab Notebook](#google-colab-notebook) + - [Kaggle Kernel](#kaggle-kernel) + - [Databricks Cluster](#databricks-cluster) + - [EMR Cluster](#emr-cluster) + - [GCP Dataproc](#gcp-dataproc) + - [Spark NLP Configuration](#spark-nlp-configuration) - [Pipelines & Models](#pipelines-and-models) - - [Pipelines](#pipelines) - - [Models](#models) + - [Pipelines](#pipelines) + - [Models](#models) - [Offline](#offline) - [Examples](#examples) - [FAQ](#faq) @@ -110,6 +110,8 @@ documentation and examples - BERT Sentence Embeddings (TF Hub & HuggingFace models) - RoBerta Sentence Embeddings (HuggingFace models) - XLM-RoBerta Sentence Embeddings (HuggingFace models) +- Instructor Embeddings (HuggingFace models) +- E5 Embeddings (HuggingFace models) - Sentence Embeddings - Chunk Embeddings - Unsupervised keywords extraction @@ -148,7 +150,7 @@ documentation and examples - Automatic Speech Recognition (Wav2Vec2) - Automatic Speech Recognition (HuBERT) - Named entity recognition (Deep learning) -- Easy TensorFlow integration +- Easy ONNX and TensorFlow integrations - GPU Support - Full integration with Spark ML functions - +12000 pre-trained models in +200 languages! @@ -165,7 +167,7 @@ To use Spark NLP you need the following requirements: **GPU (optional):** -Spark NLP 4.4.4 is built with TensorFlow 2.7.1 and the following NVIDIA® software are only required for GPU support: +Spark NLP 5.0.0 is built with ONNX 1.15.1 and TensorFlow 2.7.1 deep learning engines. The minimum following NVIDIA® software are only required for GPU support: - NVIDIA® GPU drivers version 450.80.02 or higher - CUDA® Toolkit 11.2 @@ -181,7 +183,7 @@ $ java -version $ conda create -n sparknlp python=3.7 -y $ conda activate sparknlp # spark-nlp by default is based on pyspark 3.x -$ pip install spark-nlp==4.4.4 pyspark==3.3.1 +$ pip install spark-nlp==5.0.0 pyspark==3.3.1 ``` In Python console or Jupyter `Python3` kernel: @@ -226,24 +228,23 @@ For more examples, you can visit our dedicated [examples](https://github.com/Joh ## Apache Spark Support -Spark NLP *4.4.4* has been built on top of Apache Spark 3.2 while fully supports Apache Spark 3.0.x, 3.1.x, 3.2.x, 3.3.x, and 3.4.x +Spark NLP *5.0.0* has been built on top of Apache Spark 3.4 while fully supports Apache Spark 3.0.x, 3.1.x, 3.2.x, 3.3.x, and 3.4.x | Spark NLP | Apache Spark 2.3.x | Apache Spark 2.4.x | Apache Spark 3.0.x | Apache Spark 3.1.x | Apache Spark 3.2.x | Apache Spark 3.3.x | Apache Spark 3.4.x | |-----------|--------------------|--------------------|--------------------|--------------------|--------------------|--------------------|--------------------| +| 5.0.x | NO | NO | YES | YES | YES | YES | YES | | 4.4.x | NO | NO | YES | YES | YES | YES | YES | -| 4.3.x | NO | NO | YES | YES | YES | YES | NO | -| 4.2.x | NO | NO | YES | YES | YES | YES | NO | -| 4.1.x | NO | NO | YES | YES | YES | YES | NO | -| 4.0.x | NO | NO | YES | YES | YES | YES | NO | -| 3.4.x | YES | YES | YES | YES | Partially | N/A | NO +| 4.3.x | NO | NO | YES | YES | YES | YES | NO | +| 4.2.x | NO | NO | YES | YES | YES | YES | NO | +| 4.1.x | NO | NO | YES | YES | YES | YES | NO | +| 4.0.x | NO | NO | YES | YES | YES | YES | NO | +| 3.4.x | YES | YES | YES | YES | Partially | N/A | NO | | 3.3.x | YES | YES | YES | YES | NO | NO | NO | | 3.2.x | YES | YES | YES | YES | NO | NO | NO | | 3.1.x | YES | YES | YES | YES | NO | NO | NO | | 3.0.x | YES | YES | YES | YES | NO | NO | NO | | 2.7.x | YES | YES | NO | NO | NO | NO | NO | -NOTE: Starting 4.0.0 release, the default `spark-nlp` and `spark-nlp-gpu` packages are based on Scala 2.12.15 and Apache -Spark 3.2 by default. Find out more about `Spark NLP` versions from our [release notes](https://github.com/JohnSnowLabs/spark-nlp/releases). @@ -251,6 +252,7 @@ Find out more about `Spark NLP` versions from our [release notes](https://github | Spark NLP | Python 3.6 | Python 3.7 | Python 3.8 | Python 3.9 | Python 3.10| Scala 2.11 | Scala 2.12 | |-----------|------------|------------|------------|------------|------------|------------|------------| +| 5.0.x | NO | YES | YES | YES | YES | NO | YES | | 4.4.x | NO | YES | YES | YES | YES | NO | YES | | 4.3.x | YES | YES | YES | YES | YES | NO | YES | | 4.2.x | YES | YES | YES | YES | YES | NO | YES | @@ -265,12 +267,10 @@ Find out more about `Spark NLP` versions from our [release notes](https://github ## Databricks Support -Spark NLP 4.4.4 has been tested and is compatible with the following runtimes: +Spark NLP 5.0.0 has been tested and is compatible with the following runtimes: **CPU:** -- 7.3 -- 7.3 ML - 9.1 - 9.1 ML - 10.1 @@ -299,6 +299,10 @@ Spark NLP 4.4.4 has been tested and is compatible with the following runtimes: - 12.2 ML - 13.0 - 13.0 ML +- 13.1 +- 13.1 ML +- 13.2 +- 13.2 ML **GPU:** @@ -316,13 +320,12 @@ Spark NLP 4.4.4 has been tested and is compatible with the following runtimes: - 12.1 ML & GPU - 12.2 ML & GPU - 13.0 ML & GPU - -NOTE: Spark NLP 4.x is based on TensorFlow 2.7.x which is compatible with CUDA11 and cuDNN 8.0.2. The only Databricks -runtimes supporting CUDA 11 are 9.x and above as listed under GPU. +- 13.1 ML & GPU +- 13.2 ML & GPU ## EMR Support -Spark NLP 4.4.4 has been tested and is compatible with the following EMR releases: +Spark NLP 5.0.0 has been tested and is compatible with the following EMR releases: - emr-6.2.0 - emr-6.3.0 @@ -334,6 +337,7 @@ Spark NLP 4.4.4 has been tested and is compatible with the following EMR release - emr-6.8.0 - emr-6.9.0 - emr-6.10.0 +- emr-6.11.0 Full list of [Amazon EMR 6.x releases](https://docs.aws.amazon.com/emr/latest/ReleaseGuide/emr-release-6x.html) @@ -365,11 +369,11 @@ Spark NLP supports all major releases of Apache Spark 3.0.x, Apache Spark 3.1.x, ```sh # CPU -spark-shell --packages com.johnsnowlabs.nlp:spark-nlp_2.12:4.4.4 +spark-shell --packages com.johnsnowlabs.nlp:spark-nlp_2.12:5.0.0 -pyspark --packages com.johnsnowlabs.nlp:spark-nlp_2.12:4.4.4 +pyspark --packages com.johnsnowlabs.nlp:spark-nlp_2.12:5.0.0 -spark-submit --packages com.johnsnowlabs.nlp:spark-nlp_2.12:4.4.4 +spark-submit --packages com.johnsnowlabs.nlp:spark-nlp_2.12:5.0.0 ``` The `spark-nlp` has been published to @@ -378,11 +382,11 @@ the [Maven Repository](https://mvnrepository.com/artifact/com.johnsnowlabs.nlp/s ```sh # GPU -spark-shell --packages com.johnsnowlabs.nlp:spark-nlp-gpu_2.12:4.4.4 +spark-shell --packages com.johnsnowlabs.nlp:spark-nlp-gpu_2.12:5.0.0 -pyspark --packages com.johnsnowlabs.nlp:spark-nlp-gpu_2.12:4.4.4 +pyspark --packages com.johnsnowlabs.nlp:spark-nlp-gpu_2.12:5.0.0 -spark-submit --packages com.johnsnowlabs.nlp:spark-nlp-gpu_2.12:4.4.4 +spark-submit --packages com.johnsnowlabs.nlp:spark-nlp-gpu_2.12:5.0.0 ``` @@ -392,11 +396,11 @@ the [Maven Repository](https://mvnrepository.com/artifact/com.johnsnowlabs.nlp/s ```sh # AArch64 -spark-shell --packages com.johnsnowlabs.nlp:spark-nlp-aarch64_2.12:4.4.4 +spark-shell --packages com.johnsnowlabs.nlp:spark-nlp-aarch64_2.12:5.0.0 -pyspark --packages com.johnsnowlabs.nlp:spark-nlp-aarch64_2.12:4.4.4 +pyspark --packages com.johnsnowlabs.nlp:spark-nlp-aarch64_2.12:5.0.0 -spark-submit --packages com.johnsnowlabs.nlp:spark-nlp-aarch64_2.12:4.4.4 +spark-submit --packages com.johnsnowlabs.nlp:spark-nlp-aarch64_2.12:5.0.0 ``` @@ -406,11 +410,11 @@ the [Maven Repository](https://mvnrepository.com/artifact/com.johnsnowlabs.nlp/s ```sh # M1/M2 (Apple Silicon) -spark-shell --packages com.johnsnowlabs.nlp:spark-nlp-silicon_2.12:4.4.4 +spark-shell --packages com.johnsnowlabs.nlp:spark-nlp-silicon_2.12:5.0.0 -pyspark --packages com.johnsnowlabs.nlp:spark-nlp-silicon_2.12:4.4.4 +pyspark --packages com.johnsnowlabs.nlp:spark-nlp-silicon_2.12:5.0.0 -spark-submit --packages com.johnsnowlabs.nlp:spark-nlp-silicon_2.12:4.4.4 +spark-submit --packages com.johnsnowlabs.nlp:spark-nlp-silicon_2.12:5.0.0 ``` @@ -424,7 +428,7 @@ set in your SparkSession: spark-shell \ --driver-memory 16g \ --conf spark.kryoserializer.buffer.max=2000M \ - --packages com.johnsnowlabs.nlp:spark-nlp_2.12:4.4.4 + --packages com.johnsnowlabs.nlp:spark-nlp_2.12:5.0.0 ``` ## Scala @@ -442,7 +446,7 @@ coordinates: com.johnsnowlabs.nlp spark-nlp_2.12 - 4.4.4 + 5.0.0 ``` @@ -453,7 +457,7 @@ coordinates: com.johnsnowlabs.nlp spark-nlp-gpu_2.12 - 4.4.4 + 5.0.0 ``` @@ -464,7 +468,7 @@ coordinates: com.johnsnowlabs.nlp spark-nlp-aarch64_2.12 - 4.4.4 + 5.0.0 ``` @@ -475,7 +479,7 @@ coordinates: com.johnsnowlabs.nlp spark-nlp-silicon_2.12 - 4.4.4 + 5.0.0 ``` @@ -485,28 +489,28 @@ coordinates: ```sbtshell // https://mvnrepository.com/artifact/com.johnsnowlabs.nlp/spark-nlp -libraryDependencies += "com.johnsnowlabs.nlp" %% "spark-nlp" % "4.4.4" +libraryDependencies += "com.johnsnowlabs.nlp" %% "spark-nlp" % "5.0.0" ``` **spark-nlp-gpu:** ```sbtshell // https://mvnrepository.com/artifact/com.johnsnowlabs.nlp/spark-nlp-gpu -libraryDependencies += "com.johnsnowlabs.nlp" %% "spark-nlp-gpu" % "4.4.4" +libraryDependencies += "com.johnsnowlabs.nlp" %% "spark-nlp-gpu" % "5.0.0" ``` **spark-nlp-aarch64:** ```sbtshell // https://mvnrepository.com/artifact/com.johnsnowlabs.nlp/spark-nlp-aarch64 -libraryDependencies += "com.johnsnowlabs.nlp" %% "spark-nlp-aarch64" % "4.4.4" +libraryDependencies += "com.johnsnowlabs.nlp" %% "spark-nlp-aarch64" % "5.0.0" ``` **spark-nlp-silicon:** ```sbtshell // https://mvnrepository.com/artifact/com.johnsnowlabs.nlp/spark-nlp-silicon -libraryDependencies += "com.johnsnowlabs.nlp" %% "spark-nlp-silicon" % "4.4.4" +libraryDependencies += "com.johnsnowlabs.nlp" %% "spark-nlp-silicon" % "5.0.0" ``` Maven @@ -528,7 +532,7 @@ If you installed pyspark through pip/conda, you can install `spark-nlp` through Pip: ```bash -pip install spark-nlp==4.4.4 +pip install spark-nlp==5.0.0 ``` Conda: @@ -557,7 +561,7 @@ spark = SparkSession.builder .config("spark.driver.memory", "16G") .config("spark.driver.maxResultSize", "0") .config("spark.kryoserializer.buffer.max", "2000M") - .config("spark.jars.packages", "com.johnsnowlabs.nlp:spark-nlp_2.12:4.4.4") + .config("spark.jars.packages", "com.johnsnowlabs.nlp:spark-nlp_2.12:5.0.0") .getOrCreate() ``` @@ -628,7 +632,7 @@ Use either one of the following options - Add the following Maven Coordinates to the interpreter's library list ```bash -com.johnsnowlabs.nlp:spark-nlp_2.12:4.4.4 +com.johnsnowlabs.nlp:spark-nlp_2.12:5.0.0 ``` - Add a path to pre-built jar from [here](#compiled-jars) in the interpreter's library list making sure the jar is @@ -639,7 +643,7 @@ com.johnsnowlabs.nlp:spark-nlp_2.12:4.4.4 Apart from the previous step, install the python module through pip ```bash -pip install spark-nlp==4.4.4 +pip install spark-nlp==5.0.0 ``` Or you can install `spark-nlp` from inside Zeppelin by using Conda: @@ -667,7 +671,7 @@ launch the Jupyter from the same Python environment: $ conda create -n sparknlp python=3.8 -y $ conda activate sparknlp # spark-nlp by default is based on pyspark 3.x -$ pip install spark-nlp==4.4.4 pyspark==3.3.1 jupyter +$ pip install spark-nlp==5.0.0 pyspark==3.3.1 jupyter $ jupyter notebook ``` @@ -684,13 +688,13 @@ export PYSPARK_PYTHON=python3 export PYSPARK_DRIVER_PYTHON=jupyter export PYSPARK_DRIVER_PYTHON_OPTS=notebook -pyspark --packages com.johnsnowlabs.nlp:spark-nlp_2.12:4.4.4 +pyspark --packages com.johnsnowlabs.nlp:spark-nlp_2.12:5.0.0 ``` Alternatively, you can mix in using `--jars` option for pyspark + `pip install spark-nlp` If not using pyspark at all, you'll have to run the instructions -pointed [here](#python-without-explicit-Pyspark-installation) +pointed [here](#python-without-explicit-pyspark-installation) ## Google Colab Notebook @@ -711,7 +715,7 @@ This script comes with the two options to define `pyspark` and `spark-nlp` versi # -s is for spark-nlp # -g will enable upgrading libcudnn8 to 8.1.0 on Google Colab for GPU usage # by default they are set to the latest -!wget https://setup.johnsnowlabs.com/colab.sh -O - | bash /dev/stdin -p 3.2.3 -s 4.4.4 +!wget https://setup.johnsnowlabs.com/colab.sh -O - | bash /dev/stdin -p 3.2.3 -s 5.0.0 ``` [Spark NLP quick start on Google Colab](https://colab.research.google.com/github/JohnSnowLabs/spark-nlp/blob/master/examples/python/quick_start_google_colab.ipynb) @@ -734,7 +738,7 @@ This script comes with the two options to define `pyspark` and `spark-nlp` versi # -s is for spark-nlp # -g will enable upgrading libcudnn8 to 8.1.0 on Kaggle for GPU usage # by default they are set to the latest -!wget https://setup.johnsnowlabs.com/colab.sh -O - | bash /dev/stdin -p 3.2.3 -s 4.4.4 +!wget https://setup.johnsnowlabs.com/colab.sh -O - | bash /dev/stdin -p 3.2.3 -s 5.0.0 ``` [Spark NLP quick start on Kaggle Kernel](https://www.kaggle.com/mozzie/spark-nlp-named-entity-recognition) is a live @@ -753,9 +757,9 @@ demo on Kaggle Kernel that performs named entity recognitions by using Spark NLP 3. In `Libraries` tab inside your cluster you need to follow these steps: - 3.1. Install New -> PyPI -> `spark-nlp==4.4.4` -> Install + 3.1. Install New -> PyPI -> `spark-nlp==5.0.0` -> Install - 3.2. Install New -> Maven -> Coordinates -> `com.johnsnowlabs.nlp:spark-nlp_2.12:4.4.4` -> Install + 3.2. Install New -> Maven -> Coordinates -> `com.johnsnowlabs.nlp:spark-nlp_2.12:5.0.0` -> Install 4. Now you can attach your notebook to the cluster and use Spark NLP! @@ -806,7 +810,7 @@ A sample of your software configuration in JSON on S3 (must be public access): "spark.kryoserializer.buffer.max": "2000M", "spark.serializer": "org.apache.spark.serializer.KryoSerializer", "spark.driver.maxResultSize": "0", - "spark.jars.packages": "com.johnsnowlabs.nlp:spark-nlp_2.12:4.4.4" + "spark.jars.packages": "com.johnsnowlabs.nlp:spark-nlp_2.12:5.0.0" } }] ``` @@ -815,7 +819,7 @@ A sample of AWS CLI to launch EMR cluster: ```.sh aws emr create-cluster \ ---name "Spark NLP 4.4.4" \ +--name "Spark NLP 5.0.0" \ --release-label emr-6.2.0 \ --applications Name=Hadoop Name=Spark Name=Hive \ --instance-type m4.4xlarge \ @@ -879,7 +883,7 @@ gcloud dataproc clusters create ${CLUSTER_NAME} \ --enable-component-gateway \ --metadata 'PIP_PACKAGES=spark-nlp spark-nlp-display google-cloud-bigquery google-cloud-storage' \ --initialization-actions gs://goog-dataproc-initialization-actions-${REGION}/python/pip-install.sh \ - --properties spark:spark.serializer=org.apache.spark.serializer.KryoSerializer,spark:spark.driver.maxResultSize=0,spark:spark.kryoserializer.buffer.max=2000M,spark:spark.jars.packages=com.johnsnowlabs.nlp:spark-nlp_2.12:4.4.4 + --properties spark:spark.serializer=org.apache.spark.serializer.KryoSerializer,spark:spark.driver.maxResultSize=0,spark:spark.kryoserializer.buffer.max=2000M,spark:spark.jars.packages=com.johnsnowlabs.nlp:spark-nlp_2.12:5.0.0 ``` 2. On an existing one, you need to install spark-nlp and spark-nlp-display packages from PyPI. @@ -918,7 +922,7 @@ spark = SparkSession.builder .config("spark.kryoserializer.buffer.max", "2000m") .config("spark.jsl.settings.pretrained.cache_folder", "sample_data/pretrained") .config("spark.jsl.settings.storage.cluster_tmp_dir", "sample_data/storage") - .config("spark.jars.packages", "com.johnsnowlabs.nlp:spark-nlp_2.12:4.4.4") + .config("spark.jars.packages", "com.johnsnowlabs.nlp:spark-nlp_2.12:5.0.0") .getOrCreate() ``` @@ -932,7 +936,7 @@ spark-shell \ --conf spark.kryoserializer.buffer.max=2000M \ --conf spark.jsl.settings.pretrained.cache_folder="sample_data/pretrained" \ --conf spark.jsl.settings.storage.cluster_tmp_dir="sample_data/storage" \ - --packages com.johnsnowlabs.nlp:spark-nlp_2.12:4.4.4 + --packages com.johnsnowlabs.nlp:spark-nlp_2.12:5.0.0 ``` **pyspark:** @@ -945,7 +949,7 @@ pyspark \ --conf spark.kryoserializer.buffer.max=2000M \ --conf spark.jsl.settings.pretrained.cache_folder="sample_data/pretrained" \ --conf spark.jsl.settings.storage.cluster_tmp_dir="sample_data/storage" \ - --packages com.johnsnowlabs.nlp:spark-nlp_2.12:4.4.4 + --packages com.johnsnowlabs.nlp:spark-nlp_2.12:5.0.0 ``` **Databricks:** @@ -1217,7 +1221,7 @@ spark = SparkSession.builder .config("spark.driver.memory", "16G") .config("spark.driver.maxResultSize", "0") .config("spark.kryoserializer.buffer.max", "2000M") - .config("spark.jars", "/tmp/spark-nlp-assembly-4.4.4.jar") + .config("spark.jars", "/tmp/spark-nlp-assembly-5.0.0.jar") .getOrCreate() ``` @@ -1226,7 +1230,7 @@ spark = SparkSession.builder version (3.0.x, 3.1.x, 3.2.x, 3.3.x, and 3.4.x) - If you are local, you can load the Fat JAR from your local FileSystem, however, if you are in a cluster setup you need to put the Fat JAR on a distributed FileSystem such as HDFS, DBFS, S3, etc. ( - i.e., `hdfs:///tmp/spark-nlp-assembly-4.4.4.jar`) + i.e., `hdfs:///tmp/spark-nlp-assembly-5.0.0.jar`) Example of using pretrained Models and Pipelines in offline: diff --git a/build.sbt b/build.sbt index 83330ac60cd9ba..c9e37ecd4a699e 100644 --- a/build.sbt +++ b/build.sbt @@ -6,7 +6,7 @@ name := getPackageName(is_silicon, is_gpu, is_aarch64) organization := "com.johnsnowlabs.nlp" -version := "4.4.4" +version := "5.0.0" (ThisBuild / scalaVersion) := scalaVer @@ -165,6 +165,16 @@ val tensorflowDependencies: Seq[sbt.ModuleID] = else Seq(tensorflowCPU) +val onnxDependencies: Seq[sbt.ModuleID] = + if (is_gpu.equals("true")) + Seq(onnxGPU) + else if (is_silicon.equals("true")) + Seq(onnxCPU) + else if (is_aarch64.equals("true")) + Seq(onnxCPU) + else + Seq(onnxCPU) + lazy val mavenProps = settingKey[Unit]("workaround for Maven properties") lazy val root = (project in file(".")) @@ -175,6 +185,7 @@ lazy val root = (project in file(".")) testDependencies ++ utilDependencies ++ tensorflowDependencies ++ + onnxDependencies ++ typedDependencyParserDependencies, // TODO potentially improve this? mavenProps := { diff --git a/conda/README.md b/conda/README.md index 1ff6ddb645b173..b04e5a32133168 100644 --- a/conda/README.md +++ b/conda/README.md @@ -35,13 +35,13 @@ conda config --set anaconda_upload no Build `spark-nlp` from the latest PyPI tar: ```bash -conda build . --python=3.7 && conda build . --python=3.8 && conda build . --python=3.9 +conda build conda/ ``` Example of uploading Conda package to Anaconda Cloud: ```bash -anaconda upload /anaconda3/conda-bld/noarch/spark-nlp-version-py37_0.tar.bz2 +anaconda upload /anaconda3/conda-bld/noarch/spark-nlp-version-py_0.tar.bz2 ``` ## Install diff --git a/conda/conda_build_config.yaml b/conda/conda_build_config.yaml deleted file mode 100644 index 293f77e58aa60b..00000000000000 --- a/conda/conda_build_config.yaml +++ /dev/null @@ -1,4 +0,0 @@ -python: - - 3.7 - - 3.8 - - 3.9 diff --git a/conda/meta.yaml b/conda/meta.yaml index 3bf52ab98dc2cf..4ccecd03892a1e 100644 --- a/conda/meta.yaml +++ b/conda/meta.yaml @@ -1,30 +1,36 @@ -package: - name: "spark-nlp" - version: 4.4.4 +{% set name = "spark-nlp" %} +{% set version = "4.4.0" %} -app: - entry: spark-nlp - summary: Natural Language Understanding Library for Apache Spark. +package: + name: {{ name|lower }} + version: {{ version }} source: - fn: spark-nlp-4.4.4.tar.gz - url: https://files.pythonhosted.org/packages/f9/e4/5eb83ed1c68be9fca636f6c62f9e55da3f2e511818e2a8feb852d6986064/spark-nlp-4.4.4.tar.gz - sha256: d9e2f017ab7cf6e82e775c38862f1a4ee32bbb0af6619e0b9051e6737711b5b6 + url: https://pypi.io/packages/source/{{ name[0] }}/{{ name }}/spark-nlp-{{ version }}.tar.gz + sha256: e76fdd82b966ca169ba8a1fdcfe2e684fc63abaf88de841d2eb881cacb5e0105 + build: - noarch: generic + noarch: python + script: {{ PYTHON }} -m pip install . -vv number: 0 - script: "python -m pip install . --no-deps -vv" requirements: - build: - - python + host: + - python >=3.7,<3.11 + - pip run: - - python + - python >=3.7,<3.11 + +test: + imports: + - sparknlp + commands: + - pip check + requires: + - pip about: - home: https://github.com/JohnSnowLabs/spark-nlp/ - license: Apache License 2.0 - license_family: APACHE - license_url: https://github.com/JohnSnowLabs/spark-nlp/blob/master/LICENSE - description: John Snow Labs Spark-NLP is a natural language processing library built on top of Apache Spark ML. It provides simple, performant & accurate NLP annotations for machine learning pipelines, that scale easily in a distributed environment. - summary: Natural Language Understanding Library for Apache Spark. + home: https://github.com/JohnSnowLabs/spark-nlp + summary: John Snow Labs Spark NLP is a natural language processing library built on top of Apache Spark ML. It provides simple, performant & accurate NLP annotations for machine learning pipelines, that scale easily in a distributed environment. + license: Apache-2.0 + license_file: LICENSE diff --git a/docs/_layouts/landing.html b/docs/_layouts/landing.html index 0ff09427399feb..ad8d347e9edffb 100755 --- a/docs/_layouts/landing.html +++ b/docs/_layouts/landing.html @@ -224,7 +224,7 @@

Transformers at Scale

Unlock the power of Large Language Models with Spark NLP 🚀, the only open-source library that delivers cutting-edge transformers for production such as BERT, CamemBERT, ALBERT, ELECTRA, XLNet, DistilBERT, RoBERTa, DeBERTa, - XLM-RoBERTa, Longformer, ELMO, Universal Sentence Encoder, Facebook BART, Google T5, MarianMT, OpenAI GPT2, + XLM-RoBERTa, Longformer, ELMO, Universal Sentence Encoder, Facebook BART, Instructor Embeddings, E5 Embeddings, Google T5, MarianMT, OpenAI GPT2, Google ViT, ASR Wav2Vec2 and many more not only to Python, and R but also to JVM ecosystem (Java, Scala, and Kotlin) at scale by extending Apache Spark natively
@@ -304,6 +304,8 @@

NLP Features

  • Universal Sentence Encoder
  • Sentence Embeddings
  • Chunk Embeddings
  • +
  • Instructor Embeddings
  • +
  • E5 Embeddings
  • diff --git a/docs/api/com/johnsnowlabs/ml/util/ModelEngine$.html b/docs/api/com/johnsnowlabs/ml/util/ModelArch$.html similarity index 80% rename from docs/api/com/johnsnowlabs/ml/util/ModelEngine$.html rename to docs/api/com/johnsnowlabs/ml/util/ModelArch$.html index 905476e7d5874a..61e9585ccddfc0 100644 --- a/docs/api/com/johnsnowlabs/ml/util/ModelEngine$.html +++ b/docs/api/com/johnsnowlabs/ml/util/ModelArch$.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.ml.util.ModelEngine - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.ml.util.ModelArch + + @@ -28,7 +28,7 @@ +
  • + + + + + + + + + val + + + wordEmbeddings: String + + + +
  • + + + + + + + + + val + + + zeroShotClassifier: String + + +
  • diff --git a/docs/api/com/johnsnowlabs/ml/util/ModelEngine.html b/docs/api/com/johnsnowlabs/ml/util/ModelEngine.html new file mode 100644 index 00000000000000..c3450617693e46 --- /dev/null +++ b/docs/api/com/johnsnowlabs/ml/util/ModelEngine.html @@ -0,0 +1,639 @@ + + + + + + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.ml.util.ModelEngine + + + + + + + + + + + + + + + + + + + + + +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +

    Packages

    + +
    +
    +
    + +
    +
    t
    +

    com.johnsnowlabs.ml.util

    +

    ModelEngine + + + +

    +

    +
    + +

    + + sealed + trait + + + ModelEngine extends AnyRef + +

    + + +
    + + Linear Supertypes + +
    AnyRef, Any
    +
    + + Known Subclasses + + +
    + + +
    +
    +
    + + + + + +
    +
    +
    + Ordering +
      + +
    1. Alphabetic
    2. +
    3. By Inheritance
    4. +
    +
    +
    + Inherited
    +
    +
      +
    1. ModelEngine
    2. AnyRef
    3. Any
    4. +
    +
    + +
      +
    1. Hide All
    2. +
    3. Show All
    4. +
    +
    +
    + Visibility +
    1. Public
    2. All
    +
    +
    +
    + +
    +
    + + + + + + +
    +

    Value Members

    +
      +
    1. + + + + + + + + final + def + + + !=(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    2. + + + + + + + + final + def + + + ##(): Int + + +
      Definition Classes
      AnyRef → Any
      +
    3. + + + + + + + + final + def + + + ==(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    4. + + + + + + + + final + def + + + asInstanceOf[T0]: T0 + + +
      Definition Classes
      Any
      +
    5. + + + + + + + + + def + + + clone(): AnyRef + + +
      Attributes
      protected[lang]
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + + @native() + +
      +
    6. + + + + + + + + final + def + + + eq(arg0: AnyRef): Boolean + + +
      Definition Classes
      AnyRef
      +
    7. + + + + + + + + + def + + + equals(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    8. + + + + + + + + + def + + + finalize(): Unit + + +
      Attributes
      protected[lang]
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + classOf[java.lang.Throwable] + ) + +
      +
    9. + + + + + + + + final + def + + + getClass(): Class[_] + + +
      Definition Classes
      AnyRef → Any
      Annotations
      + @native() + +
      +
    10. + + + + + + + + + def + + + hashCode(): Int + + +
      Definition Classes
      AnyRef → Any
      Annotations
      + @native() + +
      +
    11. + + + + + + + + final + def + + + isInstanceOf[T0]: Boolean + + +
      Definition Classes
      Any
      +
    12. + + + + + + + + final + def + + + ne(arg0: AnyRef): Boolean + + +
      Definition Classes
      AnyRef
      +
    13. + + + + + + + + final + def + + + notify(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @native() + +
      +
    14. + + + + + + + + final + def + + + notifyAll(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @native() + +
      +
    15. + + + + + + + + final + def + + + synchronized[T0](arg0: ⇒ T0): T0 + + +
      Definition Classes
      AnyRef
      +
    16. + + + + + + + + + def + + + toString(): String + + +
      Definition Classes
      AnyRef → Any
      +
    17. + + + + + + + + final + def + + + wait(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + +
      +
    18. + + + + + + + + final + def + + + wait(arg0: Long, arg1: Int): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + +
      +
    19. + + + + + + + + final + def + + + wait(arg0: Long): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + + @native() + +
      +
    20. +
    +
    + + + + +
    + +
    +
    +

    Inherited from AnyRef

    +
    +

    Inherited from Any

    +
    + +
    + +
    +
    +

    Ungrouped

    + +
    +
    + +
    + +
    + + + +
    +
    +
    + + diff --git a/docs/api/com/johnsnowlabs/ml/util/ONNX$.html b/docs/api/com/johnsnowlabs/ml/util/ONNX$.html new file mode 100644 index 00000000000000..5a78363c7891ff --- /dev/null +++ b/docs/api/com/johnsnowlabs/ml/util/ONNX$.html @@ -0,0 +1,689 @@ + + + + + + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.ml.util.ONNX + + + + + + + + + + + + + + + + + + + + + +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +

    Packages

    + +
    +
    +
    + +
    +
    o
    +

    com.johnsnowlabs.ml.util

    +

    ONNX + + + +

    +

    +
    + +

    + + + object + + + ONNX extends ModelEngine with Product with Serializable + +

    + + +
    + + Linear Supertypes + +
    Serializable, Serializable, Product, Equals, ModelEngine, AnyRef, Any
    +
    + + +
    +
    +
    + + + + + +
    +
    +
    + Ordering +
      + +
    1. Alphabetic
    2. +
    3. By Inheritance
    4. +
    +
    +
    + Inherited
    +
    +
      +
    1. ONNX
    2. Serializable
    3. Serializable
    4. Product
    5. Equals
    6. ModelEngine
    7. AnyRef
    8. Any
    9. +
    +
    + +
      +
    1. Hide All
    2. +
    3. Show All
    4. +
    +
    +
    + Visibility +
    1. Public
    2. All
    +
    +
    +
    + +
    +
    + + + + + + +
    +

    Value Members

    +
      +
    1. + + + + + + + + final + def + + + !=(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    2. + + + + + + + + final + def + + + ##(): Int + + +
      Definition Classes
      AnyRef → Any
      +
    3. + + + + + + + + final + def + + + ==(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    4. + + + + + + + + final + def + + + asInstanceOf[T0]: T0 + + +
      Definition Classes
      Any
      +
    5. + + + + + + + + + def + + + clone(): AnyRef + + +
      Attributes
      protected[lang]
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + + @native() + +
      +
    6. + + + + + + + + + val + + + decoderModel: String + + + +
    7. + + + + + + + + + val + + + decoderWithPastModel: String + + + +
    8. + + + + + + + + + val + + + encoderModel: String + + + +
    9. + + + + + + + + final + def + + + eq(arg0: AnyRef): Boolean + + +
      Definition Classes
      AnyRef
      +
    10. + + + + + + + + + def + + + equals(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    11. + + + + + + + + + def + + + finalize(): Unit + + +
      Attributes
      protected[lang]
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + classOf[java.lang.Throwable] + ) + +
      +
    12. + + + + + + + + final + def + + + getClass(): Class[_] + + +
      Definition Classes
      AnyRef → Any
      Annotations
      + @native() + +
      +
    13. + + + + + + + + final + def + + + isInstanceOf[T0]: Boolean + + +
      Definition Classes
      Any
      +
    14. + + + + + + + + + val + + + modelName: String + + + +
    15. + + + + + + + + + val + + + name: String + + + +
    16. + + + + + + + + final + def + + + ne(arg0: AnyRef): Boolean + + +
      Definition Classes
      AnyRef
      +
    17. + + + + + + + + final + def + + + notify(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @native() + +
      +
    18. + + + + + + + + final + def + + + notifyAll(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @native() + +
      +
    19. + + + + + + + + final + def + + + synchronized[T0](arg0: ⇒ T0): T0 + + +
      Definition Classes
      AnyRef
      +
    20. + + + + + + + + final + def + + + wait(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + +
      +
    21. + + + + + + + + final + def + + + wait(arg0: Long, arg1: Int): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + +
      +
    22. + + + + + + + + final + def + + + wait(arg0: Long): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + + @native() + +
      +
    23. +
    +
    + + + + +
    + +
    +
    +

    Inherited from Serializable

    +
    +

    Inherited from Serializable

    +
    +

    Inherited from Product

    +
    +

    Inherited from Equals

    +
    +

    Inherited from ModelEngine

    +
    +

    Inherited from AnyRef

    +
    +

    Inherited from Any

    +
    + +
    + +
    +
    +

    Ungrouped

    + +
    +
    + +
    + +
    + + + +
    +
    +
    + + diff --git a/docs/api/com/johnsnowlabs/ml/util/PyTorch$.html b/docs/api/com/johnsnowlabs/ml/util/PyTorch$.html new file mode 100644 index 00000000000000..b867c74a574605 --- /dev/null +++ b/docs/api/com/johnsnowlabs/ml/util/PyTorch$.html @@ -0,0 +1,625 @@ + + + + + + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.ml.util.PyTorch + + + + + + + + + + + + + + + + + + + + + +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +

    Packages

    + +
    +
    +
    + +
    +
    o
    +

    com.johnsnowlabs.ml.util

    +

    PyTorch + + + +

    +

    +
    + +

    + + + object + + + PyTorch extends ModelEngine with Product with Serializable + +

    + + +
    + + Linear Supertypes + +
    Serializable, Serializable, Product, Equals, ModelEngine, AnyRef, Any
    +
    + + +
    +
    +
    + + + + + +
    +
    +
    + Ordering +
      + +
    1. Alphabetic
    2. +
    3. By Inheritance
    4. +
    +
    +
    + Inherited
    +
    +
      +
    1. PyTorch
    2. Serializable
    3. Serializable
    4. Product
    5. Equals
    6. ModelEngine
    7. AnyRef
    8. Any
    9. +
    +
    + +
      +
    1. Hide All
    2. +
    3. Show All
    4. +
    +
    +
    + Visibility +
    1. Public
    2. All
    +
    +
    +
    + +
    +
    + + + + + + +
    +

    Value Members

    +
      +
    1. + + + + + + + + final + def + + + !=(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    2. + + + + + + + + final + def + + + ##(): Int + + +
      Definition Classes
      AnyRef → Any
      +
    3. + + + + + + + + final + def + + + ==(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    4. + + + + + + + + final + def + + + asInstanceOf[T0]: T0 + + +
      Definition Classes
      Any
      +
    5. + + + + + + + + + def + + + clone(): AnyRef + + +
      Attributes
      protected[lang]
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + + @native() + +
      +
    6. + + + + + + + + final + def + + + eq(arg0: AnyRef): Boolean + + +
      Definition Classes
      AnyRef
      +
    7. + + + + + + + + + def + + + equals(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    8. + + + + + + + + + def + + + finalize(): Unit + + +
      Attributes
      protected[lang]
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + classOf[java.lang.Throwable] + ) + +
      +
    9. + + + + + + + + final + def + + + getClass(): Class[_] + + +
      Definition Classes
      AnyRef → Any
      Annotations
      + @native() + +
      +
    10. + + + + + + + + final + def + + + isInstanceOf[T0]: Boolean + + +
      Definition Classes
      Any
      +
    11. + + + + + + + + + val + + + name: String + + + +
    12. + + + + + + + + final + def + + + ne(arg0: AnyRef): Boolean + + +
      Definition Classes
      AnyRef
      +
    13. + + + + + + + + final + def + + + notify(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @native() + +
      +
    14. + + + + + + + + final + def + + + notifyAll(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @native() + +
      +
    15. + + + + + + + + final + def + + + synchronized[T0](arg0: ⇒ T0): T0 + + +
      Definition Classes
      AnyRef
      +
    16. + + + + + + + + final + def + + + wait(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + +
      +
    17. + + + + + + + + final + def + + + wait(arg0: Long, arg1: Int): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + +
      +
    18. + + + + + + + + final + def + + + wait(arg0: Long): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + + @native() + +
      +
    19. +
    +
    + + + + +
    + +
    +
    +

    Inherited from Serializable

    +
    +

    Inherited from Serializable

    +
    +

    Inherited from Product

    +
    +

    Inherited from Equals

    +
    +

    Inherited from ModelEngine

    +
    +

    Inherited from AnyRef

    +
    +

    Inherited from Any

    +
    + +
    + +
    +
    +

    Ungrouped

    + +
    +
    + +
    + +
    + + + +
    +
    +
    + + diff --git a/docs/api/com/johnsnowlabs/ml/util/TensorFlow$.html b/docs/api/com/johnsnowlabs/ml/util/TensorFlow$.html new file mode 100644 index 00000000000000..b4961aa32387a0 --- /dev/null +++ b/docs/api/com/johnsnowlabs/ml/util/TensorFlow$.html @@ -0,0 +1,641 @@ + + + + + + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.ml.util.TensorFlow + + + + + + + + + + + + + + + + + + + + + +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +

    Packages

    + +
    +
    +
    + +
    +
    o
    +

    com.johnsnowlabs.ml.util

    +

    TensorFlow + + + +

    +

    +
    + +

    + + + object + + + TensorFlow extends ModelEngine with Product with Serializable + +

    + + +
    + + Linear Supertypes + +
    Serializable, Serializable, Product, Equals, ModelEngine, AnyRef, Any
    +
    + + +
    +
    +
    + + + + + +
    +
    +
    + Ordering +
      + +
    1. Alphabetic
    2. +
    3. By Inheritance
    4. +
    +
    +
    + Inherited
    +
    +
      +
    1. TensorFlow
    2. Serializable
    3. Serializable
    4. Product
    5. Equals
    6. ModelEngine
    7. AnyRef
    8. Any
    9. +
    +
    + +
      +
    1. Hide All
    2. +
    3. Show All
    4. +
    +
    +
    + Visibility +
    1. Public
    2. All
    +
    +
    +
    + +
    +
    + + + + + + +
    +

    Value Members

    +
      +
    1. + + + + + + + + final + def + + + !=(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    2. + + + + + + + + final + def + + + ##(): Int + + +
      Definition Classes
      AnyRef → Any
      +
    3. + + + + + + + + final + def + + + ==(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    4. + + + + + + + + final + def + + + asInstanceOf[T0]: T0 + + +
      Definition Classes
      Any
      +
    5. + + + + + + + + + def + + + clone(): AnyRef + + +
      Attributes
      protected[lang]
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + + @native() + +
      +
    6. + + + + + + + + final + def + + + eq(arg0: AnyRef): Boolean + + +
      Definition Classes
      AnyRef
      +
    7. + + + + + + + + + def + + + equals(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    8. + + + + + + + + + def + + + finalize(): Unit + + +
      Attributes
      protected[lang]
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + classOf[java.lang.Throwable] + ) + +
      +
    9. + + + + + + + + final + def + + + getClass(): Class[_] + + +
      Definition Classes
      AnyRef → Any
      Annotations
      + @native() + +
      +
    10. + + + + + + + + final + def + + + isInstanceOf[T0]: Boolean + + +
      Definition Classes
      Any
      +
    11. + + + + + + + + + val + + + modelName: String + + + +
    12. + + + + + + + + + val + + + name: String + + + +
    13. + + + + + + + + final + def + + + ne(arg0: AnyRef): Boolean + + +
      Definition Classes
      AnyRef
      +
    14. + + + + + + + + final + def + + + notify(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @native() + +
      +
    15. + + + + + + + + final + def + + + notifyAll(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @native() + +
      +
    16. + + + + + + + + final + def + + + synchronized[T0](arg0: ⇒ T0): T0 + + +
      Definition Classes
      AnyRef
      +
    17. + + + + + + + + final + def + + + wait(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + +
      +
    18. + + + + + + + + final + def + + + wait(arg0: Long, arg1: Int): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + +
      +
    19. + + + + + + + + final + def + + + wait(arg0: Long): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + + @native() + +
      +
    20. +
    +
    + + + + +
    + +
    +
    +

    Inherited from Serializable

    +
    +

    Inherited from Serializable

    +
    +

    Inherited from Product

    +
    +

    Inherited from Equals

    +
    +

    Inherited from ModelEngine

    +
    +

    Inherited from AnyRef

    +
    +

    Inherited from Any

    +
    + +
    + +
    +
    +

    Ungrouped

    + +
    +
    + +
    + +
    + + + +
    +
    +
    + + diff --git a/docs/api/com/johnsnowlabs/ml/util/Unknown$.html b/docs/api/com/johnsnowlabs/ml/util/Unknown$.html new file mode 100644 index 00000000000000..92aa904a5ffc43 --- /dev/null +++ b/docs/api/com/johnsnowlabs/ml/util/Unknown$.html @@ -0,0 +1,625 @@ + + + + + + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.ml.util.Unknown + + + + + + + + + + + + + + + + + + + + + +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +

    Packages

    + +
    +
    +
    + +
    +
    o
    +

    com.johnsnowlabs.ml.util

    +

    Unknown + + + +

    +

    +
    + +

    + + + object + + + Unknown extends ModelEngine with Product with Serializable + +

    + + +
    + + Linear Supertypes + +
    Serializable, Serializable, Product, Equals, ModelEngine, AnyRef, Any
    +
    + + +
    +
    +
    + + + + + +
    +
    +
    + Ordering +
      + +
    1. Alphabetic
    2. +
    3. By Inheritance
    4. +
    +
    +
    + Inherited
    +
    +
      +
    1. Unknown
    2. Serializable
    3. Serializable
    4. Product
    5. Equals
    6. ModelEngine
    7. AnyRef
    8. Any
    9. +
    +
    + +
      +
    1. Hide All
    2. +
    3. Show All
    4. +
    +
    +
    + Visibility +
    1. Public
    2. All
    +
    +
    +
    + +
    +
    + + + + + + +
    +

    Value Members

    +
      +
    1. + + + + + + + + final + def + + + !=(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    2. + + + + + + + + final + def + + + ##(): Int + + +
      Definition Classes
      AnyRef → Any
      +
    3. + + + + + + + + final + def + + + ==(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    4. + + + + + + + + final + def + + + asInstanceOf[T0]: T0 + + +
      Definition Classes
      Any
      +
    5. + + + + + + + + + def + + + clone(): AnyRef + + +
      Attributes
      protected[lang]
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + + @native() + +
      +
    6. + + + + + + + + final + def + + + eq(arg0: AnyRef): Boolean + + +
      Definition Classes
      AnyRef
      +
    7. + + + + + + + + + def + + + equals(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    8. + + + + + + + + + def + + + finalize(): Unit + + +
      Attributes
      protected[lang]
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + classOf[java.lang.Throwable] + ) + +
      +
    9. + + + + + + + + final + def + + + getClass(): Class[_] + + +
      Definition Classes
      AnyRef → Any
      Annotations
      + @native() + +
      +
    10. + + + + + + + + final + def + + + isInstanceOf[T0]: Boolean + + +
      Definition Classes
      Any
      +
    11. + + + + + + + + + val + + + name: String + + + +
    12. + + + + + + + + final + def + + + ne(arg0: AnyRef): Boolean + + +
      Definition Classes
      AnyRef
      +
    13. + + + + + + + + final + def + + + notify(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @native() + +
      +
    14. + + + + + + + + final + def + + + notifyAll(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @native() + +
      +
    15. + + + + + + + + final + def + + + synchronized[T0](arg0: ⇒ T0): T0 + + +
      Definition Classes
      AnyRef
      +
    16. + + + + + + + + final + def + + + wait(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + +
      +
    17. + + + + + + + + final + def + + + wait(arg0: Long, arg1: Int): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + +
      +
    18. + + + + + + + + final + def + + + wait(arg0: Long): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + + @native() + +
      +
    19. +
    +
    + + + + +
    + +
    +
    +

    Inherited from Serializable

    +
    +

    Inherited from Serializable

    +
    +

    Inherited from Product

    +
    +

    Inherited from Equals

    +
    +

    Inherited from ModelEngine

    +
    +

    Inherited from AnyRef

    +
    +

    Inherited from Any

    +
    + +
    + +
    +
    +

    Ungrouped

    + +
    +
    + +
    + +
    + + + +
    +
    +
    + + diff --git a/docs/api/com/johnsnowlabs/ml/util/index.html b/docs/api/com/johnsnowlabs/ml/util/index.html index 83e9ccb2a682ce..7cdfbf40e2ab7d 100644 --- a/docs/api/com/johnsnowlabs/ml/util/index.html +++ b/docs/api/com/johnsnowlabs/ml/util/index.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.ml.util - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.ml.util + + @@ -28,7 +28,7 @@ diff --git a/docs/api/com/johnsnowlabs/nlp/AnnotatorModel.html b/docs/api/com/johnsnowlabs/nlp/AnnotatorModel.html index fe7aca67c5c9c5..11c40c229b1072 100644 --- a/docs/api/com/johnsnowlabs/nlp/AnnotatorModel.html +++ b/docs/api/com/johnsnowlabs/nlp/AnnotatorModel.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.AnnotatorModel - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.AnnotatorModel + + @@ -28,7 +28,7 @@ diff --git a/docs/api/com/johnsnowlabs/nlp/AnnotatorType$.html b/docs/api/com/johnsnowlabs/nlp/AnnotatorType$.html index 3a62c406ec5664..69cffb502ca09d 100644 --- a/docs/api/com/johnsnowlabs/nlp/AnnotatorType$.html +++ b/docs/api/com/johnsnowlabs/nlp/AnnotatorType$.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.AnnotatorType - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.AnnotatorType + + @@ -28,7 +28,7 @@ diff --git a/docs/api/com/johnsnowlabs/nlp/Doc2Chunk$.html b/docs/api/com/johnsnowlabs/nlp/Doc2Chunk$.html index 46df9e231f766c..a2f08cce1b5396 100644 --- a/docs/api/com/johnsnowlabs/nlp/Doc2Chunk$.html +++ b/docs/api/com/johnsnowlabs/nlp/Doc2Chunk$.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.Doc2Chunk - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.Doc2Chunk + + @@ -28,7 +28,7 @@ diff --git a/docs/api/com/johnsnowlabs/nlp/HasBatchedAnnotateAudio.html b/docs/api/com/johnsnowlabs/nlp/HasBatchedAnnotateAudio.html index 9bbe083f31d62a..37156313f56ddc 100644 --- a/docs/api/com/johnsnowlabs/nlp/HasBatchedAnnotateAudio.html +++ b/docs/api/com/johnsnowlabs/nlp/HasBatchedAnnotateAudio.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.HasBatchedAnnotateAudio - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.HasBatchedAnnotateAudio + + @@ -28,7 +28,7 @@ diff --git a/docs/api/com/johnsnowlabs/nlp/HasClassifierActivationProperties.html b/docs/api/com/johnsnowlabs/nlp/HasClassifierActivationProperties.html index 89c3bc7410e3a1..445f4496d7b2ab 100644 --- a/docs/api/com/johnsnowlabs/nlp/HasClassifierActivationProperties.html +++ b/docs/api/com/johnsnowlabs/nlp/HasClassifierActivationProperties.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.HasClassifierActivationProperties - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.HasClassifierActivationProperties + + @@ -28,7 +28,7 @@ diff --git a/docs/api/com/johnsnowlabs/nlp/HasEngine.html b/docs/api/com/johnsnowlabs/nlp/HasEngine.html index 83aa0717ba10d4..55ee19cceb106f 100644 --- a/docs/api/com/johnsnowlabs/nlp/HasEngine.html +++ b/docs/api/com/johnsnowlabs/nlp/HasEngine.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.HasEngine - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.HasEngine + + @@ -28,7 +28,7 @@ diff --git a/docs/api/com/johnsnowlabs/nlp/HasFeatures.html b/docs/api/com/johnsnowlabs/nlp/HasFeatures.html index 87daffa01b8f30..a466cf6e483402 100644 --- a/docs/api/com/johnsnowlabs/nlp/HasFeatures.html +++ b/docs/api/com/johnsnowlabs/nlp/HasFeatures.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.HasFeatures - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.HasFeatures + + @@ -28,7 +28,7 @@ diff --git a/docs/api/com/johnsnowlabs/nlp/HasImageFeatureProperties.html b/docs/api/com/johnsnowlabs/nlp/HasImageFeatureProperties.html index 30d06cb5432a51..05b7ce87c772bd 100644 --- a/docs/api/com/johnsnowlabs/nlp/HasImageFeatureProperties.html +++ b/docs/api/com/johnsnowlabs/nlp/HasImageFeatureProperties.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.HasImageFeatureProperties - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.HasImageFeatureProperties + + @@ -28,7 +28,7 @@ diff --git a/docs/api/com/johnsnowlabs/nlp/HasMultipleInputAnnotationCols.html b/docs/api/com/johnsnowlabs/nlp/HasMultipleInputAnnotationCols.html index 601c83264af725..7c26ae5f4e658c 100644 --- a/docs/api/com/johnsnowlabs/nlp/HasMultipleInputAnnotationCols.html +++ b/docs/api/com/johnsnowlabs/nlp/HasMultipleInputAnnotationCols.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.HasMultipleInputAnnotationCols - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.HasMultipleInputAnnotationCols + + @@ -28,7 +28,7 @@ diff --git a/docs/api/com/johnsnowlabs/nlp/HasOutputAnnotatorType.html b/docs/api/com/johnsnowlabs/nlp/HasOutputAnnotatorType.html index 9b5cf747a8097b..2b6621b17a23dd 100644 --- a/docs/api/com/johnsnowlabs/nlp/HasOutputAnnotatorType.html +++ b/docs/api/com/johnsnowlabs/nlp/HasOutputAnnotatorType.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.HasOutputAnnotatorType - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.HasOutputAnnotatorType + + @@ -28,7 +28,7 @@ diff --git a/docs/api/com/johnsnowlabs/nlp/HasPretrained.html b/docs/api/com/johnsnowlabs/nlp/HasPretrained.html index 6bbc8d14fdf67c..b977e9dd50e440 100644 --- a/docs/api/com/johnsnowlabs/nlp/HasPretrained.html +++ b/docs/api/com/johnsnowlabs/nlp/HasPretrained.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.HasPretrained - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.HasPretrained + + @@ -28,7 +28,7 @@ diff --git a/docs/api/com/johnsnowlabs/nlp/HasProtectedParams$ProtectedParam.html b/docs/api/com/johnsnowlabs/nlp/HasProtectedParams$ProtectedParam.html index e9accc8464b9b8..e065b1966ce307 100644 --- a/docs/api/com/johnsnowlabs/nlp/HasProtectedParams$ProtectedParam.html +++ b/docs/api/com/johnsnowlabs/nlp/HasProtectedParams$ProtectedParam.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.HasProtectedParams.ProtectedParam - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.HasProtectedParams.ProtectedParam + + @@ -28,7 +28,7 @@

    Inherited from ReadBertDLModel

    +
    +

    Inherited from ReadOnnxModel

    Inherited from ReadTensorflowModel

    diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/BertEmbeddings.html b/docs/api/com/johnsnowlabs/nlp/embeddings/BertEmbeddings.html index ca97e4e558d8b4..9480e86678acb0 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/BertEmbeddings.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/BertEmbeddings.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.BertEmbeddings - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.BertEmbeddings + + @@ -28,7 +28,7 @@ @@ -506,7 +530,7 @@

    Inherited
      -
    1. BertEmbeddings
    2. HasEngine
    3. HasCaseSensitiveProperties
    4. HasStorageRef
    5. HasEmbeddingsProperties
    6. HasProtectedParams
    7. WriteTensorflowModel
    8. HasBatchedAnnotate
    9. AnnotatorModel
    10. CanBeLazy
    11. RawAnnotator
    12. HasOutputAnnotationCol
    13. HasInputAnnotationCols
    14. HasOutputAnnotatorType
    15. ParamsAndFeaturesWritable
    16. HasFeatures
    17. DefaultParamsWritable
    18. MLWritable
    19. Model
    20. Transformer
    21. PipelineStage
    22. Logging
    23. Params
    24. Serializable
    25. Serializable
    26. Identifiable
    27. AnyRef
    28. Any
    29. +
    30. BertEmbeddings
    31. HasEngine
    32. HasCaseSensitiveProperties
    33. HasStorageRef
    34. HasEmbeddingsProperties
    35. HasProtectedParams
    36. WriteOnnxModel
    37. WriteTensorflowModel
    38. HasBatchedAnnotate
    39. AnnotatorModel
    40. CanBeLazy
    41. RawAnnotator
    42. HasOutputAnnotationCol
    43. HasInputAnnotationCols
    44. HasOutputAnnotatorType
    45. ParamsAndFeaturesWritable
    46. HasFeatures
    47. DefaultParamsWritable
    48. MLWritable
    49. Model
    50. Transformer
    51. PipelineStage
    52. Logging
    53. Params
    54. Serializable
    55. Serializable
    56. Identifiable
    57. AnyRef
    58. Any

    @@ -526,7 +550,7 @@

    Instance Constructors

    -
    1. +
      1. @@ -541,7 +565,9 @@

        Instance Constructors

        BertEmbeddings()
        - +

        Annotator reference id.

        Annotator reference id. Used to identify elements in metadata or to refer to this annotator +type +

      2. @@ -1473,7 +1499,7 @@

        Value Members

        -
      3. +
      4. @@ -1488,7 +1514,7 @@

        Value Members

        getModelIfNotSet: Bert
        -

        +
      5. @@ -1668,7 +1694,7 @@

        Value Members

        Attributes
        protected
        Definition Classes
        Logging
        -
      6. +
      7. @@ -1683,8 +1709,8 @@

        Value Members

        inputAnnotatorTypes: Array[String]
        -

        Annotator reference id.

      8. @@ -2097,7 +2123,7 @@

        Value Members

        Definition Classes
        HasInputAnnotationCols
        -
      9. +
      10. @@ -2112,7 +2138,9 @@

        Value Members

        outputAnnotatorType:
        AnnotatorType
        -
        Definition Classes
        BertEmbeddingsHasOutputAnnotatorType
        +

        Output Annotator Types: WORD_EMBEDDINGS +

        Output Annotator Types: WORD_EMBEDDINGS +

        Definition Classes
        BertEmbeddingsHasOutputAnnotatorType
      11. @@ -2586,9 +2614,9 @@

        Value Members

      12. - + - + @@ -2597,7 +2625,7 @@

        Value Members

        def - setModelIfNotSet(spark: SparkSession, tensorflowWrapper: TensorflowWrapper): BertEmbeddings + setModelIfNotSet(spark: SparkSession, tensorflowWrapper: Option[TensorflowWrapper], onnxWrapper: Option[OnnxWrapper]): BertEmbeddings

        @@ -3070,6 +3098,22 @@

        Value Members

        Definition Classes
        ParamsAndFeaturesWritable → DefaultParamsWritable → MLWritable
        +
      13. + + + + + + + + + def + + + writeOnnxModel(path: String, spark: SparkSession, onnxWrapper: OnnxWrapper, suffix: String, fileName: String): Unit + + +
        Definition Classes
        WriteOnnxModel
      14. @@ -3138,6 +3182,8 @@

        Inherited from Inherited from HasEmbeddingsProperties

    Inherited from HasProtectedParams

    +
    +

    Inherited from WriteOnnxModel

    Inherited from WriteTensorflowModel

    @@ -3192,6 +3238,10 @@

    Parameters

    A list of (hyper-)parameter keys this annotator can take. Users can set and get the parameter values through setters and getters, respectively.

    +
    +

    Annotator types

    +

    + Required input and expected output annotator types

    Members

    diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/BertSentenceEmbeddings$.html b/docs/api/com/johnsnowlabs/nlp/embeddings/BertSentenceEmbeddings$.html index 564012bbe8cca2..d79e2195acf2eb 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/BertSentenceEmbeddings$.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/BertSentenceEmbeddings$.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.BertSentenceEmbeddings - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.BertSentenceEmbeddings + + @@ -28,7 +28,7 @@ @@ -439,7 +463,7 @@

    Inherited
      -
    1. BertSentenceEmbeddings
    2. Serializable
    3. Serializable
    4. ReadBertSentenceDLModel
    5. ReadTensorflowModel
    6. ReadablePretrainedBertSentenceModel
    7. HasPretrained
    8. ParamsAndFeaturesReadable
    9. DefaultParamsReadable
    10. MLReadable
    11. AnyRef
    12. Any
    13. +
    14. BertSentenceEmbeddings
    15. Serializable
    16. Serializable
    17. ReadBertSentenceDLModel
    18. ReadOnnxModel
    19. ReadTensorflowModel
    20. ReadablePretrainedBertSentenceModel
    21. HasPretrained
    22. ParamsAndFeaturesReadable
    23. DefaultParamsReadable
    24. MLReadable
    25. AnyRef
    26. Any

    @@ -818,6 +842,22 @@

    Value Members

    @native()
    +
  • + + + + + + + + + val + + + onnxFile: String + + +
    Definition Classes
    ReadBertSentenceDLModelReadOnnxModel
  • @@ -914,6 +954,22 @@

    Value Members

    Definition Classes
    ReadBertSentenceDLModel
    +
  • + + + + + + + + + def + + + readOnnxModel(path: String, spark: SparkSession, suffix: String, zipped: Boolean = true, useBundle: Boolean = false, sessionOptions: Option[SessionOptions] = None): OnnxWrapper + + +
    Definition Classes
    ReadOnnxModel
  • @@ -1110,6 +1166,8 @@

    Inherited from SerializableInherited from Serializable

  • Inherited from ReadBertSentenceDLModel

    +
    +

    Inherited from ReadOnnxModel

    Inherited from ReadTensorflowModel

    diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/BertSentenceEmbeddings.html b/docs/api/com/johnsnowlabs/nlp/embeddings/BertSentenceEmbeddings.html index 987b8b92548395..f5ad8e568eee8d 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/BertSentenceEmbeddings.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/BertSentenceEmbeddings.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.BertSentenceEmbeddings - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.BertSentenceEmbeddings + + @@ -28,7 +28,7 @@
    @@ -502,7 +526,7 @@

    Inherited
      -
    1. BertSentenceEmbeddings
    2. HasEngine
    3. HasCaseSensitiveProperties
    4. HasStorageRef
    5. HasEmbeddingsProperties
    6. HasProtectedParams
    7. WriteTensorflowModel
    8. HasBatchedAnnotate
    9. AnnotatorModel
    10. CanBeLazy
    11. RawAnnotator
    12. HasOutputAnnotationCol
    13. HasInputAnnotationCols
    14. HasOutputAnnotatorType
    15. ParamsAndFeaturesWritable
    16. HasFeatures
    17. DefaultParamsWritable
    18. MLWritable
    19. Model
    20. Transformer
    21. PipelineStage
    22. Logging
    23. Params
    24. Serializable
    25. Serializable
    26. Identifiable
    27. AnyRef
    28. Any
    29. +
    30. BertSentenceEmbeddings
    31. HasEngine
    32. HasCaseSensitiveProperties
    33. HasStorageRef
    34. HasEmbeddingsProperties
    35. HasProtectedParams
    36. WriteOnnxModel
    37. WriteTensorflowModel
    38. HasBatchedAnnotate
    39. AnnotatorModel
    40. CanBeLazy
    41. RawAnnotator
    42. HasOutputAnnotationCol
    43. HasInputAnnotationCols
    44. HasOutputAnnotatorType
    45. ParamsAndFeaturesWritable
    46. HasFeatures
    47. DefaultParamsWritable
    48. MLWritable
    49. Model
    50. Transformer
    51. PipelineStage
    52. Logging
    53. Params
    54. Serializable
    55. Serializable
    56. Identifiable
    57. AnyRef
    58. Any

    @@ -2639,9 +2663,9 @@

    Value Members

    Max sentence length to process (Default: 128)

  • - + - + @@ -2650,7 +2674,7 @@

    Value Members

    def - setModelIfNotSet(spark: SparkSession, tensorflow: TensorflowWrapper): BertSentenceEmbeddings.this.type + setModelIfNotSet(spark: SparkSession, tensorflowWrapper: Option[TensorflowWrapper], onnxWrapper: Option[OnnxWrapper]): BertSentenceEmbeddings.this.type

    @@ -3124,6 +3148,22 @@

    Value Members

    Definition Classes
    ParamsAndFeaturesWritable → DefaultParamsWritable → MLWritable
    +
  • + + + + + + + + + def + + + writeOnnxModel(path: String, spark: SparkSession, onnxWrapper: OnnxWrapper, suffix: String, fileName: String): Unit + + +
    Definition Classes
    WriteOnnxModel
  • @@ -3192,6 +3232,8 @@

    Inherited from Inherited from HasEmbeddingsProperties

  • Inherited from HasProtectedParams

    +
    +

    Inherited from WriteOnnxModel

    Inherited from WriteTensorflowModel

    diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/CamemBertEmbeddings$.html b/docs/api/com/johnsnowlabs/nlp/embeddings/CamemBertEmbeddings$.html index 6147b7a23e1c45..0fc4c3dc4b08d3 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/CamemBertEmbeddings$.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/CamemBertEmbeddings$.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.CamemBertEmbeddings - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.CamemBertEmbeddings + + @@ -28,7 +28,7 @@ @@ -439,7 +463,7 @@

    Inherited
      -
    1. DeBertaEmbeddings
    2. Serializable
    3. Serializable
    4. ReadDeBertaDLModel
    5. ReadSentencePieceModel
    6. ReadTensorflowModel
    7. ReadablePretrainedDeBertaModel
    8. HasPretrained
    9. ParamsAndFeaturesReadable
    10. DefaultParamsReadable
    11. MLReadable
    12. AnyRef
    13. Any
    14. +
    15. DeBertaEmbeddings
    16. Serializable
    17. Serializable
    18. ReadDeBertaDLModel
    19. ReadOnnxModel
    20. ReadSentencePieceModel
    21. ReadTensorflowModel
    22. ReadablePretrainedDeBertaModel
    23. HasPretrained
    24. ParamsAndFeaturesReadable
    25. DefaultParamsReadable
    26. MLReadable
    27. AnyRef
    28. Any

    @@ -818,6 +842,22 @@

    Value Members

    @native()
    +
  • + + + + + + + + + val + + + onnxFile: String + + +
    Definition Classes
    ReadDeBertaDLModelReadOnnxModel
  • @@ -914,6 +954,22 @@

    Value Members

    Definition Classes
    ReadDeBertaDLModel
    +
  • + + + + + + + + + def + + + readOnnxModel(path: String, spark: SparkSession, suffix: String, zipped: Boolean = true, useBundle: Boolean = false, sessionOptions: Option[SessionOptions] = None): OnnxWrapper + + +
    Definition Classes
    ReadOnnxModel
  • @@ -1142,6 +1198,8 @@

    Inherited from SerializableInherited from Serializable

    Inherited from ReadDeBertaDLModel

    +
    +

    Inherited from ReadOnnxModel

    Inherited from ReadSentencePieceModel

    diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/DeBertaEmbeddings.html b/docs/api/com/johnsnowlabs/nlp/embeddings/DeBertaEmbeddings.html index 61a9418412a10a..8fb4f119ef6300 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/DeBertaEmbeddings.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/DeBertaEmbeddings.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.DeBertaEmbeddings - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.DeBertaEmbeddings + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • @@ -402,7 +426,7 @@

    class - DeBertaEmbeddings extends AnnotatorModel[DeBertaEmbeddings] with HasBatchedAnnotate[DeBertaEmbeddings] with WriteTensorflowModel with WriteSentencePieceModel with HasEmbeddingsProperties with HasStorageRef with HasCaseSensitiveProperties with HasEngine + DeBertaEmbeddings extends AnnotatorModel[DeBertaEmbeddings] with HasBatchedAnnotate[DeBertaEmbeddings] with WriteTensorflowModel with WriteOnnxModel with WriteSentencePieceModel with HasEmbeddingsProperties with HasStorageRef with HasCaseSensitiveProperties with HasEngine

    @@ -480,7 +504,7 @@

    Linear Supertypes - + @@ -506,7 +530,7 @@

    Inherited
      -
    1. DeBertaEmbeddings
    2. HasEngine
    3. HasCaseSensitiveProperties
    4. HasStorageRef
    5. HasEmbeddingsProperties
    6. HasProtectedParams
    7. WriteSentencePieceModel
    8. WriteTensorflowModel
    9. HasBatchedAnnotate
    10. AnnotatorModel
    11. CanBeLazy
    12. RawAnnotator
    13. HasOutputAnnotationCol
    14. HasInputAnnotationCols
    15. HasOutputAnnotatorType
    16. ParamsAndFeaturesWritable
    17. HasFeatures
    18. DefaultParamsWritable
    19. MLWritable
    20. Model
    21. Transformer
    22. PipelineStage
    23. Logging
    24. Params
    25. Serializable
    26. Serializable
    27. Identifiable
    28. AnyRef
    29. Any
    30. +
    31. DeBertaEmbeddings
    32. HasEngine
    33. HasCaseSensitiveProperties
    34. HasStorageRef
    35. HasEmbeddingsProperties
    36. HasProtectedParams
    37. WriteSentencePieceModel
    38. WriteOnnxModel
    39. WriteTensorflowModel
    40. HasBatchedAnnotate
    41. AnnotatorModel
    42. CanBeLazy
    43. RawAnnotator
    44. HasOutputAnnotationCol
    45. HasInputAnnotationCols
    46. HasOutputAnnotatorType
    47. ParamsAndFeaturesWritable
    48. HasFeatures
    49. DefaultParamsWritable
    50. MLWritable
    51. Model
    52. Transformer
    53. PipelineStage
    54. Logging
    55. Params
    56. Serializable
    57. Serializable
    58. Identifiable
    59. AnyRef
    60. Any
    @@ -2552,9 +2576,9 @@

    Value Members

  • - + - + @@ -2563,7 +2587,7 @@

    Value Members

    def - setModelIfNotSet(spark: SparkSession, tensorflowWrapper: TensorflowWrapper, spp: SentencePieceWrapper): DeBertaEmbeddings + setModelIfNotSet(spark: SparkSession, tensorflowWrapper: Option[TensorflowWrapper], onnxWrapper: Option[OnnxWrapper], spp: SentencePieceWrapper): DeBertaEmbeddings

    @@ -2987,6 +3011,22 @@

    Value Members

    Definition Classes
    ParamsAndFeaturesWritable → DefaultParamsWritable → MLWritable
    +
  • + + + + + + + + + def + + + writeOnnxModel(path: String, spark: SparkSession, onnxWrapper: OnnxWrapper, suffix: String, fileName: String): Unit + + +
    Definition Classes
    WriteOnnxModel
  • @@ -3073,6 +3113,8 @@

    Inherited from HasProtectedParams

    Inherited from WriteSentencePieceModel

    +
    +

    Inherited from WriteOnnxModel

    Inherited from WriteTensorflowModel

    diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/DistilBertEmbeddings$.html b/docs/api/com/johnsnowlabs/nlp/embeddings/DistilBertEmbeddings$.html index ecfeab00ba476d..430c2042f408d6 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/DistilBertEmbeddings$.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/DistilBertEmbeddings$.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.DistilBertEmbeddings - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.DistilBertEmbeddings + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • @@ -413,7 +437,7 @@

    Linear Supertypes - + @@ -439,7 +463,7 @@

    Inherited
      -
    1. DistilBertEmbeddings
    2. Serializable
    3. Serializable
    4. ReadDistilBertDLModel
    5. ReadTensorflowModel
    6. ReadablePretrainedDistilBertModel
    7. HasPretrained
    8. ParamsAndFeaturesReadable
    9. DefaultParamsReadable
    10. MLReadable
    11. AnyRef
    12. Any
    13. +
    14. DistilBertEmbeddings
    15. Serializable
    16. Serializable
    17. ReadDistilBertDLModel
    18. ReadOnnxModel
    19. ReadTensorflowModel
    20. ReadablePretrainedDistilBertModel
    21. HasPretrained
    22. ParamsAndFeaturesReadable
    23. DefaultParamsReadable
    24. MLReadable
    25. AnyRef
    26. Any
    @@ -818,6 +842,22 @@

    Value Members

    @native()
    +

  • + + + + + + + + + val + + + onnxFile: String + + +
    Definition Classes
    ReadDistilBertDLModelReadOnnxModel
  • @@ -914,6 +954,22 @@

    Value Members

    Definition Classes
    ReadDistilBertDLModel
    +
  • + + + + + + + + + def + + + readOnnxModel(path: String, spark: SparkSession, suffix: String, zipped: Boolean = true, useBundle: Boolean = false, sessionOptions: Option[SessionOptions] = None): OnnxWrapper + + +
    Definition Classes
    ReadOnnxModel
  • @@ -1110,6 +1166,8 @@

    Inherited from SerializableInherited from Serializable

    Inherited from ReadDistilBertDLModel

    +
    +

    Inherited from ReadOnnxModel

    Inherited from ReadTensorflowModel

    diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/DistilBertEmbeddings.html b/docs/api/com/johnsnowlabs/nlp/embeddings/DistilBertEmbeddings.html index 643c5871276fc0..732373291191a3 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/DistilBertEmbeddings.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/DistilBertEmbeddings.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.DistilBertEmbeddings - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.DistilBertEmbeddings + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • @@ -402,7 +426,7 @@

    class - DistilBertEmbeddings extends AnnotatorModel[DistilBertEmbeddings] with HasBatchedAnnotate[DistilBertEmbeddings] with WriteTensorflowModel with HasEmbeddingsProperties with HasStorageRef with HasCaseSensitiveProperties with HasEngine + DistilBertEmbeddings extends AnnotatorModel[DistilBertEmbeddings] with HasBatchedAnnotate[DistilBertEmbeddings] with WriteTensorflowModel with WriteOnnxModel with HasEmbeddingsProperties with HasStorageRef with HasCaseSensitiveProperties with HasEngine

    @@ -489,7 +513,7 @@

    Linear Supertypes - + @@ -515,7 +539,7 @@

    Inherited
      -
    1. DistilBertEmbeddings
    2. HasEngine
    3. HasCaseSensitiveProperties
    4. HasStorageRef
    5. HasEmbeddingsProperties
    6. HasProtectedParams
    7. WriteTensorflowModel
    8. HasBatchedAnnotate
    9. AnnotatorModel
    10. CanBeLazy
    11. RawAnnotator
    12. HasOutputAnnotationCol
    13. HasInputAnnotationCols
    14. HasOutputAnnotatorType
    15. ParamsAndFeaturesWritable
    16. HasFeatures
    17. DefaultParamsWritable
    18. MLWritable
    19. Model
    20. Transformer
    21. PipelineStage
    22. Logging
    23. Params
    24. Serializable
    25. Serializable
    26. Identifiable
    27. AnyRef
    28. Any
    29. +
    30. DistilBertEmbeddings
    31. HasEngine
    32. HasCaseSensitiveProperties
    33. HasStorageRef
    34. HasEmbeddingsProperties
    35. HasProtectedParams
    36. WriteOnnxModel
    37. WriteTensorflowModel
    38. HasBatchedAnnotate
    39. AnnotatorModel
    40. CanBeLazy
    41. RawAnnotator
    42. HasOutputAnnotationCol
    43. HasInputAnnotationCols
    44. HasOutputAnnotatorType
    45. ParamsAndFeaturesWritable
    46. HasFeatures
    47. DefaultParamsWritable
    48. MLWritable
    49. Model
    50. Transformer
    51. PipelineStage
    52. Logging
    53. Params
    54. Serializable
    55. Serializable
    56. Identifiable
    57. AnyRef
    58. Any
    @@ -2595,9 +2619,9 @@

    Value Members

  • - + - + @@ -2606,7 +2630,7 @@

    Value Members

    def - setModelIfNotSet(spark: SparkSession, tensorflowWrapper: TensorflowWrapper): DistilBertEmbeddings + setModelIfNotSet(spark: SparkSession, tensorflowWrapper: Option[TensorflowWrapper], onnxWrapper: Option[OnnxWrapper]): DistilBertEmbeddings

    @@ -3079,6 +3103,22 @@

    Value Members

    Definition Classes
    ParamsAndFeaturesWritable → DefaultParamsWritable → MLWritable
    +
  • + + + + + + + + + def + + + writeOnnxModel(path: String, spark: SparkSession, onnxWrapper: OnnxWrapper, suffix: String, fileName: String): Unit + + +
    Definition Classes
    WriteOnnxModel
  • @@ -3147,6 +3187,8 @@

    Inherited from Inherited from HasEmbeddingsProperties

    Inherited from HasProtectedParams

    +
    +

    Inherited from WriteOnnxModel

    Inherited from WriteTensorflowModel

    diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/Doc2VecApproach$.html b/docs/api/com/johnsnowlabs/nlp/embeddings/Doc2VecApproach$.html index a6ad547754e492..d7acdb8b9df849 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/Doc2VecApproach$.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/Doc2VecApproach$.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.Doc2VecApproach - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.Doc2VecApproach + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/Doc2VecApproach.html b/docs/api/com/johnsnowlabs/nlp/embeddings/Doc2VecApproach.html index 356d3e537c90b5..8bdb56051c435e 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/Doc2VecApproach.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/Doc2VecApproach.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.Doc2VecApproach - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.Doc2VecApproach + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/Doc2VecModel$.html b/docs/api/com/johnsnowlabs/nlp/embeddings/Doc2VecModel$.html index a532a148eb1d01..82a6951b1f18eb 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/Doc2VecModel$.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/Doc2VecModel$.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.Doc2VecModel - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.Doc2VecModel + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/Doc2VecModel.html b/docs/api/com/johnsnowlabs/nlp/embeddings/Doc2VecModel.html index 6dce56e5ee7e70..0ba1097cf8d5ee 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/Doc2VecModel.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/Doc2VecModel.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.Doc2VecModel - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.Doc2VecModel + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/E5Embeddings$.html b/docs/api/com/johnsnowlabs/nlp/embeddings/E5Embeddings$.html new file mode 100644 index 00000000000000..0e9efd7eb6a808 --- /dev/null +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/E5Embeddings$.html @@ -0,0 +1,1174 @@ + + + + + + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.E5Embeddings + + + + + + + + + + + + + + + + + + + + + +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +

    Packages

    + +
    +
    +
    + + + +

    + + + object + + + E5Embeddings extends ReadablePretrainedE5Model with ReadE5DLModel with Serializable + +

    + + +

    This is the companion object of E5Embeddings. Please refer to that class for the +documentation. +

    + + Linear Supertypes + + +
    + + +
    +
    +
    + + + + + +
    +
    +
    + Ordering +
      + +
    1. Alphabetic
    2. +
    3. By Inheritance
    4. +
    +
    +
    + Inherited
    +
    +
      +
    1. E5Embeddings
    2. Serializable
    3. Serializable
    4. ReadE5DLModel
    5. ReadTensorflowModel
    6. ReadablePretrainedE5Model
    7. HasPretrained
    8. ParamsAndFeaturesReadable
    9. DefaultParamsReadable
    10. MLReadable
    11. AnyRef
    12. Any
    13. +
    +
    + +
      +
    1. Hide All
    2. +
    3. Show All
    4. +
    +
    +
    + Visibility +
    1. Public
    2. All
    +
    +
    +
    + +
    +
    + + + + + + +
    +

    Value Members

    +
      +
    1. + + + + + + + + final + def + + + !=(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    2. + + + + + + + + final + def + + + ##(): Int + + +
      Definition Classes
      AnyRef → Any
      +
    3. + + + + + + + + final + def + + + ==(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    4. + + + + + + + + + def + + + addReader(reader: (E5Embeddings, String, SparkSession) ⇒ Unit): Unit + + +
      Definition Classes
      ParamsAndFeaturesReadable
      +
    5. + + + + + + + + final + def + + + asInstanceOf[T0]: T0 + + +
      Definition Classes
      Any
      +
    6. + + + + + + + + + def + + + clone(): AnyRef + + +
      Attributes
      protected[lang]
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + + @native() + +
      +
    7. + + + + + + + + + val + + + defaultLang: String + + +
      Definition Classes
      HasPretrained
      +
    8. + + + + + + + + + lazy val + + + defaultLoc: String + + +
      Definition Classes
      HasPretrained
      +
    9. + + + + + + + + + val + + + defaultModelName: Some[String] + + + +
    10. + + + + + + + + final + def + + + eq(arg0: AnyRef): Boolean + + +
      Definition Classes
      AnyRef
      +
    11. + + + + + + + + + def + + + equals(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    12. + + + + + + + + + def + + + finalize(): Unit + + +
      Attributes
      protected[lang]
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + classOf[java.lang.Throwable] + ) + +
      +
    13. + + + + + + + + final + def + + + getClass(): Class[_] + + +
      Definition Classes
      AnyRef → Any
      Annotations
      + @native() + +
      +
    14. + + + + + + + + + def + + + hashCode(): Int + + +
      Definition Classes
      AnyRef → Any
      Annotations
      + @native() + +
      +
    15. + + + + + + + + final + def + + + isInstanceOf[T0]: Boolean + + +
      Definition Classes
      Any
      +
    16. + + + + + + + + + def + + + load(path: String): E5Embeddings + + +
      Definition Classes
      MLReadable
      Annotations
      + @Since( + + "1.6.0" + ) + +
      +
    17. + + + + + + + + + def + + + loadSavedModel(modelPath: String, spark: SparkSession): E5Embeddings + + +
      Definition Classes
      ReadE5DLModel
      +
    18. + + + + + + + + final + def + + + ne(arg0: AnyRef): Boolean + + +
      Definition Classes
      AnyRef
      +
    19. + + + + + + + + final + def + + + notify(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @native() + +
      +
    20. + + + + + + + + final + def + + + notifyAll(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @native() + +
      +
    21. + + + + + + + + + def + + + pretrained(name: String, lang: String, remoteLoc: String): E5Embeddings + + +

      Java default argument interoperability

      Java default argument interoperability

      Definition Classes
      ReadablePretrainedE5ModelHasPretrained
      +
    22. + + + + + + + + + def + + + pretrained(name: String, lang: String): E5Embeddings + + + +
    23. + + + + + + + + + def + + + pretrained(name: String): E5Embeddings + + + +
    24. + + + + + + + + + def + + + pretrained(): E5Embeddings + + +

      Java compliant-overrides

      Java compliant-overrides

      Definition Classes
      ReadablePretrainedE5ModelHasPretrained
      +
    25. + + + + + + + + + def + + + read: MLReader[E5Embeddings] + + +
      Definition Classes
      ParamsAndFeaturesReadable → DefaultParamsReadable → MLReadable
      +
    26. + + + + + + + + + def + + + readModel(instance: E5Embeddings, path: String, spark: SparkSession): Unit + + +
      Definition Classes
      ReadE5DLModel
      +
    27. + + + + + + + + + def + + + readTensorflowChkPoints(path: String, spark: SparkSession, suffix: String, zipped: Boolean = true, tags: Array[String] = Array.empty, initAllTables: Boolean = false): TensorflowWrapper + + +
      Definition Classes
      ReadTensorflowModel
      +
    28. + + + + + + + + + def + + + readTensorflowHub(path: String, spark: SparkSession, suffix: String, zipped: Boolean = true, useBundle: Boolean = false, tags: Array[String] = Array.empty): TensorflowWrapper + + +
      Definition Classes
      ReadTensorflowModel
      +
    29. + + + + + + + + + def + + + readTensorflowModel(path: String, spark: SparkSession, suffix: String, zipped: Boolean = true, useBundle: Boolean = false, tags: Array[String] = Array.empty, initAllTables: Boolean = false, savedSignatures: Option[Map[String, String]] = None): TensorflowWrapper + + +
      Definition Classes
      ReadTensorflowModel
      +
    30. + + + + + + + + + def + + + readTensorflowWithSPModel(path: String, spark: SparkSession, suffix: String, zipped: Boolean = true, useBundle: Boolean = false, tags: Array[String] = Array.empty, initAllTables: Boolean = false, loadSP: Boolean = false): TensorflowWrapper + + +
      Definition Classes
      ReadTensorflowModel
      +
    31. + + + + + + + + final + def + + + synchronized[T0](arg0: ⇒ T0): T0 + + +
      Definition Classes
      AnyRef
      +
    32. + + + + + + + + + val + + + tfFile: String + + +
      Definition Classes
      ReadE5DLModelReadTensorflowModel
      +
    33. + + + + + + + + + def + + + toString(): String + + +
      Definition Classes
      AnyRef → Any
      +
    34. + + + + + + + + final + def + + + wait(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + +
      +
    35. + + + + + + + + final + def + + + wait(arg0: Long, arg1: Int): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + +
      +
    36. + + + + + + + + final + def + + + wait(arg0: Long): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + + @native() + +
      +
    37. +
    +
    + + + + +
    + +
    +
    +

    Inherited from Serializable

    +
    +

    Inherited from Serializable

    +
    +

    Inherited from ReadE5DLModel

    +
    +

    Inherited from ReadTensorflowModel

    +
    +

    Inherited from ReadablePretrainedE5Model

    +
    +

    Inherited from HasPretrained[E5Embeddings]

    +
    +

    Inherited from DefaultParamsReadable[E5Embeddings]

    +
    +

    Inherited from MLReadable[E5Embeddings]

    +
    +

    Inherited from AnyRef

    +
    +

    Inherited from Any

    +
    + +
    + +
    +
    +

    Ungrouped

    + +
    +
    + +
    + +
    + + + +
    +
    +
    + + diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/E5Embeddings.html b/docs/api/com/johnsnowlabs/nlp/embeddings/E5Embeddings.html new file mode 100644 index 00000000000000..100579ebf5f2b5 --- /dev/null +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/E5Embeddings.html @@ -0,0 +1,3228 @@ + + + + + + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.E5Embeddings + + + + + + + + + + + + + + + + + + + + + +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +

    Packages

    + +
    +
    +
    + + + +

    + + + class + + + E5Embeddings extends AnnotatorModel[E5Embeddings] with HasBatchedAnnotate[E5Embeddings] with WriteTensorflowModel with HasEmbeddingsProperties with HasStorageRef with HasCaseSensitiveProperties with HasEngine + +

    + + +

    Sentence embeddings using E5.

    E5, an instruction-finetuned text embedding model that can generate text embeddings tailored +to any task (e.g., classification, retrieval, clustering, text evaluation, etc.)

    Pretrained models can be loaded with pretrained of the companion object:

    val embeddings = E5Embeddings.pretrained()
    +  .setInputCols("document")
    +  .setOutputCol("e5_embeddings")

    The default model is "e5_small", if no name is provided.

    For available pretrained models please see the +Models Hub.

    For extended examples of usage, see +E5EmbeddingsTestSpec.

    Sources :

    Text Embeddings by Weakly-Supervised Contrastive Pre-training

    E5 Github Repository

    Paper abstract

    This paper presents E5, a family of state-of-the-art text embeddings that transfer well to a +wide range of tasks. 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. We conduct extensive evaluations on 56 +datasets from the BEIR and MTEB benchmarks. For zero-shot settings, E5 is the first model that +outperforms the strong BM25 baseline on the BEIR retrieval benchmark without using any labeled +data. When fine-tuned, E5 obtains the best results on the MTEB benchmark, beating existing +embedding models with 40× more parameters.

    Example

    import spark.implicits._
    +import com.johnsnowlabs.nlp.base.DocumentAssembler
    +import com.johnsnowlabs.nlp.annotators.Tokenizer
    +import com.johnsnowlabs.nlp.embeddings.E5Embeddings
    +import com.johnsnowlabs.nlp.EmbeddingsFinisher
    +import org.apache.spark.ml.Pipeline
    +
    +val documentAssembler = new DocumentAssembler()
    +  .setInputCol("text")
    +  .setOutputCol("document")
    +
    +val embeddings = E5Embeddings.pretrained("e5_small", "en")
    +  .setInputCols("document")
    +  .setOutputCol("e5_embeddings")
    +
    +val embeddingsFinisher = new EmbeddingsFinisher()
    +  .setInputCols("e5_embeddings")
    +  .setOutputCols("finished_embeddings")
    +  .setOutputAsVector(true)
    +
    +val pipeline = new Pipeline().setStages(Array(
    +  documentAssembler,
    +  embeddings,
    +  embeddingsFinisher
    +))
    +
    +val data = Seq("query: how much protein should a female eat",
    +"passage: As a general guideline, the CDC's average requirement of protein for women ages 19 to 70 is 46 grams per day." +
    +But, as you can see from this chart, you'll need to increase that if you're expecting or training for a" +
    +marathon. Check out the chart below to see how much protein you should be eating each day."
    +
    +).toDF("text")
    +val result = pipeline.fit(data).transform(data)
    +
    +result.selectExpr("explode(finished_embeddings) as result").show(1, 80)
    ++--------------------------------------------------------------------------------+
    +|                                                                          result|
    ++--------------------------------------------------------------------------------+
    +|[[8.0190285E-4, -0.005974853, -0.072875895, 0.007944068, 0.026059335, -0.0080...|
    +[[0.050514214, 0.010061974, -0.04340176, -0.020937217, 0.05170225, 0.01157857...|
    ++--------------------------------------------------------------------------------+
    See also

    + Annotators Main Page for a list of transformer + based embeddings

    + + Linear Supertypes + + +
    + + +
    +
    +
    + + + + + +
    +
    +
    + Ordering +
      +
    1. Grouped
    2. +
    3. Alphabetic
    4. +
    5. By Inheritance
    6. +
    +
    +
    + Inherited
    +
    +
      +
    1. E5Embeddings
    2. HasEngine
    3. HasCaseSensitiveProperties
    4. HasStorageRef
    5. HasEmbeddingsProperties
    6. HasProtectedParams
    7. WriteTensorflowModel
    8. HasBatchedAnnotate
    9. AnnotatorModel
    10. CanBeLazy
    11. RawAnnotator
    12. HasOutputAnnotationCol
    13. HasInputAnnotationCols
    14. HasOutputAnnotatorType
    15. ParamsAndFeaturesWritable
    16. HasFeatures
    17. DefaultParamsWritable
    18. MLWritable
    19. Model
    20. Transformer
    21. PipelineStage
    22. Logging
    23. Params
    24. Serializable
    25. Serializable
    26. Identifiable
    27. AnyRef
    28. Any
    29. +
    +
    + +
      +
    1. Hide All
    2. +
    3. Show All
    4. +
    +
    +
    + Visibility +
    1. Public
    2. All
    +
    +
    +
    + +
    +
    +
    +

    Instance Constructors

    +
    1. + + + + + + + + + new + + + E5Embeddings() + + + +
    2. + + + + + + + + + new + + + E5Embeddings(uid: String) + + +

      uid

      + required uid for storing annotator to disk

      +
    +
    + +
    +

    Type Members

    +
    1. + + + + + + + + implicit + class + + + ProtectedParam[T] extends Param[T] + + +
      Definition Classes
      HasProtectedParams
      +
    2. + + + + + + + + + type + + + AnnotationContent = Seq[Row] + + +

      internal types to show Rows as a relevant StructType Should be deleted once Spark releases +UserDefinedTypes to @developerAPI +

      internal types to show Rows as a relevant StructType Should be deleted once Spark releases +UserDefinedTypes to @developerAPI +

      Attributes
      protected
      Definition Classes
      AnnotatorModel
      +
    3. + + + + + + + + + type + + + AnnotatorType = String + + +
      Definition Classes
      HasOutputAnnotatorType
      +
    +
    + + + +
    +

    Value Members

    +
      +
    1. + + + + + + + + final + def + + + !=(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    2. + + + + + + + + final + def + + + ##(): Int + + +
      Definition Classes
      AnyRef → Any
      +
    3. + + + + + + + + final + def + + + $[T](param: Param[T]): T + + +
      Attributes
      protected
      Definition Classes
      Params
      +
    4. + + + + + + + + + def + + + $$[T](feature: StructFeature[T]): T + + +
      Attributes
      protected
      Definition Classes
      HasFeatures
      +
    5. + + + + + + + + + def + + + $$[K, V](feature: MapFeature[K, V]): Map[K, V] + + +
      Attributes
      protected
      Definition Classes
      HasFeatures
      +
    6. + + + + + + + + + def + + + $$[T](feature: SetFeature[T]): Set[T] + + +
      Attributes
      protected
      Definition Classes
      HasFeatures
      +
    7. + + + + + + + + + def + + + $$[T](feature: ArrayFeature[T]): Array[T] + + +
      Attributes
      protected
      Definition Classes
      HasFeatures
      +
    8. + + + + + + + + final + def + + + ==(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    9. + + + + + + + + + def + + + _transform(dataset: Dataset[_], recursivePipeline: Option[PipelineModel]): DataFrame + + +
      Attributes
      protected
      Definition Classes
      AnnotatorModel
      +
    10. + + + + + + + + + def + + + afterAnnotate(dataset: DataFrame): DataFrame + + +
      Attributes
      protected
      Definition Classes
      E5EmbeddingsAnnotatorModel
      +
    11. + + + + + + + + final + def + + + asInstanceOf[T0]: T0 + + +
      Definition Classes
      Any
      +
    12. + + + + + + + + + def + + + batchAnnotate(batchedAnnotations: Seq[Array[Annotation]]): Seq[Seq[Annotation]] + + +

      takes a document and annotations and produces new annotations of this annotator's annotation +type +

      takes a document and annotations and produces new annotations of this annotator's annotation +type +

      batchedAnnotations

      + Annotations that correspond to inputAnnotationCols generated by previous annotators if any

      returns

      + any number of annotations processed for every input annotation. Not necessary one to one + relationship

      Definition Classes
      E5EmbeddingsHasBatchedAnnotate
      +
    13. + + + + + + + + + def + + + batchProcess(rows: Iterator[_]): Iterator[Row] + + +
      Definition Classes
      HasBatchedAnnotate
      +
    14. + + + + + + + + + val + + + batchSize: IntParam + + +

      Size of every batch (Default depends on model).

      Size of every batch (Default depends on model). +

      Definition Classes
      HasBatchedAnnotate
      +
    15. + + + + + + + + + def + + + beforeAnnotate(dataset: Dataset[_]): Dataset[_] + + +
      Attributes
      protected
      Definition Classes
      AnnotatorModel
      +
    16. + + + + + + + + + val + + + caseSensitive: BooleanParam + + +

      Whether to ignore case in index lookups (Default depends on model) +

      Whether to ignore case in index lookups (Default depends on model) +

      Definition Classes
      HasCaseSensitiveProperties
      +
    17. + + + + + + + + final + def + + + checkSchema(schema: StructType, inputAnnotatorType: String): Boolean + + +
      Attributes
      protected
      Definition Classes
      HasInputAnnotationCols
      +
    18. + + + + + + + + final + def + + + clear(param: Param[_]): E5Embeddings.this.type + + +
      Definition Classes
      Params
      +
    19. + + + + + + + + + def + + + clone(): AnyRef + + +
      Attributes
      protected[lang]
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + + @native() + +
      +
    20. + + + + + + + + + val + + + configProtoBytes: IntArrayParam + + +

      ConfigProto from tensorflow, serialized into byte array.

      ConfigProto from tensorflow, serialized into byte array. Get with +config_proto.SerializeToString() +

      +
    21. + + + + + + + + + def + + + copy(extra: ParamMap): E5Embeddings + + +

      requirement for annotators copies

      requirement for annotators copies

      Definition Classes
      RawAnnotator → Model → Transformer → PipelineStage → Params
      +
    22. + + + + + + + + + def + + + copyValues[T <: Params](to: T, extra: ParamMap): T + + +
      Attributes
      protected
      Definition Classes
      Params
      +
    23. + + + + + + + + + def + + + createDatabaseConnection(database: Name): RocksDBConnection + + +
      Definition Classes
      HasStorageRef
      +
    24. + + + + + + + + final + def + + + defaultCopy[T <: Params](extra: ParamMap): T + + +
      Attributes
      protected
      Definition Classes
      Params
      +
    25. + + + + + + + + + val + + + dimension: ProtectedParam[Int] + + +

      Number of embedding dimensions (Default depends on model) +

      Number of embedding dimensions (Default depends on model) +

      Definition Classes
      HasEmbeddingsProperties
      +
    26. + + + + + + + + + val + + + engine: Param[String] + + +

      This param is set internally once via loadSavedModel.

      This param is set internally once via loadSavedModel. That's why there is no setter +

      Definition Classes
      HasEngine
      +
    27. + + + + + + + + final + def + + + eq(arg0: AnyRef): Boolean + + +
      Definition Classes
      AnyRef
      +
    28. + + + + + + + + + def + + + equals(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    29. + + + + + + + + + def + + + explainParam(param: Param[_]): String + + +
      Definition Classes
      Params
      +
    30. + + + + + + + + + def + + + explainParams(): String + + +
      Definition Classes
      Params
      +
    31. + + + + + + + + + def + + + extraValidate(structType: StructType): Boolean + + +
      Attributes
      protected
      Definition Classes
      RawAnnotator
      +
    32. + + + + + + + + + def + + + extraValidateMsg: String + + +

      Override for additional custom schema checks

      Override for additional custom schema checks

      Attributes
      protected
      Definition Classes
      RawAnnotator
      +
    33. + + + + + + + + final + def + + + extractParamMap(): ParamMap + + +
      Definition Classes
      Params
      +
    34. + + + + + + + + final + def + + + extractParamMap(extra: ParamMap): ParamMap + + +
      Definition Classes
      Params
      +
    35. + + + + + + + + + val + + + features: ArrayBuffer[Feature[_, _, _]] + + +
      Definition Classes
      HasFeatures
      +
    36. + + + + + + + + + def + + + finalize(): Unit + + +
      Attributes
      protected[lang]
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + classOf[java.lang.Throwable] + ) + +
      +
    37. + + + + + + + + + def + + + get[T](feature: StructFeature[T]): Option[T] + + +
      Attributes
      protected
      Definition Classes
      HasFeatures
      +
    38. + + + + + + + + + def + + + get[K, V](feature: MapFeature[K, V]): Option[Map[K, V]] + + +
      Attributes
      protected
      Definition Classes
      HasFeatures
      +
    39. + + + + + + + + + def + + + get[T](feature: SetFeature[T]): Option[Set[T]] + + +
      Attributes
      protected
      Definition Classes
      HasFeatures
      +
    40. + + + + + + + + + def + + + get[T](feature: ArrayFeature[T]): Option[Array[T]] + + +
      Attributes
      protected
      Definition Classes
      HasFeatures
      +
    41. + + + + + + + + final + def + + + get[T](param: Param[T]): Option[T] + + +
      Definition Classes
      Params
      +
    42. + + + + + + + + + def + + + getBatchSize: Int + + +

      Size of every batch.

      Size of every batch. +

      Definition Classes
      HasBatchedAnnotate
      +
    43. + + + + + + + + + def + + + getCaseSensitive: Boolean + + +

      Definition Classes
      HasCaseSensitiveProperties
      +
    44. + + + + + + + + final + def + + + getClass(): Class[_] + + +
      Definition Classes
      AnyRef → Any
      Annotations
      + @native() + +
      +
    45. + + + + + + + + + def + + + getConfigProtoBytes: Option[Array[Byte]] + + +

      +
    46. + + + + + + + + final + def + + + getDefault[T](param: Param[T]): Option[T] + + +
      Definition Classes
      Params
      +
    47. + + + + + + + + + def + + + getDimension: Int + + +

      Definition Classes
      HasEmbeddingsProperties
      +
    48. + + + + + + + + + def + + + getEngine: String + + +

      Definition Classes
      HasEngine
      +
    49. + + + + + + + + + def + + + getInputCols: Array[String] + + +

      returns

      input annotations columns currently used

      Definition Classes
      HasInputAnnotationCols
      +
    50. + + + + + + + + + def + + + getLazyAnnotator: Boolean + + +
      Definition Classes
      CanBeLazy
      +
    51. + + + + + + + + + def + + + getMaxSentenceLength: Int + + +

      +
    52. + + + + + + + + + def + + + getModelIfNotSet: E5 + + +

      +
    53. + + + + + + + + final + def + + + getOrDefault[T](param: Param[T]): T + + +
      Definition Classes
      Params
      +
    54. + + + + + + + + final + def + + + getOutputCol: String + + +

      Gets annotation column name going to generate

      Gets annotation column name going to generate

      Definition Classes
      HasOutputAnnotationCol
      +
    55. + + + + + + + + + def + + + getParam(paramName: String): Param[Any] + + +
      Definition Classes
      Params
      +
    56. + + + + + + + + + def + + + getSignatures: Option[Map[String, String]] + + +

      +
    57. + + + + + + + + + def + + + getStorageRef: String + + +
      Definition Classes
      HasStorageRef
      +
    58. + + + + + + + + final + def + + + hasDefault[T](param: Param[T]): Boolean + + +
      Definition Classes
      Params
      +
    59. + + + + + + + + + def + + + hasParam(paramName: String): Boolean + + +
      Definition Classes
      Params
      +
    60. + + + + + + + + + def + + + hasParent: Boolean + + +
      Definition Classes
      Model
      +
    61. + + + + + + + + + def + + + hashCode(): Int + + +
      Definition Classes
      AnyRef → Any
      Annotations
      + @native() + +
      +
    62. + + + + + + + + + def + + + initializeLogIfNecessary(isInterpreter: Boolean, silent: Boolean): Boolean + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    63. + + + + + + + + + def + + + initializeLogIfNecessary(isInterpreter: Boolean): Unit + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    64. + + + + + + + + + val + + + inputAnnotatorTypes: Array[String] + + +

      Annotator reference id.

      Annotator reference id. Used to identify elements in metadata or to refer to this annotator +type +

      Definition Classes
      E5EmbeddingsHasInputAnnotationCols
      +
    65. + + + + + + + + final + val + + + inputCols: StringArrayParam + + +

      columns that contain annotations necessary to run this annotator AnnotatorType is used both +as input and output columns if not specified +

      columns that contain annotations necessary to run this annotator AnnotatorType is used both +as input and output columns if not specified +

      Attributes
      protected
      Definition Classes
      HasInputAnnotationCols
      +
    66. + + + + + + + + final + def + + + isDefined(param: Param[_]): Boolean + + +
      Definition Classes
      Params
      +
    67. + + + + + + + + final + def + + + isInstanceOf[T0]: Boolean + + +
      Definition Classes
      Any
      +
    68. + + + + + + + + final + def + + + isSet(param: Param[_]): Boolean + + +
      Definition Classes
      Params
      +
    69. + + + + + + + + + def + + + isTraceEnabled(): Boolean + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    70. + + + + + + + + + val + + + lazyAnnotator: BooleanParam + + +
      Definition Classes
      CanBeLazy
      +
    71. + + + + + + + + + def + + + log: Logger + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    72. + + + + + + + + + def + + + logDebug(msg: ⇒ String, throwable: Throwable): Unit + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    73. + + + + + + + + + def + + + logDebug(msg: ⇒ String): Unit + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    74. + + + + + + + + + def + + + logError(msg: ⇒ String, throwable: Throwable): Unit + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    75. + + + + + + + + + def + + + logError(msg: ⇒ String): Unit + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    76. + + + + + + + + + def + + + logInfo(msg: ⇒ String, throwable: Throwable): Unit + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    77. + + + + + + + + + def + + + logInfo(msg: ⇒ String): Unit + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    78. + + + + + + + + + def + + + logName: String + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    79. + + + + + + + + + def + + + logTrace(msg: ⇒ String, throwable: Throwable): Unit + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    80. + + + + + + + + + def + + + logTrace(msg: ⇒ String): Unit + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    81. + + + + + + + + + def + + + logWarning(msg: ⇒ String, throwable: Throwable): Unit + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    82. + + + + + + + + + def + + + logWarning(msg: ⇒ String): Unit + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    83. + + + + + + + + + val + + + maxSentenceLength: IntParam + + +

      Max sentence length to process (Default: 128) +

      +
    84. + + + + + + + + + def + + + msgHelper(schema: StructType): String + + +
      Attributes
      protected
      Definition Classes
      HasInputAnnotationCols
      +
    85. + + + + + + + + final + def + + + ne(arg0: AnyRef): Boolean + + +
      Definition Classes
      AnyRef
      +
    86. + + + + + + + + final + def + + + notify(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @native() + +
      +
    87. + + + + + + + + final + def + + + notifyAll(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @native() + +
      +
    88. + + + + + + + + + def + + + onWrite(path: String, spark: SparkSession): Unit + + + +
    89. + + + + + + + + + val + + + optionalInputAnnotatorTypes: Array[String] + + +
      Definition Classes
      HasInputAnnotationCols
      +
    90. + + + + + + + + + val + + + outputAnnotatorType: AnnotatorType + + +
      Definition Classes
      E5EmbeddingsHasOutputAnnotatorType
      +
    91. + + + + + + + + final + val + + + outputCol: Param[String] + + +
      Attributes
      protected
      Definition Classes
      HasOutputAnnotationCol
      +
    92. + + + + + + + + + lazy val + + + params: Array[Param[_]] + + +
      Definition Classes
      Params
      +
    93. + + + + + + + + + var + + + parent: Estimator[E5Embeddings] + + +
      Definition Classes
      Model
      +
    94. + + + + + + + + + def + + + save(path: String): Unit + + +
      Definition Classes
      MLWritable
      Annotations
      + @Since( + + "1.6.0" + ) + + @throws( + + ... + ) + +
      +
    95. + + + + + + + + + def + + + sentenceEndTokenId: Int + + +

      +
    96. + + + + + + + + + def + + + sentenceStartTokenId: Int + + + +
    97. + + + + + + + + + def + + + set[T](param: ProtectedParam[T], value: T): E5Embeddings.this.type + + +

      Sets the value for a protected Param.

      Sets the value for a protected Param.

      If the parameter was already set, it will not be set again. Default values do not count as a +set value and can be overridden. +

      T

      + Type of the parameter

      param

      + Protected parameter to set

      value

      + Value for the parameter

      returns

      + This object

      Definition Classes
      HasProtectedParams
      +
    98. + + + + + + + + + def + + + set[T](feature: StructFeature[T], value: T): E5Embeddings.this.type + + +
      Attributes
      protected
      Definition Classes
      HasFeatures
      +
    99. + + + + + + + + + def + + + set[K, V](feature: MapFeature[K, V], value: Map[K, V]): E5Embeddings.this.type + + +
      Attributes
      protected
      Definition Classes
      HasFeatures
      +
    100. + + + + + + + + + def + + + set[T](feature: SetFeature[T], value: Set[T]): E5Embeddings.this.type + + +
      Attributes
      protected
      Definition Classes
      HasFeatures
      +
    101. + + + + + + + + + def + + + set[T](feature: ArrayFeature[T], value: Array[T]): E5Embeddings.this.type + + +
      Attributes
      protected
      Definition Classes
      HasFeatures
      +
    102. + + + + + + + + final + def + + + set(paramPair: ParamPair[_]): E5Embeddings.this.type + + +
      Attributes
      protected
      Definition Classes
      Params
      +
    103. + + + + + + + + final + def + + + set(param: String, value: Any): E5Embeddings.this.type + + +
      Attributes
      protected
      Definition Classes
      Params
      +
    104. + + + + + + + + final + def + + + set[T](param: Param[T], value: T): E5Embeddings.this.type + + +
      Definition Classes
      Params
      +
    105. + + + + + + + + + def + + + setBatchSize(size: Int): E5Embeddings.this.type + + +

      Size of every batch.

      Size of every batch. +

      Definition Classes
      HasBatchedAnnotate
      +
    106. + + + + + + + + + def + + + setCaseSensitive(value: Boolean): E5Embeddings.this.type + + +

      Whether to lowercase tokens or not +

      Whether to lowercase tokens or not +

      Definition Classes
      E5EmbeddingsHasCaseSensitiveProperties
      +
    107. + + + + + + + + + def + + + setConfigProtoBytes(bytes: Array[Int]): E5Embeddings.this.type + + +

      +
    108. + + + + + + + + + def + + + setDefault[T](feature: StructFeature[T], value: () ⇒ T): E5Embeddings.this.type + + +
      Attributes
      protected
      Definition Classes
      HasFeatures
      +
    109. + + + + + + + + + def + + + setDefault[K, V](feature: MapFeature[K, V], value: () ⇒ Map[K, V]): E5Embeddings.this.type + + +
      Attributes
      protected
      Definition Classes
      HasFeatures
      +
    110. + + + + + + + + + def + + + setDefault[T](feature: SetFeature[T], value: () ⇒ Set[T]): E5Embeddings.this.type + + +
      Attributes
      protected
      Definition Classes
      HasFeatures
      +
    111. + + + + + + + + + def + + + setDefault[T](feature: ArrayFeature[T], value: () ⇒ Array[T]): E5Embeddings.this.type + + +
      Attributes
      protected
      Definition Classes
      HasFeatures
      +
    112. + + + + + + + + final + def + + + setDefault(paramPairs: ParamPair[_]*): E5Embeddings.this.type + + +
      Attributes
      protected
      Definition Classes
      Params
      +
    113. + + + + + + + + final + def + + + setDefault[T](param: Param[T], value: T): E5Embeddings.this.type + + +
      Attributes
      protected[org.apache.spark.ml]
      Definition Classes
      Params
      +
    114. + + + + + + + + + def + + + setDimension(value: Int): E5Embeddings.this.type + + +

      Set Embeddings dimensions for the BERT model Only possible to set this when the first time +is saved dimension is not changeable, it comes from BERT config file +

      Set Embeddings dimensions for the BERT model Only possible to set this when the first time +is saved dimension is not changeable, it comes from BERT config file +

      Definition Classes
      E5EmbeddingsHasEmbeddingsProperties
      +
    115. + + + + + + + + final + def + + + setInputCols(value: String*): E5Embeddings.this.type + + +
      Definition Classes
      HasInputAnnotationCols
      +
    116. + + + + + + + + + def + + + setInputCols(value: Array[String]): E5Embeddings.this.type + + +

      Overrides required annotators column if different than default

      Overrides required annotators column if different than default

      Definition Classes
      HasInputAnnotationCols
      +
    117. + + + + + + + + + def + + + setLazyAnnotator(value: Boolean): E5Embeddings.this.type + + +
      Definition Classes
      CanBeLazy
      +
    118. + + + + + + + + + def + + + setMaxSentenceLength(value: Int): E5Embeddings.this.type + + +

      +
    119. + + + + + + + + + def + + + setModelIfNotSet(spark: SparkSession, tensorflowWrapper: TensorflowWrapper): E5Embeddings + + +

      +
    120. + + + + + + + + final + def + + + setOutputCol(value: String): E5Embeddings.this.type + + +

      Overrides annotation column name when transforming

      Overrides annotation column name when transforming

      Definition Classes
      HasOutputAnnotationCol
      +
    121. + + + + + + + + + def + + + setParent(parent: Estimator[E5Embeddings]): E5Embeddings + + +
      Definition Classes
      Model
      +
    122. + + + + + + + + + def + + + setSignatures(value: Map[String, String]): E5Embeddings.this.type + + +

      +
    123. + + + + + + + + + def + + + setStorageRef(value: String): E5Embeddings.this.type + + +
      Definition Classes
      HasStorageRef
      +
    124. + + + + + + + + + def + + + setVocabulary(value: Map[String, Int]): E5Embeddings.this.type + + +

      +
    125. + + + + + + + + + val + + + signatures: MapFeature[String, String] + + +

      It contains TF model signatures for the laded saved model +

      +
    126. + + + + + + + + + val + + + storageRef: Param[String] + + +

      Unique identifier for storage (Default: this.uid) +

      Unique identifier for storage (Default: this.uid) +

      Definition Classes
      HasStorageRef
      +
    127. + + + + + + + + final + def + + + synchronized[T0](arg0: ⇒ T0): T0 + + +
      Definition Classes
      AnyRef
      +
    128. + + + + + + + + + def + + + toString(): String + + +
      Definition Classes
      Identifiable → AnyRef → Any
      +
    129. + + + + + + + + + def + + + tokenize(sentences: Seq[Annotation]): Seq[WordpieceTokenizedSentence] + + + +
    130. + + + + + + + + final + def + + + transform(dataset: Dataset[_]): DataFrame + + +

      Given requirements are met, this applies ML transformation within a Pipeline or stand-alone +Output annotation will be generated as a new column, previous annotations are still +available separately metadata is built at schema level to record annotations structural +information outside its content +

      Given requirements are met, this applies ML transformation within a Pipeline or stand-alone +Output annotation will be generated as a new column, previous annotations are still +available separately metadata is built at schema level to record annotations structural +information outside its content +

      dataset

      + Dataset[Row]

      Definition Classes
      AnnotatorModel → Transformer
      +
    131. + + + + + + + + + def + + + transform(dataset: Dataset[_], paramMap: ParamMap): DataFrame + + +
      Definition Classes
      Transformer
      Annotations
      + @Since( + + "2.0.0" + ) + +
      +
    132. + + + + + + + + + def + + + transform(dataset: Dataset[_], firstParamPair: ParamPair[_], otherParamPairs: ParamPair[_]*): DataFrame + + +
      Definition Classes
      Transformer
      Annotations
      + @Since( + + "2.0.0" + ) + + @varargs() + +
      +
    133. + + + + + + + + final + def + + + transformSchema(schema: StructType): StructType + + +

      requirement for pipeline transformation validation.

      requirement for pipeline transformation validation. It is called on fit()

      Definition Classes
      RawAnnotator → PipelineStage
      +
    134. + + + + + + + + + def + + + transformSchema(schema: StructType, logging: Boolean): StructType + + +
      Attributes
      protected
      Definition Classes
      PipelineStage
      Annotations
      + @DeveloperApi() + +
      +
    135. + + + + + + + + + val + + + uid: String + + +
      Definition Classes
      E5Embeddings → Identifiable
      +
    136. + + + + + + + + + def + + + validate(schema: StructType): Boolean + + +

      takes a Dataset and checks to see if all the required annotation types are present.

      takes a Dataset and checks to see if all the required annotation types are present. +

      schema

      + to be validated

      returns

      + True if all the required types are present, else false

      Attributes
      protected
      Definition Classes
      RawAnnotator
      +
    137. + + + + + + + + + def + + + validateStorageRef(dataset: Dataset[_], inputCols: Array[String], annotatorType: String): Unit + + +
      Definition Classes
      HasStorageRef
      +
    138. + + + + + + + + + val + + + vocabulary: MapFeature[String, Int] + + +

      Vocabulary used to encode the words to ids with WordPieceEncoder +

      +
    139. + + + + + + + + final + def + + + wait(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + +
      +
    140. + + + + + + + + final + def + + + wait(arg0: Long, arg1: Int): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + +
      +
    141. + + + + + + + + final + def + + + wait(arg0: Long): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + + @native() + +
      +
    142. + + + + + + + + + def + + + wrapColumnMetadata(col: Column): Column + + +
      Attributes
      protected
      Definition Classes
      RawAnnotator
      +
    143. + + + + + + + + + def + + + wrapEmbeddingsMetadata(col: Column, embeddingsDim: Int, embeddingsRef: Option[String] = None): Column + + +
      Attributes
      protected
      Definition Classes
      HasEmbeddingsProperties
      +
    144. + + + + + + + + + def + + + wrapSentenceEmbeddingsMetadata(col: Column, embeddingsDim: Int, embeddingsRef: Option[String] = None): Column + + +
      Attributes
      protected
      Definition Classes
      HasEmbeddingsProperties
      +
    145. + + + + + + + + + def + + + write: MLWriter + + +
      Definition Classes
      ParamsAndFeaturesWritable → DefaultParamsWritable → MLWritable
      +
    146. + + + + + + + + + def + + + writeTensorflowHub(path: String, tfPath: String, spark: SparkSession, suffix: String = "_use"): Unit + + +
      Definition Classes
      WriteTensorflowModel
      +
    147. + + + + + + + + + def + + + writeTensorflowModel(path: String, spark: SparkSession, tensorflow: TensorflowWrapper, suffix: String, filename: String, configProtoBytes: Option[Array[Byte]] = None): Unit + + +
      Definition Classes
      WriteTensorflowModel
      +
    148. + + + + + + + + + def + + + writeTensorflowModelV2(path: String, spark: SparkSession, tensorflow: TensorflowWrapper, suffix: String, filename: String, configProtoBytes: Option[Array[Byte]] = None, savedSignatures: Option[Map[String, String]] = None): Unit + + +
      Definition Classes
      WriteTensorflowModel
      +
    149. +
    +
    + + + + +
    + +
    +
    +

    Inherited from HasEngine

    +
    +

    Inherited from HasCaseSensitiveProperties

    +
    +

    Inherited from HasStorageRef

    +
    +

    Inherited from HasEmbeddingsProperties

    +
    +

    Inherited from HasProtectedParams

    +
    +

    Inherited from WriteTensorflowModel

    +
    +

    Inherited from HasBatchedAnnotate[E5Embeddings]

    +
    +

    Inherited from AnnotatorModel[E5Embeddings]

    +
    +

    Inherited from CanBeLazy

    +
    +

    Inherited from RawAnnotator[E5Embeddings]

    +
    +

    Inherited from HasOutputAnnotationCol

    +
    +

    Inherited from HasInputAnnotationCols

    +
    +

    Inherited from HasOutputAnnotatorType

    +
    +

    Inherited from ParamsAndFeaturesWritable

    +
    +

    Inherited from HasFeatures

    +
    +

    Inherited from DefaultParamsWritable

    +
    +

    Inherited from MLWritable

    +
    +

    Inherited from Model[E5Embeddings]

    +
    +

    Inherited from Transformer

    +
    +

    Inherited from PipelineStage

    +
    +

    Inherited from Logging

    +
    +

    Inherited from Params

    +
    +

    Inherited from Serializable

    +
    +

    Inherited from Serializable

    +
    +

    Inherited from Identifiable

    +
    +

    Inherited from AnyRef

    +
    +

    Inherited from Any

    +
    + +
    + +
    +
    +

    Parameters

    +

    + A list of (hyper-)parameter keys this annotator can take. Users can set and get the + parameter values through setters and getters, respectively.

    +
    +

    Members

    + +
    +

    Parameter setters

    + +
    +

    Parameter getters

    + +
    +
    + +
    + +
    + + + +
    +
    +
    + + diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/ElmoEmbeddings$.html b/docs/api/com/johnsnowlabs/nlp/embeddings/ElmoEmbeddings$.html index fbd06e534086cc..b33aea25d2a848 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/ElmoEmbeddings$.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/ElmoEmbeddings$.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ElmoEmbeddings - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ElmoEmbeddings + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/ElmoEmbeddings.html b/docs/api/com/johnsnowlabs/nlp/embeddings/ElmoEmbeddings.html index 7495a578af12f2..17c01689e39253 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/ElmoEmbeddings.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/ElmoEmbeddings.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ElmoEmbeddings - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ElmoEmbeddings + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/EmbeddingsCoverage$CoverageResult.html b/docs/api/com/johnsnowlabs/nlp/embeddings/EmbeddingsCoverage$CoverageResult.html index d7c4b8fa46140e..b90549a0a4aeb4 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/EmbeddingsCoverage$CoverageResult.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/EmbeddingsCoverage$CoverageResult.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.EmbeddingsCoverage.CoverageResult - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.EmbeddingsCoverage.CoverageResult + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/HasEmbeddingsProperties.html b/docs/api/com/johnsnowlabs/nlp/embeddings/HasEmbeddingsProperties.html index cd5b8051c63d0e..d51f1f33ac1c92 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/HasEmbeddingsProperties.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/HasEmbeddingsProperties.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.HasEmbeddingsProperties - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.HasEmbeddingsProperties + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • @@ -414,7 +438,7 @@

    Known Subclasses - + diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/InstructorEmbeddings$.html b/docs/api/com/johnsnowlabs/nlp/embeddings/InstructorEmbeddings$.html new file mode 100644 index 00000000000000..56f0df02107711 --- /dev/null +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/InstructorEmbeddings$.html @@ -0,0 +1,1208 @@ + + + + + + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.InstructorEmbeddings + + + + + + + + + + + + + + + + + + + + + +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +

    Packages

    + +
    +
    +
    + + + +

    + + + object + + + InstructorEmbeddings extends ReadablePretrainedInstructorModel with ReadInstructorDLModel with ReadSentencePieceModel with Serializable + +

    + + +

    This is the companion object of InstructorEmbeddings. Please refer to that class for the +documentation. +

    + + +
    +
    +
    + + + + + +
    +
    +
    + Ordering +
      + +
    1. Alphabetic
    2. +
    3. By Inheritance
    4. +
    +
    +
    + Inherited
    +
    +
      +
    1. InstructorEmbeddings
    2. Serializable
    3. Serializable
    4. ReadInstructorDLModel
    5. ReadSentencePieceModel
    6. ReadTensorflowModel
    7. ReadablePretrainedInstructorModel
    8. HasPretrained
    9. ParamsAndFeaturesReadable
    10. DefaultParamsReadable
    11. MLReadable
    12. AnyRef
    13. Any
    14. +
    +
    + +
      +
    1. Hide All
    2. +
    3. Show All
    4. +
    +
    +
    + Visibility +
    1. Public
    2. All
    +
    +
    +
    + +
    +
    + + + + + + +
    +

    Value Members

    +
      +
    1. + + + + + + + + final + def + + + !=(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    2. + + + + + + + + final + def + + + ##(): Int + + +
      Definition Classes
      AnyRef → Any
      +
    3. + + + + + + + + final + def + + + ==(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    4. + + + + + + + + + def + + + addReader(reader: (InstructorEmbeddings, String, SparkSession) ⇒ Unit): Unit + + +
      Definition Classes
      ParamsAndFeaturesReadable
      +
    5. + + + + + + + + final + def + + + asInstanceOf[T0]: T0 + + +
      Definition Classes
      Any
      +
    6. + + + + + + + + + def + + + clone(): AnyRef + + +
      Attributes
      protected[lang]
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + + @native() + +
      +
    7. + + + + + + + + + val + + + defaultLang: String + + +
      Definition Classes
      HasPretrained
      +
    8. + + + + + + + + + lazy val + + + defaultLoc: String + + +
      Definition Classes
      HasPretrained
      +
    9. + + + + + + + + + val + + + defaultModelName: Some[String] + + + +
    10. + + + + + + + + final + def + + + eq(arg0: AnyRef): Boolean + + +
      Definition Classes
      AnyRef
      +
    11. + + + + + + + + + def + + + equals(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    12. + + + + + + + + + def + + + finalize(): Unit + + +
      Attributes
      protected[lang]
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + classOf[java.lang.Throwable] + ) + +
      +
    13. + + + + + + + + final + def + + + getClass(): Class[_] + + +
      Definition Classes
      AnyRef → Any
      Annotations
      + @native() + +
      +
    14. + + + + + + + + + def + + + hashCode(): Int + + +
      Definition Classes
      AnyRef → Any
      Annotations
      + @native() + +
      +
    15. + + + + + + + + final + def + + + isInstanceOf[T0]: Boolean + + +
      Definition Classes
      Any
      +
    16. + + + + + + + + + def + + + load(path: String): InstructorEmbeddings + + +
      Definition Classes
      MLReadable
      Annotations
      + @Since( + + "1.6.0" + ) + +
      +
    17. + + + + + + + + + def + + + loadSavedModel(modelPath: String, spark: SparkSession): InstructorEmbeddings + + +
      Definition Classes
      ReadInstructorDLModel
      +
    18. + + + + + + + + final + def + + + ne(arg0: AnyRef): Boolean + + +
      Definition Classes
      AnyRef
      +
    19. + + + + + + + + final + def + + + notify(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @native() + +
      +
    20. + + + + + + + + final + def + + + notifyAll(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @native() + +
      +
    21. + + + + + + + + + def + + + pretrained(name: String, lang: String, remoteLoc: String): InstructorEmbeddings + + +

      Java default argument interoperability

      Java default argument interoperability

      Definition Classes
      ReadablePretrainedInstructorModelHasPretrained
      +
    22. + + + + + + + + + def + + + pretrained(name: String, lang: String): InstructorEmbeddings + + + +
    23. + + + + + + + + + def + + + pretrained(name: String): InstructorEmbeddings + + + +
    24. + + + + + + + + + def + + + pretrained(): InstructorEmbeddings + + +

      Java compliant-overrides

      Java compliant-overrides

      Definition Classes
      ReadablePretrainedInstructorModelHasPretrained
      +
    25. + + + + + + + + + def + + + read: MLReader[InstructorEmbeddings] + + +
      Definition Classes
      ParamsAndFeaturesReadable → DefaultParamsReadable → MLReadable
      +
    26. + + + + + + + + + def + + + readModel(instance: InstructorEmbeddings, path: String, spark: SparkSession): Unit + + +
      Definition Classes
      ReadInstructorDLModel
      +
    27. + + + + + + + + + def + + + readSentencePieceModel(path: String, spark: SparkSession, suffix: String, filename: String): SentencePieceWrapper + + +
      Definition Classes
      ReadSentencePieceModel
      +
    28. + + + + + + + + + def + + + readTensorflowChkPoints(path: String, spark: SparkSession, suffix: String, zipped: Boolean = true, tags: Array[String] = Array.empty, initAllTables: Boolean = false): TensorflowWrapper + + +
      Definition Classes
      ReadTensorflowModel
      +
    29. + + + + + + + + + def + + + readTensorflowHub(path: String, spark: SparkSession, suffix: String, zipped: Boolean = true, useBundle: Boolean = false, tags: Array[String] = Array.empty): TensorflowWrapper + + +
      Definition Classes
      ReadTensorflowModel
      +
    30. + + + + + + + + + def + + + readTensorflowModel(path: String, spark: SparkSession, suffix: String, zipped: Boolean = true, useBundle: Boolean = false, tags: Array[String] = Array.empty, initAllTables: Boolean = false, savedSignatures: Option[Map[String, String]] = None): TensorflowWrapper + + +
      Definition Classes
      ReadTensorflowModel
      +
    31. + + + + + + + + + def + + + readTensorflowWithSPModel(path: String, spark: SparkSession, suffix: String, zipped: Boolean = true, useBundle: Boolean = false, tags: Array[String] = Array.empty, initAllTables: Boolean = false, loadSP: Boolean = false): TensorflowWrapper + + +
      Definition Classes
      ReadTensorflowModel
      +
    32. + + + + + + + + + val + + + sppFile: String + + + +
    33. + + + + + + + + final + def + + + synchronized[T0](arg0: ⇒ T0): T0 + + +
      Definition Classes
      AnyRef
      +
    34. + + + + + + + + + val + + + tfFile: String + + + +
    35. + + + + + + + + + def + + + toString(): String + + +
      Definition Classes
      AnyRef → Any
      +
    36. + + + + + + + + final + def + + + wait(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + +
      +
    37. + + + + + + + + final + def + + + wait(arg0: Long, arg1: Int): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + +
      +
    38. + + + + + + + + final + def + + + wait(arg0: Long): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + + @native() + +
      +
    39. +
    +
    + + + + +
    + +
    +
    +

    Inherited from Serializable

    +
    +

    Inherited from Serializable

    +
    +

    Inherited from ReadInstructorDLModel

    +
    +

    Inherited from ReadSentencePieceModel

    +
    +

    Inherited from ReadTensorflowModel

    +
    +

    Inherited from HasPretrained[InstructorEmbeddings]

    +
    +

    Inherited from DefaultParamsReadable[InstructorEmbeddings]

    +
    +

    Inherited from MLReadable[InstructorEmbeddings]

    +
    +

    Inherited from AnyRef

    +
    +

    Inherited from Any

    +
    + +
    + +
    +
    +

    Ungrouped

    + +
    +
    + +
    + +
    + + + +
    +
    +
    + + diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/InstructorEmbeddings.html b/docs/api/com/johnsnowlabs/nlp/embeddings/InstructorEmbeddings.html new file mode 100644 index 00000000000000..fb9fab612e4224 --- /dev/null +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/InstructorEmbeddings.html @@ -0,0 +1,3199 @@ + + + + + + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.InstructorEmbeddings + + + + + + + + + + + + + + + + + + + + + +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +

    Packages

    + +
    +
    +
    + + + +

    + + + class + + + InstructorEmbeddings extends AnnotatorModel[InstructorEmbeddings] with HasBatchedAnnotate[InstructorEmbeddings] with WriteTensorflowModel with HasEmbeddingsProperties with HasStorageRef with WriteSentencePieceModel with HasCaseSensitiveProperties with HasEngine + +

    + + +

    Sentence embeddings using INSTRUCTOR.

    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!

    Pretrained models can be loaded with pretrained of the companion object:

    val embeddings = InstructorEmbeddings.pretrained()
    +  .setInputCols("document")
    +  .setOutputCol("instructor_embeddings")

    The default model is "instructor_base", if no name is provided.

    For available pretrained models please see the +Models Hub.

    For extended examples of usage, see +InstructorEmbeddingsTestSpec.

    Sources :

    One Embedder, Any Task: Instruction-Finetuned Text Embeddings

    INSTRUCTOR Github Repository

    Paper abstract

    We introduce INSTRUCTOR, a new method for computing text embeddings given task instructions: +every text input is embedded together with instructions explaining the use case (e.g., task +and domain descriptions). Unlike encoders from prior work that are more specialized, +INSTRUCTOR is a single embedder that can generate text embeddings tailored to different +downstream tasks and domains, without any further training. We first annotate instructions for +330 diverse tasks and train INSTRUCTOR on this multitask mixture with a contrastive loss. We +evaluate INSTRUCTOR on 70 embedding evaluation tasks (66 of which are unseen during training), +ranging from classification and information retrieval to semantic textual similarity and text +generation evaluation. INSTRUCTOR, while having an order of magnitude fewer parameters than +the previous best model, achieves state-of-the-art performance, with an average improvement of +3.4% compared to the previous best results on the 70 diverse datasets. Our analysis suggests +that INSTRUCTOR is robust to changes in instructions, and that instruction finetuning +mitigates the challenge of training a single model on diverse datasets. Our model, code, and +data are available at this https URL. https://instructor-embedding.github.io/

    Example

    import spark.implicits._
    +import com.johnsnowlabs.nlp.base.DocumentAssembler
    +import com.johnsnowlabs.nlp.annotators.Tokenizer
    +import com.johnsnowlabs.nlp.embeddings.InstructorEmbeddings
    +import com.johnsnowlabs.nlp.EmbeddingsFinisher
    +import org.apache.spark.ml.Pipeline
    +
    +val documentAssembler = new DocumentAssembler()
    +  .setInputCol("text")
    +  .setOutputCol("document")
    +
    +val embeddings = InstructorEmbeddings.pretrained("instructor_base", "en")
    +  .setInputCols("document")
    +  .setInstruction("Represent the Medicine sentence for clustering: ")
    +  .setOutputCol("instructor_embeddings")
    +
    +val embeddingsFinisher = new EmbeddingsFinisher()
    +  .setInputCols("instructor_embeddings")
    +  .setOutputCols("finished_embeddings")
    +  .setOutputAsVector(true)
    +
    +val pipeline = new Pipeline().setStages(Array(
    +  documentAssembler,
    +  embeddings,
    +  embeddingsFinisher
    +))
    +
    +val data = Seq("Dynamical Scalar Degree of Freedom in Horava-Lifshitz Gravity").toDF("text")
    +val result = pipeline.fit(data).transform(data)
    +
    +result.selectExpr("explode(finished_embeddings) as result").show(1, 80)
    ++--------------------------------------------------------------------------------+
    +|                                                                          result|
    ++--------------------------------------------------------------------------------+
    +|[-2.3497989177703857,0.480538547039032,-0.3238905668258667,-1.612930893898010...|
    ++--------------------------------------------------------------------------------+
    See also

    + Annotators Main Page for a list of transformer + based embeddings

    + + +
    +
    +
    + + + + + +
    +
    +
    + Ordering +
      +
    1. Grouped
    2. +
    3. Alphabetic
    4. +
    5. By Inheritance
    6. +
    +
    +
    + Inherited
    +
    +
      +
    1. InstructorEmbeddings
    2. HasEngine
    3. HasCaseSensitiveProperties
    4. WriteSentencePieceModel
    5. HasStorageRef
    6. HasEmbeddingsProperties
    7. HasProtectedParams
    8. WriteTensorflowModel
    9. HasBatchedAnnotate
    10. AnnotatorModel
    11. CanBeLazy
    12. RawAnnotator
    13. HasOutputAnnotationCol
    14. HasInputAnnotationCols
    15. HasOutputAnnotatorType
    16. ParamsAndFeaturesWritable
    17. HasFeatures
    18. DefaultParamsWritable
    19. MLWritable
    20. Model
    21. Transformer
    22. PipelineStage
    23. Logging
    24. Params
    25. Serializable
    26. Serializable
    27. Identifiable
    28. AnyRef
    29. Any
    30. +
    +
    + +
      +
    1. Hide All
    2. +
    3. Show All
    4. +
    +
    +
    + Visibility +
    1. Public
    2. All
    +
    +
    +
    + +
    +
    +
    +

    Instance Constructors

    +
    1. + + + + + + + + + new + + + InstructorEmbeddings() + + + +
    2. + + + + + + + + + new + + + InstructorEmbeddings(uid: String) + + +

      uid

      + required uid for storing annotator to disk

      +
    +
    + +
    +

    Type Members

    +
    1. + + + + + + + + implicit + class + + + ProtectedParam[T] extends Param[T] + + +
      Definition Classes
      HasProtectedParams
      +
    2. + + + + + + + + + type + + + AnnotationContent = Seq[Row] + + +

      internal types to show Rows as a relevant StructType Should be deleted once Spark releases +UserDefinedTypes to @developerAPI +

      internal types to show Rows as a relevant StructType Should be deleted once Spark releases +UserDefinedTypes to @developerAPI +

      Attributes
      protected
      Definition Classes
      AnnotatorModel
      +
    3. + + + + + + + + + type + + + AnnotatorType = String + + +
      Definition Classes
      HasOutputAnnotatorType
      +
    +
    + + + +
    +

    Value Members

    +
      +
    1. + + + + + + + + final + def + + + !=(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    2. + + + + + + + + final + def + + + ##(): Int + + +
      Definition Classes
      AnyRef → Any
      +
    3. + + + + + + + + final + def + + + $[T](param: Param[T]): T + + +
      Attributes
      protected
      Definition Classes
      Params
      +
    4. + + + + + + + + + def + + + $$[T](feature: StructFeature[T]): T + + +
      Attributes
      protected
      Definition Classes
      HasFeatures
      +
    5. + + + + + + + + + def + + + $$[K, V](feature: MapFeature[K, V]): Map[K, V] + + +
      Attributes
      protected
      Definition Classes
      HasFeatures
      +
    6. + + + + + + + + + def + + + $$[T](feature: SetFeature[T]): Set[T] + + +
      Attributes
      protected
      Definition Classes
      HasFeatures
      +
    7. + + + + + + + + + def + + + $$[T](feature: ArrayFeature[T]): Array[T] + + +
      Attributes
      protected
      Definition Classes
      HasFeatures
      +
    8. + + + + + + + + final + def + + + ==(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    9. + + + + + + + + + def + + + _transform(dataset: Dataset[_], recursivePipeline: Option[PipelineModel]): DataFrame + + +
      Attributes
      protected
      Definition Classes
      AnnotatorModel
      +
    10. + + + + + + + + + def + + + afterAnnotate(dataset: DataFrame): DataFrame + + +
      Attributes
      protected
      Definition Classes
      InstructorEmbeddingsAnnotatorModel
      +
    11. + + + + + + + + final + def + + + asInstanceOf[T0]: T0 + + +
      Definition Classes
      Any
      +
    12. + + + + + + + + + def + + + batchAnnotate(batchedAnnotations: Seq[Array[Annotation]]): Seq[Seq[Annotation]] + + +

      takes a document and annotations and produces new annotations of this annotator's annotation +type +

      takes a document and annotations and produces new annotations of this annotator's annotation +type +

      batchedAnnotations

      + Annotations that correspond to inputAnnotationCols generated by previous annotators if any

      returns

      + any number of annotations processed for every input annotation. Not necessary one to one + relationship

      Definition Classes
      InstructorEmbeddingsHasBatchedAnnotate
      +
    13. + + + + + + + + + def + + + batchProcess(rows: Iterator[_]): Iterator[Row] + + +
      Definition Classes
      HasBatchedAnnotate
      +
    14. + + + + + + + + + val + + + batchSize: IntParam + + +

      Size of every batch (Default depends on model).

      Size of every batch (Default depends on model). +

      Definition Classes
      HasBatchedAnnotate
      +
    15. + + + + + + + + + def + + + beforeAnnotate(dataset: Dataset[_]): Dataset[_] + + +
      Attributes
      protected
      Definition Classes
      AnnotatorModel
      +
    16. + + + + + + + + + val + + + caseSensitive: BooleanParam + + +

      Whether to ignore case in index lookups (Default depends on model) +

      Whether to ignore case in index lookups (Default depends on model) +

      Definition Classes
      HasCaseSensitiveProperties
      +
    17. + + + + + + + + final + def + + + checkSchema(schema: StructType, inputAnnotatorType: String): Boolean + + +
      Attributes
      protected
      Definition Classes
      HasInputAnnotationCols
      +
    18. + + + + + + + + final + def + + + clear(param: Param[_]): InstructorEmbeddings.this.type + + +
      Definition Classes
      Params
      +
    19. + + + + + + + + + def + + + clone(): AnyRef + + +
      Attributes
      protected[lang]
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + + @native() + +
      +
    20. + + + + + + + + + val + + + configProtoBytes: IntArrayParam + + +

      ConfigProto from tensorflow, serialized into byte array.

      ConfigProto from tensorflow, serialized into byte array. Get with +config_proto.SerializeToString() +

      +
    21. + + + + + + + + + def + + + copy(extra: ParamMap): InstructorEmbeddings + + +

      requirement for annotators copies

      requirement for annotators copies

      Definition Classes
      RawAnnotator → Model → Transformer → PipelineStage → Params
      +
    22. + + + + + + + + + def + + + copyValues[T <: Params](to: T, extra: ParamMap): T + + +
      Attributes
      protected
      Definition Classes
      Params
      +
    23. + + + + + + + + + def + + + createDatabaseConnection(database: Name): RocksDBConnection + + +
      Definition Classes
      HasStorageRef
      +
    24. + + + + + + + + final + def + + + defaultCopy[T <: Params](extra: ParamMap): T + + +
      Attributes
      protected
      Definition Classes
      Params
      +
    25. + + + + + + + + + val + + + dimension: ProtectedParam[Int] + + +

      Number of embedding dimensions (Default depends on model) +

      Number of embedding dimensions (Default depends on model) +

      Definition Classes
      HasEmbeddingsProperties
      +
    26. + + + + + + + + + val + + + engine: Param[String] + + +

      This param is set internally once via loadSavedModel.

      This param is set internally once via loadSavedModel. That's why there is no setter +

      Definition Classes
      HasEngine
      +
    27. + + + + + + + + final + def + + + eq(arg0: AnyRef): Boolean + + +
      Definition Classes
      AnyRef
      +
    28. + + + + + + + + + def + + + equals(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    29. + + + + + + + + + def + + + explainParam(param: Param[_]): String + + +
      Definition Classes
      Params
      +
    30. + + + + + + + + + def + + + explainParams(): String + + +
      Definition Classes
      Params
      +
    31. + + + + + + + + + def + + + extraValidate(structType: StructType): Boolean + + +
      Attributes
      protected
      Definition Classes
      RawAnnotator
      +
    32. + + + + + + + + + def + + + extraValidateMsg: String + + +

      Override for additional custom schema checks

      Override for additional custom schema checks

      Attributes
      protected
      Definition Classes
      RawAnnotator
      +
    33. + + + + + + + + final + def + + + extractParamMap(): ParamMap + + +
      Definition Classes
      Params
      +
    34. + + + + + + + + final + def + + + extractParamMap(extra: ParamMap): ParamMap + + +
      Definition Classes
      Params
      +
    35. + + + + + + + + + val + + + features: ArrayBuffer[Feature[_, _, _]] + + +
      Definition Classes
      HasFeatures
      +
    36. + + + + + + + + + def + + + finalize(): Unit + + +
      Attributes
      protected[lang]
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + classOf[java.lang.Throwable] + ) + +
      +
    37. + + + + + + + + + def + + + get[T](feature: StructFeature[T]): Option[T] + + +
      Attributes
      protected
      Definition Classes
      HasFeatures
      +
    38. + + + + + + + + + def + + + get[K, V](feature: MapFeature[K, V]): Option[Map[K, V]] + + +
      Attributes
      protected
      Definition Classes
      HasFeatures
      +
    39. + + + + + + + + + def + + + get[T](feature: SetFeature[T]): Option[Set[T]] + + +
      Attributes
      protected
      Definition Classes
      HasFeatures
      +
    40. + + + + + + + + + def + + + get[T](feature: ArrayFeature[T]): Option[Array[T]] + + +
      Attributes
      protected
      Definition Classes
      HasFeatures
      +
    41. + + + + + + + + final + def + + + get[T](param: Param[T]): Option[T] + + +
      Definition Classes
      Params
      +
    42. + + + + + + + + + def + + + getBatchSize: Int + + +

      Size of every batch.

      Size of every batch. +

      Definition Classes
      HasBatchedAnnotate
      +
    43. + + + + + + + + + def + + + getCaseSensitive: Boolean + + +

      Definition Classes
      HasCaseSensitiveProperties
      +
    44. + + + + + + + + final + def + + + getClass(): Class[_] + + +
      Definition Classes
      AnyRef → Any
      Annotations
      + @native() + +
      +
    45. + + + + + + + + + def + + + getConfigProtoBytes: Option[Array[Byte]] + + +

      +
    46. + + + + + + + + final + def + + + getDefault[T](param: Param[T]): Option[T] + + +
      Definition Classes
      Params
      +
    47. + + + + + + + + + def + + + getDimension: Int + + +

      Definition Classes
      HasEmbeddingsProperties
      +
    48. + + + + + + + + + def + + + getEngine: String + + +

      Definition Classes
      HasEngine
      +
    49. + + + + + + + + + def + + + getInputCols: Array[String] + + +

      returns

      input annotations columns currently used

      Definition Classes
      HasInputAnnotationCols
      +
    50. + + + + + + + + + def + + + getLazyAnnotator: Boolean + + +
      Definition Classes
      CanBeLazy
      +
    51. + + + + + + + + + def + + + getMaxSentenceLength: Int + + +

      +
    52. + + + + + + + + + def + + + getModelIfNotSet: Instructor + + +

      +
    53. + + + + + + + + final + def + + + getOrDefault[T](param: Param[T]): T + + +
      Definition Classes
      Params
      +
    54. + + + + + + + + final + def + + + getOutputCol: String + + +

      Gets annotation column name going to generate

      Gets annotation column name going to generate

      Definition Classes
      HasOutputAnnotationCol
      +
    55. + + + + + + + + + def + + + getParam(paramName: String): Param[Any] + + +
      Definition Classes
      Params
      +
    56. + + + + + + + + + def + + + getSignatures: Option[Map[String, String]] + + +

      +
    57. + + + + + + + + + def + + + getStorageRef: String + + +
      Definition Classes
      HasStorageRef
      +
    58. + + + + + + + + final + def + + + hasDefault[T](param: Param[T]): Boolean + + +
      Definition Classes
      Params
      +
    59. + + + + + + + + + def + + + hasParam(paramName: String): Boolean + + +
      Definition Classes
      Params
      +
    60. + + + + + + + + + def + + + hasParent: Boolean + + +
      Definition Classes
      Model
      +
    61. + + + + + + + + + def + + + hashCode(): Int + + +
      Definition Classes
      AnyRef → Any
      Annotations
      + @native() + +
      +
    62. + + + + + + + + + def + + + initializeLogIfNecessary(isInterpreter: Boolean, silent: Boolean): Boolean + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    63. + + + + + + + + + def + + + initializeLogIfNecessary(isInterpreter: Boolean): Unit + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    64. + + + + + + + + + val + + + inputAnnotatorTypes: Array[String] + + +

      Annotator reference id.

      Annotator reference id. Used to identify elements in metadata or to refer to this annotator +type +

      Definition Classes
      InstructorEmbeddingsHasInputAnnotationCols
      +
    65. + + + + + + + + final + val + + + inputCols: StringArrayParam + + +

      columns that contain annotations necessary to run this annotator AnnotatorType is used both +as input and output columns if not specified +

      columns that contain annotations necessary to run this annotator AnnotatorType is used both +as input and output columns if not specified +

      Attributes
      protected
      Definition Classes
      HasInputAnnotationCols
      +
    66. + + + + + + + + + val + + + instruction: Param[String] + + +

      Set transformer instruction, e.g.

      Set transformer instruction, e.g. 'summarize' format: "instruction:". +

      +
    67. + + + + + + + + final + def + + + isDefined(param: Param[_]): Boolean + + +
      Definition Classes
      Params
      +
    68. + + + + + + + + final + def + + + isInstanceOf[T0]: Boolean + + +
      Definition Classes
      Any
      +
    69. + + + + + + + + final + def + + + isSet(param: Param[_]): Boolean + + +
      Definition Classes
      Params
      +
    70. + + + + + + + + + def + + + isTraceEnabled(): Boolean + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    71. + + + + + + + + + val + + + lazyAnnotator: BooleanParam + + +
      Definition Classes
      CanBeLazy
      +
    72. + + + + + + + + + def + + + log: Logger + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    73. + + + + + + + + + def + + + logDebug(msg: ⇒ String, throwable: Throwable): Unit + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    74. + + + + + + + + + def + + + logDebug(msg: ⇒ String): Unit + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    75. + + + + + + + + + def + + + logError(msg: ⇒ String, throwable: Throwable): Unit + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    76. + + + + + + + + + def + + + logError(msg: ⇒ String): Unit + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    77. + + + + + + + + + def + + + logInfo(msg: ⇒ String, throwable: Throwable): Unit + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    78. + + + + + + + + + def + + + logInfo(msg: ⇒ String): Unit + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    79. + + + + + + + + + def + + + logName: String + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    80. + + + + + + + + + def + + + logTrace(msg: ⇒ String, throwable: Throwable): Unit + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    81. + + + + + + + + + def + + + logTrace(msg: ⇒ String): Unit + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    82. + + + + + + + + + def + + + logWarning(msg: ⇒ String, throwable: Throwable): Unit + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    83. + + + + + + + + + def + + + logWarning(msg: ⇒ String): Unit + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    84. + + + + + + + + + val + + + maxSentenceLength: IntParam + + +

      Max sentence length to process (Default: 128) +

      +
    85. + + + + + + + + + def + + + msgHelper(schema: StructType): String + + +
      Attributes
      protected
      Definition Classes
      HasInputAnnotationCols
      +
    86. + + + + + + + + final + def + + + ne(arg0: AnyRef): Boolean + + +
      Definition Classes
      AnyRef
      +
    87. + + + + + + + + final + def + + + notify(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @native() + +
      +
    88. + + + + + + + + final + def + + + notifyAll(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @native() + +
      +
    89. + + + + + + + + + def + + + onWrite(path: String, spark: SparkSession): Unit + + + +
    90. + + + + + + + + + val + + + optionalInputAnnotatorTypes: Array[String] + + +
      Definition Classes
      HasInputAnnotationCols
      +
    91. + + + + + + + + + val + + + outputAnnotatorType: AnnotatorType + + + +
    92. + + + + + + + + final + val + + + outputCol: Param[String] + + +
      Attributes
      protected
      Definition Classes
      HasOutputAnnotationCol
      +
    93. + + + + + + + + + lazy val + + + params: Array[Param[_]] + + +
      Definition Classes
      Params
      +
    94. + + + + + + + + + var + + + parent: Estimator[InstructorEmbeddings] + + +
      Definition Classes
      Model
      +
    95. + + + + + + + + + def + + + save(path: String): Unit + + +
      Definition Classes
      MLWritable
      Annotations
      + @Since( + + "1.6.0" + ) + + @throws( + + ... + ) + +
      +
    96. + + + + + + + + + def + + + set[T](param: ProtectedParam[T], value: T): InstructorEmbeddings.this.type + + +

      Sets the value for a protected Param.

      Sets the value for a protected Param.

      If the parameter was already set, it will not be set again. Default values do not count as a +set value and can be overridden. +

      T

      + Type of the parameter

      param

      + Protected parameter to set

      value

      + Value for the parameter

      returns

      + This object

      Definition Classes
      HasProtectedParams
      +
    97. + + + + + + + + + def + + + set[T](feature: StructFeature[T], value: T): InstructorEmbeddings.this.type + + +
      Attributes
      protected
      Definition Classes
      HasFeatures
      +
    98. + + + + + + + + + def + + + set[K, V](feature: MapFeature[K, V], value: Map[K, V]): InstructorEmbeddings.this.type + + +
      Attributes
      protected
      Definition Classes
      HasFeatures
      +
    99. + + + + + + + + + def + + + set[T](feature: SetFeature[T], value: Set[T]): InstructorEmbeddings.this.type + + +
      Attributes
      protected
      Definition Classes
      HasFeatures
      +
    100. + + + + + + + + + def + + + set[T](feature: ArrayFeature[T], value: Array[T]): InstructorEmbeddings.this.type + + +
      Attributes
      protected
      Definition Classes
      HasFeatures
      +
    101. + + + + + + + + final + def + + + set(paramPair: ParamPair[_]): InstructorEmbeddings.this.type + + +
      Attributes
      protected
      Definition Classes
      Params
      +
    102. + + + + + + + + final + def + + + set(param: String, value: Any): InstructorEmbeddings.this.type + + +
      Attributes
      protected
      Definition Classes
      Params
      +
    103. + + + + + + + + final + def + + + set[T](param: Param[T], value: T): InstructorEmbeddings.this.type + + +
      Definition Classes
      Params
      +
    104. + + + + + + + + + def + + + setBatchSize(size: Int): InstructorEmbeddings.this.type + + +

      Size of every batch.

      Size of every batch. +

      Definition Classes
      HasBatchedAnnotate
      +
    105. + + + + + + + + + def + + + setCaseSensitive(value: Boolean): InstructorEmbeddings.this.type + + +

      Whether to lowercase tokens or not +

      Whether to lowercase tokens or not +

      Definition Classes
      InstructorEmbeddingsHasCaseSensitiveProperties
      +
    106. + + + + + + + + + def + + + setConfigProtoBytes(bytes: Array[Int]): InstructorEmbeddings.this.type + + +

      +
    107. + + + + + + + + + def + + + setDefault[T](feature: StructFeature[T], value: () ⇒ T): InstructorEmbeddings.this.type + + +
      Attributes
      protected
      Definition Classes
      HasFeatures
      +
    108. + + + + + + + + + def + + + setDefault[K, V](feature: MapFeature[K, V], value: () ⇒ Map[K, V]): InstructorEmbeddings.this.type + + +
      Attributes
      protected
      Definition Classes
      HasFeatures
      +
    109. + + + + + + + + + def + + + setDefault[T](feature: SetFeature[T], value: () ⇒ Set[T]): InstructorEmbeddings.this.type + + +
      Attributes
      protected
      Definition Classes
      HasFeatures
      +
    110. + + + + + + + + + def + + + setDefault[T](feature: ArrayFeature[T], value: () ⇒ Array[T]): InstructorEmbeddings.this.type + + +
      Attributes
      protected
      Definition Classes
      HasFeatures
      +
    111. + + + + + + + + final + def + + + setDefault(paramPairs: ParamPair[_]*): InstructorEmbeddings.this.type + + +
      Attributes
      protected
      Definition Classes
      Params
      +
    112. + + + + + + + + final + def + + + setDefault[T](param: Param[T], value: T): InstructorEmbeddings.this.type + + +
      Attributes
      protected[org.apache.spark.ml]
      Definition Classes
      Params
      +
    113. + + + + + + + + + def + + + setDimension(value: Int): InstructorEmbeddings.this.type + + +

      Set Embeddings dimensions for the BERT model Only possible to set this when the first time +is saved dimension is not changeable, it comes from BERT config file +

      Set Embeddings dimensions for the BERT model Only possible to set this when the first time +is saved dimension is not changeable, it comes from BERT config file +

      Definition Classes
      InstructorEmbeddingsHasEmbeddingsProperties
      +
    114. + + + + + + + + final + def + + + setInputCols(value: String*): InstructorEmbeddings.this.type + + +
      Definition Classes
      HasInputAnnotationCols
      +
    115. + + + + + + + + + def + + + setInputCols(value: Array[String]): InstructorEmbeddings.this.type + + +

      Overrides required annotators column if different than default

      Overrides required annotators column if different than default

      Definition Classes
      HasInputAnnotationCols
      +
    116. + + + + + + + + + def + + + setInstruction(value: String): InstructorEmbeddings.this.type + + + +
    117. + + + + + + + + + def + + + setLazyAnnotator(value: Boolean): InstructorEmbeddings.this.type + + +
      Definition Classes
      CanBeLazy
      +
    118. + + + + + + + + + def + + + setMaxSentenceLength(value: Int): InstructorEmbeddings.this.type + + +

      +
    119. + + + + + + + + + def + + + setModelIfNotSet(spark: SparkSession, tensorflowWrapper: TensorflowWrapper, spp: SentencePieceWrapper): InstructorEmbeddings + + +

      +
    120. + + + + + + + + final + def + + + setOutputCol(value: String): InstructorEmbeddings.this.type + + +

      Overrides annotation column name when transforming

      Overrides annotation column name when transforming

      Definition Classes
      HasOutputAnnotationCol
      +
    121. + + + + + + + + + def + + + setParent(parent: Estimator[InstructorEmbeddings]): InstructorEmbeddings + + +
      Definition Classes
      Model
      +
    122. + + + + + + + + + def + + + setSignatures(value: Map[String, String]): InstructorEmbeddings.this.type + + +

      +
    123. + + + + + + + + + def + + + setStorageRef(value: String): InstructorEmbeddings.this.type + + +
      Definition Classes
      HasStorageRef
      +
    124. + + + + + + + + + val + + + signatures: MapFeature[String, String] + + +

      It contains TF model signatures for the laded saved model +

      +
    125. + + + + + + + + + val + + + storageRef: Param[String] + + +

      Unique identifier for storage (Default: this.uid) +

      Unique identifier for storage (Default: this.uid) +

      Definition Classes
      HasStorageRef
      +
    126. + + + + + + + + final + def + + + synchronized[T0](arg0: ⇒ T0): T0 + + +
      Definition Classes
      AnyRef
      +
    127. + + + + + + + + + def + + + toString(): String + + +
      Definition Classes
      Identifiable → AnyRef → Any
      +
    128. + + + + + + + + final + def + + + transform(dataset: Dataset[_]): DataFrame + + +

      Given requirements are met, this applies ML transformation within a Pipeline or stand-alone +Output annotation will be generated as a new column, previous annotations are still +available separately metadata is built at schema level to record annotations structural +information outside its content +

      Given requirements are met, this applies ML transformation within a Pipeline or stand-alone +Output annotation will be generated as a new column, previous annotations are still +available separately metadata is built at schema level to record annotations structural +information outside its content +

      dataset

      + Dataset[Row]

      Definition Classes
      AnnotatorModel → Transformer
      +
    129. + + + + + + + + + def + + + transform(dataset: Dataset[_], paramMap: ParamMap): DataFrame + + +
      Definition Classes
      Transformer
      Annotations
      + @Since( + + "2.0.0" + ) + +
      +
    130. + + + + + + + + + def + + + transform(dataset: Dataset[_], firstParamPair: ParamPair[_], otherParamPairs: ParamPair[_]*): DataFrame + + +
      Definition Classes
      Transformer
      Annotations
      + @Since( + + "2.0.0" + ) + + @varargs() + +
      +
    131. + + + + + + + + final + def + + + transformSchema(schema: StructType): StructType + + +

      requirement for pipeline transformation validation.

      requirement for pipeline transformation validation. It is called on fit()

      Definition Classes
      RawAnnotator → PipelineStage
      +
    132. + + + + + + + + + def + + + transformSchema(schema: StructType, logging: Boolean): StructType + + +
      Attributes
      protected
      Definition Classes
      PipelineStage
      Annotations
      + @DeveloperApi() + +
      +
    133. + + + + + + + + + val + + + uid: String + + +
      Definition Classes
      InstructorEmbeddings → Identifiable
      +
    134. + + + + + + + + + def + + + validate(schema: StructType): Boolean + + +

      takes a Dataset and checks to see if all the required annotation types are present.

      takes a Dataset and checks to see if all the required annotation types are present. +

      schema

      + to be validated

      returns

      + True if all the required types are present, else false

      Attributes
      protected
      Definition Classes
      RawAnnotator
      +
    135. + + + + + + + + + def + + + validateStorageRef(dataset: Dataset[_], inputCols: Array[String], annotatorType: String): Unit + + +
      Definition Classes
      HasStorageRef
      +
    136. + + + + + + + + final + def + + + wait(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + +
      +
    137. + + + + + + + + final + def + + + wait(arg0: Long, arg1: Int): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + +
      +
    138. + + + + + + + + final + def + + + wait(arg0: Long): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + + @native() + +
      +
    139. + + + + + + + + + def + + + wrapColumnMetadata(col: Column): Column + + +
      Attributes
      protected
      Definition Classes
      RawAnnotator
      +
    140. + + + + + + + + + def + + + wrapEmbeddingsMetadata(col: Column, embeddingsDim: Int, embeddingsRef: Option[String] = None): Column + + +
      Attributes
      protected
      Definition Classes
      HasEmbeddingsProperties
      +
    141. + + + + + + + + + def + + + wrapSentenceEmbeddingsMetadata(col: Column, embeddingsDim: Int, embeddingsRef: Option[String] = None): Column + + +
      Attributes
      protected
      Definition Classes
      HasEmbeddingsProperties
      +
    142. + + + + + + + + + def + + + write: MLWriter + + +
      Definition Classes
      ParamsAndFeaturesWritable → DefaultParamsWritable → MLWritable
      +
    143. + + + + + + + + + def + + + writeSentencePieceModel(path: String, spark: SparkSession, spp: SentencePieceWrapper, suffix: String, filename: String): Unit + + +
      Definition Classes
      WriteSentencePieceModel
      +
    144. + + + + + + + + + def + + + writeTensorflowHub(path: String, tfPath: String, spark: SparkSession, suffix: String = "_use"): Unit + + +
      Definition Classes
      WriteTensorflowModel
      +
    145. + + + + + + + + + def + + + writeTensorflowModel(path: String, spark: SparkSession, tensorflow: TensorflowWrapper, suffix: String, filename: String, configProtoBytes: Option[Array[Byte]] = None): Unit + + +
      Definition Classes
      WriteTensorflowModel
      +
    146. + + + + + + + + + def + + + writeTensorflowModelV2(path: String, spark: SparkSession, tensorflow: TensorflowWrapper, suffix: String, filename: String, configProtoBytes: Option[Array[Byte]] = None, savedSignatures: Option[Map[String, String]] = None): Unit + + +
      Definition Classes
      WriteTensorflowModel
      +
    147. +
    +
    + + + + +
    + +
    +
    +

    Inherited from HasEngine

    +
    +

    Inherited from HasCaseSensitiveProperties

    +
    +

    Inherited from WriteSentencePieceModel

    +
    +

    Inherited from HasStorageRef

    +
    +

    Inherited from HasEmbeddingsProperties

    +
    +

    Inherited from HasProtectedParams

    +
    +

    Inherited from WriteTensorflowModel

    +
    +

    Inherited from AnnotatorModel[InstructorEmbeddings]

    +
    +

    Inherited from CanBeLazy

    +
    +

    Inherited from RawAnnotator[InstructorEmbeddings]

    +
    +

    Inherited from HasOutputAnnotationCol

    +
    +

    Inherited from HasInputAnnotationCols

    +
    +

    Inherited from HasOutputAnnotatorType

    +
    +

    Inherited from ParamsAndFeaturesWritable

    +
    +

    Inherited from HasFeatures

    +
    +

    Inherited from DefaultParamsWritable

    +
    +

    Inherited from MLWritable

    +
    +

    Inherited from Model[InstructorEmbeddings]

    +
    +

    Inherited from Transformer

    +
    +

    Inherited from PipelineStage

    +
    +

    Inherited from Logging

    +
    +

    Inherited from Params

    +
    +

    Inherited from Serializable

    +
    +

    Inherited from Serializable

    +
    +

    Inherited from Identifiable

    +
    +

    Inherited from AnyRef

    +
    +

    Inherited from Any

    +
    + +
    + +
    +
    +

    Parameters

    +

    + A list of (hyper-)parameter keys this annotator can take. Users can set and get the + parameter values through setters and getters, respectively.

    +
    +

    Members

    + +
    +

    Parameter setters

    + +
    +

    Parameter getters

    + +
    +
    + +
    + +
    + + + +
    +
    +
    + + diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/LongformerEmbeddings$.html b/docs/api/com/johnsnowlabs/nlp/embeddings/LongformerEmbeddings$.html index d0b5c03fe26d21..9712902541048c 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/LongformerEmbeddings$.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/LongformerEmbeddings$.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.LongformerEmbeddings - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.LongformerEmbeddings + + @@ -28,7 +28,7 @@

  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/LongformerEmbeddings.html b/docs/api/com/johnsnowlabs/nlp/embeddings/LongformerEmbeddings.html index a93418fa86e6ce..2077afdc147003 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/LongformerEmbeddings.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/LongformerEmbeddings.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.LongformerEmbeddings - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.LongformerEmbeddings + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • @@ -2638,9 +2662,9 @@

    Value Members

  • - + - + @@ -2649,7 +2673,7 @@

    Value Members

    def - setModelIfNotSet(spark: SparkSession, tensorflowWrapper: TensorflowWrapper): LongformerEmbeddings + setModelIfNotSet(spark: SparkSession, tensorflowWrapper: Option[TensorflowWrapper], onnxWrapper: Option[OnnxWrapper]): LongformerEmbeddings

    diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/PoolingStrategy$$AnnotatorType$.html b/docs/api/com/johnsnowlabs/nlp/embeddings/PoolingStrategy$$AnnotatorType$.html index 954653c6859c1c..8a8e83c51b580d 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/PoolingStrategy$$AnnotatorType$.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/PoolingStrategy$$AnnotatorType$.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.PoolingStrategy.AnnotatorType - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.PoolingStrategy.AnnotatorType + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadAlbertDLModel.html b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadAlbertDLModel.html index e7236b0d3a3d73..98f0422ed7ca48 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadAlbertDLModel.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadAlbertDLModel.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadAlbertDLModel - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadAlbertDLModel + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadBertDLModel.html b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadBertDLModel.html index bc574f41a882e4..234d6cd75bfa68 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadBertDLModel.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadBertDLModel.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadBertDLModel - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadBertDLModel + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • @@ -400,7 +424,7 @@

    trait - ReadBertDLModel extends ReadTensorflowModel + ReadBertDLModel extends ReadTensorflowModel with ReadOnnxModel

    @@ -409,7 +433,7 @@

    Linear Supertypes -
    ReadTensorflowModel, AnyRef, Any
    +
    Known Subclasses @@ -440,7 +464,7 @@

    Inherited
      -
    1. ReadBertDLModel
    2. ReadTensorflowModel
    3. AnyRef
    4. Any
    5. +
    6. ReadBertDLModel
    7. ReadOnnxModel
    8. ReadTensorflowModel
    9. AnyRef
    10. Any

    @@ -733,6 +757,22 @@

    Value Members

    @native()
    +

  • + + + + + + + + + val + + + onnxFile: String + + +
    Definition Classes
    ReadBertDLModelReadOnnxModel
  • @@ -749,6 +789,22 @@

    Value Members

    +
  • + + + + + + + + + def + + + readOnnxModel(path: String, spark: SparkSession, suffix: String, zipped: Boolean = true, useBundle: Boolean = false, sessionOptions: Option[SessionOptions] = None): OnnxWrapper + + +
    Definition Classes
    ReadOnnxModel
  • @@ -939,7 +995,9 @@

    Value Members

    -
    +
    +

    Inherited from ReadOnnxModel

    +

    Inherited from ReadTensorflowModel

    Inherited from AnyRef

    diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadBertSentenceDLModel.html b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadBertSentenceDLModel.html index 9d05c1c2ab2b77..e95997cee9e0f1 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadBertSentenceDLModel.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadBertSentenceDLModel.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadBertSentenceDLModel - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadBertSentenceDLModel + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • @@ -400,7 +424,7 @@

    trait - ReadBertSentenceDLModel extends ReadTensorflowModel + ReadBertSentenceDLModel extends ReadTensorflowModel with ReadOnnxModel

    @@ -409,7 +433,7 @@

    Linear Supertypes -
    ReadTensorflowModel, AnyRef, Any
    +
    Known Subclasses @@ -440,7 +464,7 @@

    Inherited
      -
    1. ReadBertSentenceDLModel
    2. ReadTensorflowModel
    3. AnyRef
    4. Any
    5. +
    6. ReadBertSentenceDLModel
    7. ReadOnnxModel
    8. ReadTensorflowModel
    9. AnyRef
    10. Any

    @@ -733,6 +757,22 @@

    Value Members

    @native()
    +

  • + + + + + + + + + val + + + onnxFile: String + + +
    Definition Classes
    ReadBertSentenceDLModelReadOnnxModel
  • @@ -749,6 +789,22 @@

    Value Members

    +
  • + + + + + + + + + def + + + readOnnxModel(path: String, spark: SparkSession, suffix: String, zipped: Boolean = true, useBundle: Boolean = false, sessionOptions: Option[SessionOptions] = None): OnnxWrapper + + +
    Definition Classes
    ReadOnnxModel
  • @@ -939,7 +995,9 @@

    Value Members

    -
    +
    +

    Inherited from ReadOnnxModel

    +

    Inherited from ReadTensorflowModel

    Inherited from AnyRef

    diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadCamemBertDLModel.html b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadCamemBertDLModel.html index 29b3b092f82837..c8b05dd0e26ec0 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadCamemBertDLModel.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadCamemBertDLModel.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadCamemBertDLModel - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadCamemBertDLModel + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadDeBertaDLModel.html b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadDeBertaDLModel.html index 7f69842f2d8efb..b31417a56f58d2 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadDeBertaDLModel.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadDeBertaDLModel.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadDeBertaDLModel - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadDeBertaDLModel + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • @@ -400,7 +424,7 @@

    trait - ReadDeBertaDLModel extends ReadTensorflowModel with ReadSentencePieceModel + ReadDeBertaDLModel extends ReadTensorflowModel with ReadSentencePieceModel with ReadOnnxModel

    @@ -409,7 +433,7 @@

    Linear Supertypes - +
    Known Subclasses @@ -440,7 +464,7 @@

    Inherited
      -
    1. ReadDeBertaDLModel
    2. ReadSentencePieceModel
    3. ReadTensorflowModel
    4. AnyRef
    5. Any
    6. +
    7. ReadDeBertaDLModel
    8. ReadOnnxModel
    9. ReadSentencePieceModel
    10. ReadTensorflowModel
    11. AnyRef
    12. Any

    @@ -733,6 +757,22 @@

    Value Members

    @native()
    +

  • + + + + + + + + + val + + + onnxFile: String + + +
    Definition Classes
    ReadDeBertaDLModelReadOnnxModel
  • @@ -749,6 +789,22 @@

    Value Members

    +
  • + + + + + + + + + def + + + readOnnxModel(path: String, spark: SparkSession, suffix: String, zipped: Boolean = true, useBundle: Boolean = false, sessionOptions: Option[SessionOptions] = None): OnnxWrapper + + +
    Definition Classes
    ReadOnnxModel
  • @@ -971,7 +1027,9 @@

    Value Members

    -
    +
    +

    Inherited from ReadOnnxModel

    +

    Inherited from ReadSentencePieceModel

    Inherited from ReadTensorflowModel

    diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadDistilBertDLModel.html b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadDistilBertDLModel.html index 43c03982c2a5c0..21cfa5bb69a012 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadDistilBertDLModel.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadDistilBertDLModel.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadDistilBertDLModel - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadDistilBertDLModel + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • @@ -400,7 +424,7 @@

    trait - ReadDistilBertDLModel extends ReadTensorflowModel + ReadDistilBertDLModel extends ReadTensorflowModel with ReadOnnxModel

    @@ -409,7 +433,7 @@

    Linear Supertypes -
    ReadTensorflowModel, AnyRef, Any
    +
    Known Subclasses @@ -440,7 +464,7 @@

    Inherited
      -
    1. ReadDistilBertDLModel
    2. ReadTensorflowModel
    3. AnyRef
    4. Any
    5. +
    6. ReadDistilBertDLModel
    7. ReadOnnxModel
    8. ReadTensorflowModel
    9. AnyRef
    10. Any

    @@ -733,6 +757,22 @@

    Value Members

    @native()
    +

  • + + + + + + + + + val + + + onnxFile: String + + +
    Definition Classes
    ReadDistilBertDLModelReadOnnxModel
  • @@ -749,6 +789,22 @@

    Value Members

    +
  • + + + + + + + + + def + + + readOnnxModel(path: String, spark: SparkSession, suffix: String, zipped: Boolean = true, useBundle: Boolean = false, sessionOptions: Option[SessionOptions] = None): OnnxWrapper + + +
    Definition Classes
    ReadOnnxModel
  • @@ -939,7 +995,9 @@

    Value Members

    -
    +
    +

    Inherited from ReadOnnxModel

    +

    Inherited from ReadTensorflowModel

    Inherited from AnyRef

    diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadE5DLModel.html b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadE5DLModel.html new file mode 100644 index 00000000000000..36454c5d8f98b7 --- /dev/null +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadE5DLModel.html @@ -0,0 +1,993 @@ + + + + + + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadE5DLModel + + + + + + + + + + + + + + + + + + + + + +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +

    Packages

    + +
    +
    +
    + +
    +
    t
    +

    com.johnsnowlabs.nlp.embeddings

    +

    ReadE5DLModel + + + +

    +

    +
    + +

    + + + trait + + + ReadE5DLModel extends ReadTensorflowModel + +

    + + +
    Self Type
    ReadE5DLModel with ParamsAndFeaturesReadable[E5Embeddings]
    + + Linear Supertypes + +
    ReadTensorflowModel, AnyRef, Any
    +
    + + Known Subclasses + + +
    + + +
    +
    +
    + + + + + +
    +
    +
    + Ordering +
      + +
    1. Alphabetic
    2. +
    3. By Inheritance
    4. +
    +
    +
    + Inherited
    +
    +
      +
    1. ReadE5DLModel
    2. ReadTensorflowModel
    3. AnyRef
    4. Any
    5. +
    +
    + +
      +
    1. Hide All
    2. +
    3. Show All
    4. +
    +
    +
    + Visibility +
    1. Public
    2. All
    +
    +
    +
    + +
    +
    + + + + + + +
    +

    Value Members

    +
      +
    1. + + + + + + + + final + def + + + !=(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    2. + + + + + + + + final + def + + + ##(): Int + + +
      Definition Classes
      AnyRef → Any
      +
    3. + + + + + + + + final + def + + + ==(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    4. + + + + + + + + final + def + + + asInstanceOf[T0]: T0 + + +
      Definition Classes
      Any
      +
    5. + + + + + + + + + def + + + clone(): AnyRef + + +
      Attributes
      protected[lang]
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + + @native() + +
      +
    6. + + + + + + + + final + def + + + eq(arg0: AnyRef): Boolean + + +
      Definition Classes
      AnyRef
      +
    7. + + + + + + + + + def + + + equals(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    8. + + + + + + + + + def + + + finalize(): Unit + + +
      Attributes
      protected[lang]
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + classOf[java.lang.Throwable] + ) + +
      +
    9. + + + + + + + + final + def + + + getClass(): Class[_] + + +
      Definition Classes
      AnyRef → Any
      Annotations
      + @native() + +
      +
    10. + + + + + + + + + def + + + hashCode(): Int + + +
      Definition Classes
      AnyRef → Any
      Annotations
      + @native() + +
      +
    11. + + + + + + + + final + def + + + isInstanceOf[T0]: Boolean + + +
      Definition Classes
      Any
      +
    12. + + + + + + + + + def + + + loadSavedModel(modelPath: String, spark: SparkSession): E5Embeddings + + + +
    13. + + + + + + + + final + def + + + ne(arg0: AnyRef): Boolean + + +
      Definition Classes
      AnyRef
      +
    14. + + + + + + + + final + def + + + notify(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @native() + +
      +
    15. + + + + + + + + final + def + + + notifyAll(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @native() + +
      +
    16. + + + + + + + + + def + + + readModel(instance: E5Embeddings, path: String, spark: SparkSession): Unit + + + +
    17. + + + + + + + + + def + + + readTensorflowChkPoints(path: String, spark: SparkSession, suffix: String, zipped: Boolean = true, tags: Array[String] = Array.empty, initAllTables: Boolean = false): TensorflowWrapper + + +
      Definition Classes
      ReadTensorflowModel
      +
    18. + + + + + + + + + def + + + readTensorflowHub(path: String, spark: SparkSession, suffix: String, zipped: Boolean = true, useBundle: Boolean = false, tags: Array[String] = Array.empty): TensorflowWrapper + + +
      Definition Classes
      ReadTensorflowModel
      +
    19. + + + + + + + + + def + + + readTensorflowModel(path: String, spark: SparkSession, suffix: String, zipped: Boolean = true, useBundle: Boolean = false, tags: Array[String] = Array.empty, initAllTables: Boolean = false, savedSignatures: Option[Map[String, String]] = None): TensorflowWrapper + + +
      Definition Classes
      ReadTensorflowModel
      +
    20. + + + + + + + + + def + + + readTensorflowWithSPModel(path: String, spark: SparkSession, suffix: String, zipped: Boolean = true, useBundle: Boolean = false, tags: Array[String] = Array.empty, initAllTables: Boolean = false, loadSP: Boolean = false): TensorflowWrapper + + +
      Definition Classes
      ReadTensorflowModel
      +
    21. + + + + + + + + final + def + + + synchronized[T0](arg0: ⇒ T0): T0 + + +
      Definition Classes
      AnyRef
      +
    22. + + + + + + + + + val + + + tfFile: String + + +
      Definition Classes
      ReadE5DLModelReadTensorflowModel
      +
    23. + + + + + + + + + def + + + toString(): String + + +
      Definition Classes
      AnyRef → Any
      +
    24. + + + + + + + + final + def + + + wait(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + +
      +
    25. + + + + + + + + final + def + + + wait(arg0: Long, arg1: Int): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + +
      +
    26. + + + + + + + + final + def + + + wait(arg0: Long): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + + @native() + +
      +
    27. +
    +
    + + + + +
    + +
    +
    +

    Inherited from ReadTensorflowModel

    +
    +

    Inherited from AnyRef

    +
    +

    Inherited from Any

    +
    + +
    + +
    +
    +

    Ungrouped

    + +
    +
    + +
    + +
    + + + +
    +
    +
    + + diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadElmoDLModel.html b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadElmoDLModel.html index 7a025e84eae004..53c10e8c47f262 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadElmoDLModel.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadElmoDLModel.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadElmoDLModel - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadElmoDLModel + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadInstructorDLModel.html b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadInstructorDLModel.html new file mode 100644 index 00000000000000..e951dc505b7c6f --- /dev/null +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadInstructorDLModel.html @@ -0,0 +1,1027 @@ + + + + + + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadInstructorDLModel + + + + + + + + + + + + + + + + + + + + + +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +

    Packages

    + +
    +
    +
    + +
    +
    t
    +

    com.johnsnowlabs.nlp.embeddings

    +

    ReadInstructorDLModel + + + +

    +

    +
    + +

    + + + trait + + + ReadInstructorDLModel extends ReadTensorflowModel with ReadSentencePieceModel + +

    + + +
    Self Type
    ReadInstructorDLModel with ParamsAndFeaturesReadable[InstructorEmbeddings]
    + + Linear Supertypes + + +
    + + Known Subclasses + + +
    + + +
    +
    +
    + + + + + +
    +
    +
    + Ordering +
      + +
    1. Alphabetic
    2. +
    3. By Inheritance
    4. +
    +
    +
    + Inherited
    +
    +
      +
    1. ReadInstructorDLModel
    2. ReadSentencePieceModel
    3. ReadTensorflowModel
    4. AnyRef
    5. Any
    6. +
    +
    + +
      +
    1. Hide All
    2. +
    3. Show All
    4. +
    +
    +
    + Visibility +
    1. Public
    2. All
    +
    +
    +
    + +
    +
    + + + + + + +
    +

    Value Members

    +
      +
    1. + + + + + + + + final + def + + + !=(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    2. + + + + + + + + final + def + + + ##(): Int + + +
      Definition Classes
      AnyRef → Any
      +
    3. + + + + + + + + final + def + + + ==(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    4. + + + + + + + + final + def + + + asInstanceOf[T0]: T0 + + +
      Definition Classes
      Any
      +
    5. + + + + + + + + + def + + + clone(): AnyRef + + +
      Attributes
      protected[lang]
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + + @native() + +
      +
    6. + + + + + + + + final + def + + + eq(arg0: AnyRef): Boolean + + +
      Definition Classes
      AnyRef
      +
    7. + + + + + + + + + def + + + equals(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    8. + + + + + + + + + def + + + finalize(): Unit + + +
      Attributes
      protected[lang]
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + classOf[java.lang.Throwable] + ) + +
      +
    9. + + + + + + + + final + def + + + getClass(): Class[_] + + +
      Definition Classes
      AnyRef → Any
      Annotations
      + @native() + +
      +
    10. + + + + + + + + + def + + + hashCode(): Int + + +
      Definition Classes
      AnyRef → Any
      Annotations
      + @native() + +
      +
    11. + + + + + + + + final + def + + + isInstanceOf[T0]: Boolean + + +
      Definition Classes
      Any
      +
    12. + + + + + + + + + def + + + loadSavedModel(modelPath: String, spark: SparkSession): InstructorEmbeddings + + + +
    13. + + + + + + + + final + def + + + ne(arg0: AnyRef): Boolean + + +
      Definition Classes
      AnyRef
      +
    14. + + + + + + + + final + def + + + notify(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @native() + +
      +
    15. + + + + + + + + final + def + + + notifyAll(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @native() + +
      +
    16. + + + + + + + + + def + + + readModel(instance: InstructorEmbeddings, path: String, spark: SparkSession): Unit + + + +
    17. + + + + + + + + + def + + + readSentencePieceModel(path: String, spark: SparkSession, suffix: String, filename: String): SentencePieceWrapper + + +
      Definition Classes
      ReadSentencePieceModel
      +
    18. + + + + + + + + + def + + + readTensorflowChkPoints(path: String, spark: SparkSession, suffix: String, zipped: Boolean = true, tags: Array[String] = Array.empty, initAllTables: Boolean = false): TensorflowWrapper + + +
      Definition Classes
      ReadTensorflowModel
      +
    19. + + + + + + + + + def + + + readTensorflowHub(path: String, spark: SparkSession, suffix: String, zipped: Boolean = true, useBundle: Boolean = false, tags: Array[String] = Array.empty): TensorflowWrapper + + +
      Definition Classes
      ReadTensorflowModel
      +
    20. + + + + + + + + + def + + + readTensorflowModel(path: String, spark: SparkSession, suffix: String, zipped: Boolean = true, useBundle: Boolean = false, tags: Array[String] = Array.empty, initAllTables: Boolean = false, savedSignatures: Option[Map[String, String]] = None): TensorflowWrapper + + +
      Definition Classes
      ReadTensorflowModel
      +
    21. + + + + + + + + + def + + + readTensorflowWithSPModel(path: String, spark: SparkSession, suffix: String, zipped: Boolean = true, useBundle: Boolean = false, tags: Array[String] = Array.empty, initAllTables: Boolean = false, loadSP: Boolean = false): TensorflowWrapper + + +
      Definition Classes
      ReadTensorflowModel
      +
    22. + + + + + + + + + val + + + sppFile: String + + + +
    23. + + + + + + + + final + def + + + synchronized[T0](arg0: ⇒ T0): T0 + + +
      Definition Classes
      AnyRef
      +
    24. + + + + + + + + + val + + + tfFile: String + + + +
    25. + + + + + + + + + def + + + toString(): String + + +
      Definition Classes
      AnyRef → Any
      +
    26. + + + + + + + + final + def + + + wait(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + +
      +
    27. + + + + + + + + final + def + + + wait(arg0: Long, arg1: Int): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + +
      +
    28. + + + + + + + + final + def + + + wait(arg0: Long): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + + @native() + +
      +
    29. +
    +
    + + + + +
    + +
    +
    +

    Inherited from ReadSentencePieceModel

    +
    +

    Inherited from ReadTensorflowModel

    +
    +

    Inherited from AnyRef

    +
    +

    Inherited from Any

    +
    + +
    + +
    +
    +

    Ungrouped

    + +
    +
    + +
    + +
    + + + +
    +
    +
    + + diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadLongformerDLModel.html b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadLongformerDLModel.html index b045bc66cd9592..9b8ead79df452a 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadLongformerDLModel.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadLongformerDLModel.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadLongformerDLModel - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadLongformerDLModel + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadRobertaDLModel.html b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadRobertaDLModel.html index 81711c8ae35405..5b81916ad7c6ed 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadRobertaDLModel.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadRobertaDLModel.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadRobertaDLModel - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadRobertaDLModel + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • @@ -400,7 +424,7 @@

    trait - ReadRobertaDLModel extends ReadTensorflowModel + ReadRobertaDLModel extends ReadTensorflowModel with ReadOnnxModel

    @@ -409,7 +433,7 @@

    Linear Supertypes -
    ReadTensorflowModel, AnyRef, Any
    +
    Known Subclasses @@ -440,7 +464,7 @@

    Inherited
      -
    1. ReadRobertaDLModel
    2. ReadTensorflowModel
    3. AnyRef
    4. Any
    5. +
    6. ReadRobertaDLModel
    7. ReadOnnxModel
    8. ReadTensorflowModel
    9. AnyRef
    10. Any

    @@ -733,6 +757,22 @@

    Value Members

    @native()
    +

  • + + + + + + + + + val + + + onnxFile: String + + +
    Definition Classes
    ReadRobertaDLModelReadOnnxModel
  • @@ -749,6 +789,22 @@

    Value Members

    +
  • + + + + + + + + + def + + + readOnnxModel(path: String, spark: SparkSession, suffix: String, zipped: Boolean = true, useBundle: Boolean = false, sessionOptions: Option[SessionOptions] = None): OnnxWrapper + + +
    Definition Classes
    ReadOnnxModel
  • @@ -939,7 +995,9 @@

    Value Members

    -
    +
    +

    Inherited from ReadOnnxModel

    +

    Inherited from ReadTensorflowModel

    Inherited from AnyRef

    diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadRobertaSentenceDLModel.html b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadRobertaSentenceDLModel.html index 2fe4acddcbae62..717471682e2500 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadRobertaSentenceDLModel.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadRobertaSentenceDLModel.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadRobertaSentenceDLModel - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadRobertaSentenceDLModel + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadUSEDLModel.html b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadUSEDLModel.html index acb472746b7802..60ccc5912a0a44 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadUSEDLModel.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadUSEDLModel.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadUSEDLModel - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadUSEDLModel + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadXlmRobertaDLModel.html b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadXlmRobertaDLModel.html index 001f44c419cd60..d15bf90bdccf72 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadXlmRobertaDLModel.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadXlmRobertaDLModel.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadXlmRobertaDLModel - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadXlmRobertaDLModel + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadXlmRobertaSentenceDLModel.html b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadXlmRobertaSentenceDLModel.html index b1fb9e4004d0c5..42c1f5386ba1c6 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadXlmRobertaSentenceDLModel.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadXlmRobertaSentenceDLModel.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadXlmRobertaSentenceDLModel - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadXlmRobertaSentenceDLModel + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadXlnetDLModel.html b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadXlnetDLModel.html index 5988ab9e9eec9a..cf26bd27620c15 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadXlnetDLModel.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadXlnetDLModel.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadXlnetDLModel - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadXlnetDLModel + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedAlbertModel.html b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedAlbertModel.html index aec7c348b335bb..5b54da3eb49aff 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedAlbertModel.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedAlbertModel.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadablePretrainedAlbertModel - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadablePretrainedAlbertModel + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedBertModel.html b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedBertModel.html index 01f781f40a15bc..c4bb43955d06d2 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedBertModel.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedBertModel.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadablePretrainedBertModel - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadablePretrainedBertModel + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedBertSentenceModel.html b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedBertSentenceModel.html index 553201f9571905..e7947dd78057e4 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedBertSentenceModel.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedBertSentenceModel.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadablePretrainedBertSentenceModel - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadablePretrainedBertSentenceModel + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedCamemBertModel.html b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedCamemBertModel.html index 1c0343c5a542de..844b789176b802 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedCamemBertModel.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedCamemBertModel.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadablePretrainedCamemBertModel - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadablePretrainedCamemBertModel + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedDeBertaModel.html b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedDeBertaModel.html index 119e572c602697..69c8ee14776b63 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedDeBertaModel.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedDeBertaModel.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadablePretrainedDeBertaModel - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadablePretrainedDeBertaModel + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedDistilBertModel.html b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedDistilBertModel.html index 9b06a12a10b2ab..9680ee78432d52 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedDistilBertModel.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedDistilBertModel.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadablePretrainedDistilBertModel - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadablePretrainedDistilBertModel + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedDoc2Vec.html b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedDoc2Vec.html index c450ec65bdf183..feacab8c4b0578 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedDoc2Vec.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedDoc2Vec.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadablePretrainedDoc2Vec - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadablePretrainedDoc2Vec + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedE5Model.html b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedE5Model.html new file mode 100644 index 00000000000000..3911a04340b328 --- /dev/null +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedE5Model.html @@ -0,0 +1,1053 @@ + + + + + + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadablePretrainedE5Model + + + + + + + + + + + + + + + + + + + + + +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +

    Packages

    + +
    +
    +
    + +
    +
    t
    +

    com.johnsnowlabs.nlp.embeddings

    +

    ReadablePretrainedE5Model + + + +

    +

    +
    + +

    + + + trait + + + ReadablePretrainedE5Model extends ParamsAndFeaturesReadable[E5Embeddings] with HasPretrained[E5Embeddings] + +

    + + +
    + + Linear Supertypes + +
    HasPretrained[E5Embeddings], ParamsAndFeaturesReadable[E5Embeddings], DefaultParamsReadable[E5Embeddings], MLReadable[E5Embeddings], AnyRef, Any
    +
    + + Known Subclasses + + +
    + + +
    +
    +
    + + + + + +
    +
    +
    + Ordering +
      + +
    1. Alphabetic
    2. +
    3. By Inheritance
    4. +
    +
    +
    + Inherited
    +
    +
      +
    1. ReadablePretrainedE5Model
    2. HasPretrained
    3. ParamsAndFeaturesReadable
    4. DefaultParamsReadable
    5. MLReadable
    6. AnyRef
    7. Any
    8. +
    +
    + +
      +
    1. Hide All
    2. +
    3. Show All
    4. +
    +
    +
    + Visibility +
    1. Public
    2. All
    +
    +
    +
    + +
    +
    + + + + + + +
    +

    Value Members

    +
      +
    1. + + + + + + + + final + def + + + !=(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    2. + + + + + + + + final + def + + + ##(): Int + + +
      Definition Classes
      AnyRef → Any
      +
    3. + + + + + + + + final + def + + + ==(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    4. + + + + + + + + + def + + + addReader(reader: (E5Embeddings, String, SparkSession) ⇒ Unit): Unit + + +
      Definition Classes
      ParamsAndFeaturesReadable
      +
    5. + + + + + + + + final + def + + + asInstanceOf[T0]: T0 + + +
      Definition Classes
      Any
      +
    6. + + + + + + + + + def + + + clone(): AnyRef + + +
      Attributes
      protected[lang]
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + + @native() + +
      +
    7. + + + + + + + + + val + + + defaultLang: String + + +
      Definition Classes
      HasPretrained
      +
    8. + + + + + + + + + lazy val + + + defaultLoc: String + + +
      Definition Classes
      HasPretrained
      +
    9. + + + + + + + + + val + + + defaultModelName: Some[String] + + + +
    10. + + + + + + + + final + def + + + eq(arg0: AnyRef): Boolean + + +
      Definition Classes
      AnyRef
      +
    11. + + + + + + + + + def + + + equals(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    12. + + + + + + + + + def + + + finalize(): Unit + + +
      Attributes
      protected[lang]
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + classOf[java.lang.Throwable] + ) + +
      +
    13. + + + + + + + + final + def + + + getClass(): Class[_] + + +
      Definition Classes
      AnyRef → Any
      Annotations
      + @native() + +
      +
    14. + + + + + + + + + def + + + hashCode(): Int + + +
      Definition Classes
      AnyRef → Any
      Annotations
      + @native() + +
      +
    15. + + + + + + + + final + def + + + isInstanceOf[T0]: Boolean + + +
      Definition Classes
      Any
      +
    16. + + + + + + + + + def + + + load(path: String): E5Embeddings + + +
      Definition Classes
      MLReadable
      Annotations
      + @Since( + + "1.6.0" + ) + +
      +
    17. + + + + + + + + final + def + + + ne(arg0: AnyRef): Boolean + + +
      Definition Classes
      AnyRef
      +
    18. + + + + + + + + final + def + + + notify(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @native() + +
      +
    19. + + + + + + + + final + def + + + notifyAll(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @native() + +
      +
    20. + + + + + + + + + def + + + pretrained(name: String, lang: String, remoteLoc: String): E5Embeddings + + +

      Java default argument interoperability

      Java default argument interoperability

      Definition Classes
      ReadablePretrainedE5ModelHasPretrained
      +
    21. + + + + + + + + + def + + + pretrained(name: String, lang: String): E5Embeddings + + + +
    22. + + + + + + + + + def + + + pretrained(name: String): E5Embeddings + + + +
    23. + + + + + + + + + def + + + pretrained(): E5Embeddings + + +

      Java compliant-overrides

      Java compliant-overrides

      Definition Classes
      ReadablePretrainedE5ModelHasPretrained
      +
    24. + + + + + + + + + def + + + read: MLReader[E5Embeddings] + + +
      Definition Classes
      ParamsAndFeaturesReadable → DefaultParamsReadable → MLReadable
      +
    25. + + + + + + + + final + def + + + synchronized[T0](arg0: ⇒ T0): T0 + + +
      Definition Classes
      AnyRef
      +
    26. + + + + + + + + + def + + + toString(): String + + +
      Definition Classes
      AnyRef → Any
      +
    27. + + + + + + + + final + def + + + wait(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + +
      +
    28. + + + + + + + + final + def + + + wait(arg0: Long, arg1: Int): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + +
      +
    29. + + + + + + + + final + def + + + wait(arg0: Long): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + + @native() + +
      +
    30. +
    +
    + + + + +
    + +
    +
    +

    Inherited from HasPretrained[E5Embeddings]

    +
    +

    Inherited from DefaultParamsReadable[E5Embeddings]

    +
    +

    Inherited from MLReadable[E5Embeddings]

    +
    +

    Inherited from AnyRef

    +
    +

    Inherited from Any

    +
    + +
    + +
    +
    +

    Ungrouped

    + +
    +
    + +
    + +
    + + + +
    +
    +
    + + diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedElmoModel.html b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedElmoModel.html index 876332ff1add79..0d13eeac14bf76 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedElmoModel.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedElmoModel.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadablePretrainedElmoModel - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadablePretrainedElmoModel + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedInstructorModel.html b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedInstructorModel.html new file mode 100644 index 00000000000000..2d290dfbbaf248 --- /dev/null +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedInstructorModel.html @@ -0,0 +1,1053 @@ + + + + + + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadablePretrainedInstructorModel + + + + + + + + + + + + + + + + + + + + + +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +

    Packages

    + +
    +
    +
    + +
    +
    t
    +

    com.johnsnowlabs.nlp.embeddings

    +

    ReadablePretrainedInstructorModel + + + +

    +

    +
    + +

    + + + trait + + + ReadablePretrainedInstructorModel extends ParamsAndFeaturesReadable[InstructorEmbeddings] with HasPretrained[InstructorEmbeddings] + +

    + + +
    + + Linear Supertypes + + +
    + + Known Subclasses + + +
    + + +
    +
    +
    + + + + + +
    +
    +
    + Ordering +
      + +
    1. Alphabetic
    2. +
    3. By Inheritance
    4. +
    +
    +
    + Inherited
    +
    +
      +
    1. ReadablePretrainedInstructorModel
    2. HasPretrained
    3. ParamsAndFeaturesReadable
    4. DefaultParamsReadable
    5. MLReadable
    6. AnyRef
    7. Any
    8. +
    +
    + +
      +
    1. Hide All
    2. +
    3. Show All
    4. +
    +
    +
    + Visibility +
    1. Public
    2. All
    +
    +
    +
    + +
    +
    + + + + + + +
    +

    Value Members

    +
      +
    1. + + + + + + + + final + def + + + !=(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    2. + + + + + + + + final + def + + + ##(): Int + + +
      Definition Classes
      AnyRef → Any
      +
    3. + + + + + + + + final + def + + + ==(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    4. + + + + + + + + + def + + + addReader(reader: (InstructorEmbeddings, String, SparkSession) ⇒ Unit): Unit + + +
      Definition Classes
      ParamsAndFeaturesReadable
      +
    5. + + + + + + + + final + def + + + asInstanceOf[T0]: T0 + + +
      Definition Classes
      Any
      +
    6. + + + + + + + + + def + + + clone(): AnyRef + + +
      Attributes
      protected[lang]
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + + @native() + +
      +
    7. + + + + + + + + + val + + + defaultLang: String + + +
      Definition Classes
      HasPretrained
      +
    8. + + + + + + + + + lazy val + + + defaultLoc: String + + +
      Definition Classes
      HasPretrained
      +
    9. + + + + + + + + + val + + + defaultModelName: Some[String] + + + +
    10. + + + + + + + + final + def + + + eq(arg0: AnyRef): Boolean + + +
      Definition Classes
      AnyRef
      +
    11. + + + + + + + + + def + + + equals(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    12. + + + + + + + + + def + + + finalize(): Unit + + +
      Attributes
      protected[lang]
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + classOf[java.lang.Throwable] + ) + +
      +
    13. + + + + + + + + final + def + + + getClass(): Class[_] + + +
      Definition Classes
      AnyRef → Any
      Annotations
      + @native() + +
      +
    14. + + + + + + + + + def + + + hashCode(): Int + + +
      Definition Classes
      AnyRef → Any
      Annotations
      + @native() + +
      +
    15. + + + + + + + + final + def + + + isInstanceOf[T0]: Boolean + + +
      Definition Classes
      Any
      +
    16. + + + + + + + + + def + + + load(path: String): InstructorEmbeddings + + +
      Definition Classes
      MLReadable
      Annotations
      + @Since( + + "1.6.0" + ) + +
      +
    17. + + + + + + + + final + def + + + ne(arg0: AnyRef): Boolean + + +
      Definition Classes
      AnyRef
      +
    18. + + + + + + + + final + def + + + notify(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @native() + +
      +
    19. + + + + + + + + final + def + + + notifyAll(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @native() + +
      +
    20. + + + + + + + + + def + + + pretrained(name: String, lang: String, remoteLoc: String): InstructorEmbeddings + + +

      Java default argument interoperability

      Java default argument interoperability

      Definition Classes
      ReadablePretrainedInstructorModelHasPretrained
      +
    21. + + + + + + + + + def + + + pretrained(name: String, lang: String): InstructorEmbeddings + + + +
    22. + + + + + + + + + def + + + pretrained(name: String): InstructorEmbeddings + + + +
    23. + + + + + + + + + def + + + pretrained(): InstructorEmbeddings + + +

      Java compliant-overrides

      Java compliant-overrides

      Definition Classes
      ReadablePretrainedInstructorModelHasPretrained
      +
    24. + + + + + + + + + def + + + read: MLReader[InstructorEmbeddings] + + +
      Definition Classes
      ParamsAndFeaturesReadable → DefaultParamsReadable → MLReadable
      +
    25. + + + + + + + + final + def + + + synchronized[T0](arg0: ⇒ T0): T0 + + +
      Definition Classes
      AnyRef
      +
    26. + + + + + + + + + def + + + toString(): String + + +
      Definition Classes
      AnyRef → Any
      +
    27. + + + + + + + + final + def + + + wait(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + +
      +
    28. + + + + + + + + final + def + + + wait(arg0: Long, arg1: Int): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + +
      +
    29. + + + + + + + + final + def + + + wait(arg0: Long): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + + @native() + +
      +
    30. +
    +
    + + + + +
    + +
    +
    +

    Inherited from HasPretrained[InstructorEmbeddings]

    +
    +

    Inherited from DefaultParamsReadable[InstructorEmbeddings]

    +
    +

    Inherited from MLReadable[InstructorEmbeddings]

    +
    +

    Inherited from AnyRef

    +
    +

    Inherited from Any

    +
    + +
    + +
    +
    +

    Ungrouped

    + +
    +
    + +
    + +
    + + + +
    +
    +
    + + diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedLongformerModel.html b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedLongformerModel.html index a8c76b3e57d5ff..55db776a9802dd 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedLongformerModel.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedLongformerModel.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadablePretrainedLongformerModel - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadablePretrainedLongformerModel + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedRobertaModel.html b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedRobertaModel.html index ef348f45957ed7..37b3403a12e7ae 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedRobertaModel.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedRobertaModel.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadablePretrainedRobertaModel - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadablePretrainedRobertaModel + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedRobertaSentenceModel.html b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedRobertaSentenceModel.html index e3769b0fca9cd5..df56ebd384846d 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedRobertaSentenceModel.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedRobertaSentenceModel.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadablePretrainedRobertaSentenceModel - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadablePretrainedRobertaSentenceModel + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedUSEModel.html b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedUSEModel.html index 212e10c887199c..56375ce8bd3fd2 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedUSEModel.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedUSEModel.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadablePretrainedUSEModel - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadablePretrainedUSEModel + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedWord2Vec.html b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedWord2Vec.html index 92c2188711b4ed..6ce35ee1814007 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedWord2Vec.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedWord2Vec.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadablePretrainedWord2Vec - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadablePretrainedWord2Vec + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedWordEmbeddings.html b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedWordEmbeddings.html index ed73adeb9cf690..28be250f762df3 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedWordEmbeddings.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedWordEmbeddings.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadablePretrainedWordEmbeddings - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadablePretrainedWordEmbeddings + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedXlmRobertaModel.html b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedXlmRobertaModel.html index 89da57748fece4..b904fa6ff29acd 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedXlmRobertaModel.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedXlmRobertaModel.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadablePretrainedXlmRobertaModel - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadablePretrainedXlmRobertaModel + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedXlmRobertaSentenceModel.html b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedXlmRobertaSentenceModel.html index 75f27d27a5da50..a6d308a81562e7 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedXlmRobertaSentenceModel.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedXlmRobertaSentenceModel.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadablePretrainedXlmRobertaSentenceModel - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadablePretrainedXlmRobertaSentenceModel + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedXlnetModel.html b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedXlnetModel.html index 9beb3242cb5228..06f9510319188d 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedXlnetModel.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadablePretrainedXlnetModel.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadablePretrainedXlnetModel - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadablePretrainedXlnetModel + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadsFromBytes.html b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadsFromBytes.html index e968b589b70fe8..b20329a419e87f 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/ReadsFromBytes.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/ReadsFromBytes.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadsFromBytes - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.ReadsFromBytes + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/RoBertaEmbeddings$.html b/docs/api/com/johnsnowlabs/nlp/embeddings/RoBertaEmbeddings$.html index 72a625414e3134..6f85c60311a55e 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/RoBertaEmbeddings$.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/RoBertaEmbeddings$.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.RoBertaEmbeddings - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.RoBertaEmbeddings + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • @@ -413,7 +437,7 @@

    Linear Supertypes - + @@ -439,7 +463,7 @@

    Inherited
      -
    1. RoBertaEmbeddings
    2. Serializable
    3. Serializable
    4. ReadRobertaDLModel
    5. ReadTensorflowModel
    6. ReadablePretrainedRobertaModel
    7. HasPretrained
    8. ParamsAndFeaturesReadable
    9. DefaultParamsReadable
    10. MLReadable
    11. AnyRef
    12. Any
    13. +
    14. RoBertaEmbeddings
    15. Serializable
    16. Serializable
    17. ReadRobertaDLModel
    18. ReadOnnxModel
    19. ReadTensorflowModel
    20. ReadablePretrainedRobertaModel
    21. HasPretrained
    22. ParamsAndFeaturesReadable
    23. DefaultParamsReadable
    24. MLReadable
    25. AnyRef
    26. Any
    @@ -818,6 +842,22 @@

    Value Members

    @native()
    +

  • + + + + + + + + + val + + + onnxFile: String + + +
    Definition Classes
    ReadRobertaDLModelReadOnnxModel
  • @@ -914,6 +954,22 @@

    Value Members

    Definition Classes
    ReadRobertaDLModel
    +
  • + + + + + + + + + def + + + readOnnxModel(path: String, spark: SparkSession, suffix: String, zipped: Boolean = true, useBundle: Boolean = false, sessionOptions: Option[SessionOptions] = None): OnnxWrapper + + +
    Definition Classes
    ReadOnnxModel
  • @@ -1110,6 +1166,8 @@

    Inherited from SerializableInherited from Serializable

    Inherited from ReadRobertaDLModel

    +
    +

    Inherited from ReadOnnxModel

    Inherited from ReadTensorflowModel

    diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/RoBertaEmbeddings.html b/docs/api/com/johnsnowlabs/nlp/embeddings/RoBertaEmbeddings.html index 9bacd7056ef9a2..06121192eda274 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/RoBertaEmbeddings.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/RoBertaEmbeddings.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.RoBertaEmbeddings - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.RoBertaEmbeddings + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • @@ -402,7 +426,7 @@

    class - RoBertaEmbeddings extends AnnotatorModel[RoBertaEmbeddings] with HasBatchedAnnotate[RoBertaEmbeddings] with WriteTensorflowModel with HasEmbeddingsProperties with HasStorageRef with HasCaseSensitiveProperties with HasEngine + RoBertaEmbeddings extends AnnotatorModel[RoBertaEmbeddings] with HasBatchedAnnotate[RoBertaEmbeddings] with WriteTensorflowModel with WriteOnnxModel with HasEmbeddingsProperties with HasStorageRef with HasCaseSensitiveProperties with HasEngine

    @@ -488,7 +512,7 @@

    Linear Supertypes - + @@ -514,7 +538,7 @@

    Inherited
      -
    1. RoBertaEmbeddings
    2. HasEngine
    3. HasCaseSensitiveProperties
    4. HasStorageRef
    5. HasEmbeddingsProperties
    6. HasProtectedParams
    7. WriteTensorflowModel
    8. HasBatchedAnnotate
    9. AnnotatorModel
    10. CanBeLazy
    11. RawAnnotator
    12. HasOutputAnnotationCol
    13. HasInputAnnotationCols
    14. HasOutputAnnotatorType
    15. ParamsAndFeaturesWritable
    16. HasFeatures
    17. DefaultParamsWritable
    18. MLWritable
    19. Model
    20. Transformer
    21. PipelineStage
    22. Logging
    23. Params
    24. Serializable
    25. Serializable
    26. Identifiable
    27. AnyRef
    28. Any
    29. +
    30. RoBertaEmbeddings
    31. HasEngine
    32. HasCaseSensitiveProperties
    33. HasStorageRef
    34. HasEmbeddingsProperties
    35. HasProtectedParams
    36. WriteOnnxModel
    37. WriteTensorflowModel
    38. HasBatchedAnnotate
    39. AnnotatorModel
    40. CanBeLazy
    41. RawAnnotator
    42. HasOutputAnnotationCol
    43. HasInputAnnotationCols
    44. HasOutputAnnotatorType
    45. ParamsAndFeaturesWritable
    46. HasFeatures
    47. DefaultParamsWritable
    48. MLWritable
    49. Model
    50. Transformer
    51. PipelineStage
    52. Logging
    53. Params
    54. Serializable
    55. Serializable
    56. Identifiable
    57. AnyRef
    58. Any
    @@ -2644,9 +2668,9 @@

    Value Members

  • - + - + @@ -2655,7 +2679,7 @@

    Value Members

    def - setModelIfNotSet(spark: SparkSession, tensorflowWrapper: TensorflowWrapper): RoBertaEmbeddings + setModelIfNotSet(spark: SparkSession, tensorflowWrapper: Option[TensorflowWrapper], onnxWrapper: Option[OnnxWrapper]): RoBertaEmbeddings

    @@ -3128,6 +3152,22 @@

    Value Members

    Definition Classes
    ParamsAndFeaturesWritable → DefaultParamsWritable → MLWritable
    +
  • + + + + + + + + + def + + + writeOnnxModel(path: String, spark: SparkSession, onnxWrapper: OnnxWrapper, suffix: String, fileName: String): Unit + + +
    Definition Classes
    WriteOnnxModel
  • @@ -3196,6 +3236,8 @@

    Inherited from Inherited from HasEmbeddingsProperties

    Inherited from HasProtectedParams

    +
    +

    Inherited from WriteOnnxModel

    Inherited from WriteTensorflowModel

    diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/RoBertaSentenceEmbeddings$.html b/docs/api/com/johnsnowlabs/nlp/embeddings/RoBertaSentenceEmbeddings$.html index e864b3a19032fc..9e5eee75969a70 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/RoBertaSentenceEmbeddings$.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/RoBertaSentenceEmbeddings$.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.RoBertaSentenceEmbeddings - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.RoBertaSentenceEmbeddings + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/RoBertaSentenceEmbeddings.html b/docs/api/com/johnsnowlabs/nlp/embeddings/RoBertaSentenceEmbeddings.html index 739b897cc318d4..55eb73e71fd389 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/RoBertaSentenceEmbeddings.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/RoBertaSentenceEmbeddings.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.RoBertaSentenceEmbeddings - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.RoBertaSentenceEmbeddings + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • @@ -2642,9 +2666,9 @@

    Value Members

  • - + - + @@ -2653,7 +2677,7 @@

    Value Members

    def - setModelIfNotSet(spark: SparkSession, tensorflowWrapper: TensorflowWrapper): RoBertaSentenceEmbeddings + setModelIfNotSet(spark: SparkSession, tensorflowWrapper: Option[TensorflowWrapper], onnxWrapper: Option[OnnxWrapper]): RoBertaSentenceEmbeddings

    diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/SentenceEmbeddings$.html b/docs/api/com/johnsnowlabs/nlp/embeddings/SentenceEmbeddings$.html index 1d7dcf251ecfa1..7cd4f3da2bcc5e 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/SentenceEmbeddings$.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/SentenceEmbeddings$.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.SentenceEmbeddings - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.SentenceEmbeddings + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/SentenceEmbeddings.html b/docs/api/com/johnsnowlabs/nlp/embeddings/SentenceEmbeddings.html index 2992b4339b42cc..f8140137a4823f 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/SentenceEmbeddings.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/SentenceEmbeddings.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.SentenceEmbeddings - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.SentenceEmbeddings + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/UniversalSentenceEncoder$.html b/docs/api/com/johnsnowlabs/nlp/embeddings/UniversalSentenceEncoder$.html index f824860dde9e2b..dce58dddb194d0 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/UniversalSentenceEncoder$.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/UniversalSentenceEncoder$.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.UniversalSentenceEncoder - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.UniversalSentenceEncoder + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/UniversalSentenceEncoder.html b/docs/api/com/johnsnowlabs/nlp/embeddings/UniversalSentenceEncoder.html index ff754894cbcb40..174bd0768e9b6b 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/UniversalSentenceEncoder.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/UniversalSentenceEncoder.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.UniversalSentenceEncoder - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.UniversalSentenceEncoder + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/Word2VecApproach$.html b/docs/api/com/johnsnowlabs/nlp/embeddings/Word2VecApproach$.html index 2c23aba657c56f..8a57331ce40bec 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/Word2VecApproach$.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/Word2VecApproach$.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.Word2VecApproach - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.Word2VecApproach + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/Word2VecApproach.html b/docs/api/com/johnsnowlabs/nlp/embeddings/Word2VecApproach.html index c7d1554a777074..0e8531e45c85e8 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/Word2VecApproach.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/Word2VecApproach.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.Word2VecApproach - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.Word2VecApproach + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/Word2VecModel$.html b/docs/api/com/johnsnowlabs/nlp/embeddings/Word2VecModel$.html index e5286354da57ad..15e0a044be1beb 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/Word2VecModel$.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/Word2VecModel$.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.Word2VecModel - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.Word2VecModel + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/Word2VecModel.html b/docs/api/com/johnsnowlabs/nlp/embeddings/Word2VecModel.html index 789b0febff4afa..2086c3995ad80f 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/Word2VecModel.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/Word2VecModel.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.Word2VecModel - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.Word2VecModel + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/WordEmbeddings$.html b/docs/api/com/johnsnowlabs/nlp/embeddings/WordEmbeddings$.html index 56de42e45b105e..aca1a5f16467b1 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/WordEmbeddings$.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/WordEmbeddings$.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.WordEmbeddings - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.WordEmbeddings + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/WordEmbeddings.html b/docs/api/com/johnsnowlabs/nlp/embeddings/WordEmbeddings.html index d8e4ada7a16d46..7e49327ebb7118 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/WordEmbeddings.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/WordEmbeddings.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.WordEmbeddings - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.WordEmbeddings + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/WordEmbeddingsBinaryIndexer$.html b/docs/api/com/johnsnowlabs/nlp/embeddings/WordEmbeddingsBinaryIndexer$.html index 94eba4792dc13b..1e4f4758d8df83 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/WordEmbeddingsBinaryIndexer$.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/WordEmbeddingsBinaryIndexer$.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.WordEmbeddingsBinaryIndexer - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.WordEmbeddingsBinaryIndexer + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/WordEmbeddingsModel$.html b/docs/api/com/johnsnowlabs/nlp/embeddings/WordEmbeddingsModel$.html index 75e2068b5650f9..8171b892492bd0 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/WordEmbeddingsModel$.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/WordEmbeddingsModel$.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.WordEmbeddingsModel - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.WordEmbeddingsModel + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/WordEmbeddingsModel.html b/docs/api/com/johnsnowlabs/nlp/embeddings/WordEmbeddingsModel.html index 7466243e6d65a7..2b251c5b4f339e 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/WordEmbeddingsModel.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/WordEmbeddingsModel.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.WordEmbeddingsModel - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.WordEmbeddingsModel + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/WordEmbeddingsReader.html b/docs/api/com/johnsnowlabs/nlp/embeddings/WordEmbeddingsReader.html index c20b8ce71e3818..3ce93b323ea05a 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/WordEmbeddingsReader.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/WordEmbeddingsReader.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.WordEmbeddingsReader - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.WordEmbeddingsReader + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/WordEmbeddingsTextIndexer$.html b/docs/api/com/johnsnowlabs/nlp/embeddings/WordEmbeddingsTextIndexer$.html index 471e1e9e5c7590..cf8d0b12f8ed8a 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/WordEmbeddingsTextIndexer$.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/WordEmbeddingsTextIndexer$.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.WordEmbeddingsTextIndexer - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.WordEmbeddingsTextIndexer + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/WordEmbeddingsWriter.html b/docs/api/com/johnsnowlabs/nlp/embeddings/WordEmbeddingsWriter.html index c51bdc9c7abacc..c940ea5cdf2a3f 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/WordEmbeddingsWriter.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/WordEmbeddingsWriter.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.WordEmbeddingsWriter - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.WordEmbeddingsWriter + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/XlmRoBertaEmbeddings$.html b/docs/api/com/johnsnowlabs/nlp/embeddings/XlmRoBertaEmbeddings$.html index ecf85689000d09..cd7c8b7efb2a1a 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/XlmRoBertaEmbeddings$.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/XlmRoBertaEmbeddings$.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.XlmRoBertaEmbeddings - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.XlmRoBertaEmbeddings + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/XlmRoBertaEmbeddings.html b/docs/api/com/johnsnowlabs/nlp/embeddings/XlmRoBertaEmbeddings.html index 05cd0a3ea4b4d7..26b476b0af3eb8 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/XlmRoBertaEmbeddings.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/XlmRoBertaEmbeddings.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.XlmRoBertaEmbeddings - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.XlmRoBertaEmbeddings + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/XlmRoBertaSentenceEmbeddings$.html b/docs/api/com/johnsnowlabs/nlp/embeddings/XlmRoBertaSentenceEmbeddings$.html index ca80a0d3eed92d..f33afb2f46caac 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/XlmRoBertaSentenceEmbeddings$.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/XlmRoBertaSentenceEmbeddings$.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.XlmRoBertaSentenceEmbeddings - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.XlmRoBertaSentenceEmbeddings + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/XlmRoBertaSentenceEmbeddings.html b/docs/api/com/johnsnowlabs/nlp/embeddings/XlmRoBertaSentenceEmbeddings.html index a5ee7dd6601782..4ba5c1e48a1ed8 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/XlmRoBertaSentenceEmbeddings.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/XlmRoBertaSentenceEmbeddings.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.XlmRoBertaSentenceEmbeddings - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.XlmRoBertaSentenceEmbeddings + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/XlnetEmbeddings$.html b/docs/api/com/johnsnowlabs/nlp/embeddings/XlnetEmbeddings$.html index 552d5b64240daa..c24df814a518fd 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/XlnetEmbeddings$.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/XlnetEmbeddings$.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.XlnetEmbeddings - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.XlnetEmbeddings + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/XlnetEmbeddings.html b/docs/api/com/johnsnowlabs/nlp/embeddings/XlnetEmbeddings.html index 664f7638d1dd70..5bd582e5a8b748 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/XlnetEmbeddings.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/XlnetEmbeddings.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings.XlnetEmbeddings - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings.XlnetEmbeddings + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -181,6 +185,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -213,10 +221,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -273,10 +289,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • diff --git a/docs/api/com/johnsnowlabs/nlp/embeddings/index.html b/docs/api/com/johnsnowlabs/nlp/embeddings/index.html index a4448a8843121e..a221cd1d2a4e90 100644 --- a/docs/api/com/johnsnowlabs/nlp/embeddings/index.html +++ b/docs/api/com/johnsnowlabs/nlp/embeddings/index.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.embeddings - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.embeddings + + @@ -28,7 +28,7 @@
  • + + + E5Embeddings
  • @@ -197,6 +201,10 @@

    Packages

    HasEmbeddingsProperties +
  • + + + InstructorEmbeddings
  • @@ -229,10 +237,18 @@

    Packages

    ReadDistilBertDLModel +
  • + + + ReadE5DLModel
  • ReadElmoDLModel +
  • + + + ReadInstructorDLModel
  • @@ -289,10 +305,18 @@

    Packages

    ReadablePretrainedDoc2Vec +
  • + + + ReadablePretrainedE5Model
  • ReadablePretrainedElmoModel +
  • + + + ReadablePretrainedInstructorModel
  • @@ -393,7 +417,23 @@

    Packages

    XlnetEmbeddings -
  • +
  • + + + + + + + + + package + + + finisher + + +
    Definition Classes
    nlp
    +
  • @@ -627,7 +667,7 @@

    Type Members

    Annotators Main Page for a list of transformer based embeddings

  • - + @@ -638,7 +678,7 @@

    Type Members

    class
    - BertEmbeddings extends AnnotatorModel[BertEmbeddings] with HasBatchedAnnotate[BertEmbeddings] with WriteTensorflowModel with HasEmbeddingsProperties with HasStorageRef with HasCaseSensitiveProperties with HasEngine + BertEmbeddings extends AnnotatorModel[BertEmbeddings] with HasBatchedAnnotate[BertEmbeddings] with WriteTensorflowModel with WriteOnnxModel with HasEmbeddingsProperties with HasStorageRef with HasCaseSensitiveProperties with HasEngine

    Token-level embeddings using BERT.

    Token-level embeddings using BERT. BERT (Bidirectional Encoder Representations from @@ -712,7 +752,7 @@

    Type Members

    Annotators Main Page for a list of transformer based embeddings

  • - + @@ -723,7 +763,7 @@

    Type Members

    class
    - BertSentenceEmbeddings extends AnnotatorModel[BertSentenceEmbeddings] with HasBatchedAnnotate[BertSentenceEmbeddings] with WriteTensorflowModel with HasEmbeddingsProperties with HasStorageRef with HasCaseSensitiveProperties with HasEngine with HasProtectedParams + BertSentenceEmbeddings extends AnnotatorModel[BertSentenceEmbeddings] with HasBatchedAnnotate[BertSentenceEmbeddings] with WriteTensorflowModel with WriteOnnxModel with HasEmbeddingsProperties with HasStorageRef with HasCaseSensitiveProperties with HasEngine with HasProtectedParams

    Sentence-level embeddings using BERT.

    Sentence-level embeddings using BERT. BERT (Bidirectional Encoder Representations from @@ -787,7 +827,7 @@

    Type Members

    |[-0.6180210709571838,-0.12179657071828842,-0.191165953874588,-1.4497021436691...| |[-0.822715163230896,0.7568016648292542,-0.1165061742067337,-1.59048593044281,...| +--------------------------------------------------------------------------------+
    See also

    - BertEmbeddings for token-level embeddings

    + BertSentenceEmbeddings for sentence-level embeddings

    BertForSequenceClassification for embeddings with a sequence classification layer on top

    Annotators Main Page for a list of transformer @@ -958,7 +998,7 @@

    Type Members

    |word_embeddings|sentence .|[0.139705, 0.177955, 0.1887775, -0.45545, 0.20030999, 0.461557, -0.07891501, ...| +---------------+----------+--------------------------------------------------------------------------------+
  • - + @@ -969,7 +1009,7 @@

    Type Members

    class
    - DeBertaEmbeddings extends AnnotatorModel[DeBertaEmbeddings] with HasBatchedAnnotate[DeBertaEmbeddings] with WriteTensorflowModel with WriteSentencePieceModel with HasEmbeddingsProperties with HasStorageRef with HasCaseSensitiveProperties with HasEngine + DeBertaEmbeddings extends AnnotatorModel[DeBertaEmbeddings] with HasBatchedAnnotate[DeBertaEmbeddings] with WriteTensorflowModel with WriteOnnxModel with WriteSentencePieceModel with HasEmbeddingsProperties with HasStorageRef with HasCaseSensitiveProperties with HasEngine

    The DeBERTa model was proposed in @@ -1046,7 +1086,7 @@

    Type Members

    Annotators Main Page for a list of transformer based embeddings

  • - + @@ -1057,7 +1097,7 @@

    Type Members

    class
    - DistilBertEmbeddings extends AnnotatorModel[DistilBertEmbeddings] with HasBatchedAnnotate[DistilBertEmbeddings] with WriteTensorflowModel with HasEmbeddingsProperties with HasStorageRef with HasCaseSensitiveProperties with HasEngine + DistilBertEmbeddings extends AnnotatorModel[DistilBertEmbeddings] with HasBatchedAnnotate[DistilBertEmbeddings] with WriteTensorflowModel with WriteOnnxModel with HasEmbeddingsProperties with HasStorageRef with HasCaseSensitiveProperties with HasEngine

    DistilBERT is a small, fast, cheap and light Transformer model trained by distilling BERT @@ -1255,6 +1295,78 @@

    Type Members

    +--------------------------------------------------------------------------------+ |[0.06222493574023247,0.011579325422644615,0.009919632226228714,0.109361454844...| +--------------------------------------------------------------------------------+ +
  • + + + + + + + + + class + + + E5Embeddings extends AnnotatorModel[E5Embeddings] with HasBatchedAnnotate[E5Embeddings] with WriteTensorflowModel with HasEmbeddingsProperties with HasStorageRef with HasCaseSensitiveProperties with HasEngine + + +

    Sentence embeddings using E5.

    Sentence embeddings using E5.

    E5, an instruction-finetuned text embedding model that can generate text embeddings tailored +to any task (e.g., classification, retrieval, clustering, text evaluation, etc.)

    Pretrained models can be loaded with pretrained of the companion object:

    val embeddings = E5Embeddings.pretrained()
    +  .setInputCols("document")
    +  .setOutputCol("e5_embeddings")

    The default model is "e5_small", if no name is provided.

    For available pretrained models please see the +Models Hub.

    For extended examples of usage, see +E5EmbeddingsTestSpec.

    Sources :

    Text Embeddings by Weakly-Supervised Contrastive Pre-training

    E5 Github Repository

    Paper abstract

    This paper presents E5, a family of state-of-the-art text embeddings that transfer well to a +wide range of tasks. 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. We conduct extensive evaluations on 56 +datasets from the BEIR and MTEB benchmarks. For zero-shot settings, E5 is the first model that +outperforms the strong BM25 baseline on the BEIR retrieval benchmark without using any labeled +data. When fine-tuned, E5 obtains the best results on the MTEB benchmark, beating existing +embedding models with 40× more parameters.

    Example

    import spark.implicits._
    +import com.johnsnowlabs.nlp.base.DocumentAssembler
    +import com.johnsnowlabs.nlp.annotators.Tokenizer
    +import com.johnsnowlabs.nlp.embeddings.E5Embeddings
    +import com.johnsnowlabs.nlp.EmbeddingsFinisher
    +import org.apache.spark.ml.Pipeline
    +
    +val documentAssembler = new DocumentAssembler()
    +  .setInputCol("text")
    +  .setOutputCol("document")
    +
    +val embeddings = E5Embeddings.pretrained("e5_small", "en")
    +  .setInputCols("document")
    +  .setOutputCol("e5_embeddings")
    +
    +val embeddingsFinisher = new EmbeddingsFinisher()
    +  .setInputCols("e5_embeddings")
    +  .setOutputCols("finished_embeddings")
    +  .setOutputAsVector(true)
    +
    +val pipeline = new Pipeline().setStages(Array(
    +  documentAssembler,
    +  embeddings,
    +  embeddingsFinisher
    +))
    +
    +val data = Seq("query: how much protein should a female eat",
    +"passage: As a general guideline, the CDC's average requirement of protein for women ages 19 to 70 is 46 grams per day." +
    +But, as you can see from this chart, you'll need to increase that if you're expecting or training for a" +
    +marathon. Check out the chart below to see how much protein you should be eating each day."
    +
    +).toDF("text")
    +val result = pipeline.fit(data).transform(data)
    +
    +result.selectExpr("explode(finished_embeddings) as result").show(1, 80)
    ++--------------------------------------------------------------------------------+
    +|                                                                          result|
    ++--------------------------------------------------------------------------------+
    +|[[8.0190285E-4, -0.005974853, -0.072875895, 0.007944068, 0.026059335, -0.0080...|
    +[[0.050514214, 0.010061974, -0.04340176, -0.020937217, 0.05170225, 0.01157857...|
    ++--------------------------------------------------------------------------------+
    See also

    + Annotators Main Page for a list of transformer + based embeddings

  • @@ -1371,6 +1483,79 @@

    Type Members

    +
  • + + + + + + + + + class + + + InstructorEmbeddings extends AnnotatorModel[InstructorEmbeddings] with HasBatchedAnnotate[InstructorEmbeddings] with WriteTensorflowModel with HasEmbeddingsProperties with HasStorageRef with WriteSentencePieceModel with HasCaseSensitiveProperties with HasEngine + + +

    Sentence embeddings using INSTRUCTOR.

    Sentence embeddings using INSTRUCTOR.

    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!

    Pretrained models can be loaded with pretrained of the companion object:

    val embeddings = InstructorEmbeddings.pretrained()
    +  .setInputCols("document")
    +  .setOutputCol("instructor_embeddings")

    The default model is "instructor_base", if no name is provided.

    For available pretrained models please see the +Models Hub.

    For extended examples of usage, see +InstructorEmbeddingsTestSpec.

    Sources :

    One Embedder, Any Task: Instruction-Finetuned Text Embeddings

    INSTRUCTOR Github Repository

    Paper abstract

    We introduce INSTRUCTOR, a new method for computing text embeddings given task instructions: +every text input is embedded together with instructions explaining the use case (e.g., task +and domain descriptions). Unlike encoders from prior work that are more specialized, +INSTRUCTOR is a single embedder that can generate text embeddings tailored to different +downstream tasks and domains, without any further training. We first annotate instructions for +330 diverse tasks and train INSTRUCTOR on this multitask mixture with a contrastive loss. We +evaluate INSTRUCTOR on 70 embedding evaluation tasks (66 of which are unseen during training), +ranging from classification and information retrieval to semantic textual similarity and text +generation evaluation. INSTRUCTOR, while having an order of magnitude fewer parameters than +the previous best model, achieves state-of-the-art performance, with an average improvement of +3.4% compared to the previous best results on the 70 diverse datasets. Our analysis suggests +that INSTRUCTOR is robust to changes in instructions, and that instruction finetuning +mitigates the challenge of training a single model on diverse datasets. Our model, code, and +data are available at this https URL. https://instructor-embedding.github.io/

    Example

    import spark.implicits._
    +import com.johnsnowlabs.nlp.base.DocumentAssembler
    +import com.johnsnowlabs.nlp.annotators.Tokenizer
    +import com.johnsnowlabs.nlp.embeddings.InstructorEmbeddings
    +import com.johnsnowlabs.nlp.EmbeddingsFinisher
    +import org.apache.spark.ml.Pipeline
    +
    +val documentAssembler = new DocumentAssembler()
    +  .setInputCol("text")
    +  .setOutputCol("document")
    +
    +val embeddings = InstructorEmbeddings.pretrained("instructor_base", "en")
    +  .setInputCols("document")
    +  .setInstruction("Represent the Medicine sentence for clustering: ")
    +  .setOutputCol("instructor_embeddings")
    +
    +val embeddingsFinisher = new EmbeddingsFinisher()
    +  .setInputCols("instructor_embeddings")
    +  .setOutputCols("finished_embeddings")
    +  .setOutputAsVector(true)
    +
    +val pipeline = new Pipeline().setStages(Array(
    +  documentAssembler,
    +  embeddings,
    +  embeddingsFinisher
    +))
    +
    +val data = Seq("Dynamical Scalar Degree of Freedom in Horava-Lifshitz Gravity").toDF("text")
    +val result = pipeline.fit(data).transform(data)
    +
    +result.selectExpr("explode(finished_embeddings) as result").show(1, 80)
    ++--------------------------------------------------------------------------------+
    +|                                                                          result|
    ++--------------------------------------------------------------------------------+
    +|[-2.3497989177703857,0.480538547039032,-0.3238905668258667,-1.612930893898010...|
    ++--------------------------------------------------------------------------------+
    See also

    + Annotators Main Page for a list of transformer + based embeddings

  • @@ -1475,7 +1660,7 @@

    Type Members

  • - + @@ -1486,12 +1671,12 @@

    Type Members

    trait
    - ReadBertDLModel extends ReadTensorflowModel + ReadBertDLModel extends ReadTensorflowModel with ReadOnnxModel
  • - + @@ -1502,7 +1687,7 @@

    Type Members

    trait
    - ReadBertSentenceDLModel extends ReadTensorflowModel + ReadBertSentenceDLModel extends ReadTensorflowModel with ReadOnnxModel @@ -1523,7 +1708,7 @@

    Type Members

  • - + @@ -1534,12 +1719,12 @@

    Type Members

    trait
    - ReadDeBertaDLModel extends ReadTensorflowModel with ReadSentencePieceModel + ReadDeBertaDLModel extends ReadTensorflowModel with ReadSentencePieceModel with ReadOnnxModel
  • - + @@ -1550,7 +1735,23 @@

    Type Members

    trait
    - ReadDistilBertDLModel extends ReadTensorflowModel + ReadDistilBertDLModel extends ReadTensorflowModel with ReadOnnxModel + + + +
  • + + + + + + + + + trait + + + ReadE5DLModel extends ReadTensorflowModel @@ -1570,6 +1771,22 @@

    Type Members

    +
  • + + + + + + + + + trait + + + ReadInstructorDLModel extends ReadTensorflowModel with ReadSentencePieceModel + + +
  • @@ -1587,7 +1804,7 @@

    Type Members

  • - + @@ -1598,7 +1815,7 @@

    Type Members

    trait
    - ReadRobertaDLModel extends ReadTensorflowModel + ReadRobertaDLModel extends ReadTensorflowModel with ReadOnnxModel @@ -1794,6 +2011,22 @@

    Type Members

    +
  • + + + + + + + + + trait + + + ReadablePretrainedE5Model extends ParamsAndFeaturesReadable[E5Embeddings] with HasPretrained[E5Embeddings] + + +
  • @@ -1810,6 +2043,22 @@

    Type Members

    +
  • + + + + + + + + + trait + + + ReadablePretrainedInstructorModel extends ParamsAndFeaturesReadable[InstructorEmbeddings] with HasPretrained[InstructorEmbeddings] + + +
  • @@ -1971,7 +2220,7 @@

    Type Members

  • - + @@ -1982,7 +2231,7 @@

    Type Members

    class
    - RoBertaEmbeddings extends AnnotatorModel[RoBertaEmbeddings] with HasBatchedAnnotate[RoBertaEmbeddings] with WriteTensorflowModel with HasEmbeddingsProperties with HasStorageRef with HasCaseSensitiveProperties with HasEngine + RoBertaEmbeddings extends AnnotatorModel[RoBertaEmbeddings] with HasBatchedAnnotate[RoBertaEmbeddings] with WriteTensorflowModel with WriteOnnxModel with HasEmbeddingsProperties with HasStorageRef with HasCaseSensitiveProperties with HasEngine

    The RoBERTa model was proposed in @@ -3076,6 +3325,24 @@

    Value Members

    This is the companion object of Doc2VecModel.

    This is the companion object of Doc2VecModel. Please refer to that class for the documentation. +

    +
  • + + + + + + + + + object + + + E5Embeddings extends ReadablePretrainedE5Model with ReadE5DLModel with Serializable + + +

    This is the companion object of E5Embeddings.

    This is the companion object of E5Embeddings. Please refer to that class for the +documentation.

  • @@ -3094,6 +3361,24 @@

    Value Members

    This is the companion object of ElmoEmbeddings.

    This is the companion object of ElmoEmbeddings. Please refer to that class for the documentation. +

    +
  • + + + + + + + + + object + + + InstructorEmbeddings extends ReadablePretrainedInstructorModel with ReadInstructorDLModel with ReadSentencePieceModel with Serializable + + +

    This is the companion object of InstructorEmbeddings.

    This is the companion object of InstructorEmbeddings. Please refer to that class for the +documentation.

  • diff --git a/docs/api/com/johnsnowlabs/nlp/finisher/DocumentSimilarityRankerFinisher$.html b/docs/api/com/johnsnowlabs/nlp/finisher/DocumentSimilarityRankerFinisher$.html new file mode 100644 index 00000000000000..4ab6d5b5ba7d65 --- /dev/null +++ b/docs/api/com/johnsnowlabs/nlp/finisher/DocumentSimilarityRankerFinisher$.html @@ -0,0 +1,658 @@ + + + + + + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.finisher.DocumentSimilarityRankerFinisher + + + + + + + + + + + + + + + + + + + + + +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +

    Packages

    + +
    +
    +
    + + + +

    + + + object + + + DocumentSimilarityRankerFinisher extends DefaultParamsReadable[DocumentSimilarityRankerFinisher] with Serializable + +

    + + +
    + + Linear Supertypes + +
    Serializable, Serializable, DefaultParamsReadable[DocumentSimilarityRankerFinisher], MLReadable[DocumentSimilarityRankerFinisher], AnyRef, Any
    +
    + + +
    +
    +
    + + + + + +
    +
    +
    + Ordering +
      + +
    1. Alphabetic
    2. +
    3. By Inheritance
    4. +
    +
    +
    + Inherited
    +
    +
      +
    1. DocumentSimilarityRankerFinisher
    2. Serializable
    3. Serializable
    4. DefaultParamsReadable
    5. MLReadable
    6. AnyRef
    7. Any
    8. +
    +
    + +
      +
    1. Hide All
    2. +
    3. Show All
    4. +
    +
    +
    + Visibility +
    1. Public
    2. All
    +
    +
    +
    + +
    +
    + + + + + + +
    +

    Value Members

    +
      +
    1. + + + + + + + + final + def + + + !=(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    2. + + + + + + + + final + def + + + ##(): Int + + +
      Definition Classes
      AnyRef → Any
      +
    3. + + + + + + + + final + def + + + ==(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    4. + + + + + + + + final + def + + + asInstanceOf[T0]: T0 + + +
      Definition Classes
      Any
      +
    5. + + + + + + + + + def + + + clone(): AnyRef + + +
      Attributes
      protected[lang]
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + + @native() + +
      +
    6. + + + + + + + + final + def + + + eq(arg0: AnyRef): Boolean + + +
      Definition Classes
      AnyRef
      +
    7. + + + + + + + + + def + + + equals(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    8. + + + + + + + + + def + + + finalize(): Unit + + +
      Attributes
      protected[lang]
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + classOf[java.lang.Throwable] + ) + +
      +
    9. + + + + + + + + final + def + + + getClass(): Class[_] + + +
      Definition Classes
      AnyRef → Any
      Annotations
      + @native() + +
      +
    10. + + + + + + + + + def + + + hashCode(): Int + + +
      Definition Classes
      AnyRef → Any
      Annotations
      + @native() + +
      +
    11. + + + + + + + + final + def + + + isInstanceOf[T0]: Boolean + + +
      Definition Classes
      Any
      +
    12. + + + + + + + + + def + + + load(path: String): DocumentSimilarityRankerFinisher + + +
      Definition Classes
      MLReadable
      Annotations
      + @Since( + + "1.6.0" + ) + +
      +
    13. + + + + + + + + final + def + + + ne(arg0: AnyRef): Boolean + + +
      Definition Classes
      AnyRef
      +
    14. + + + + + + + + final + def + + + notify(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @native() + +
      +
    15. + + + + + + + + final + def + + + notifyAll(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @native() + +
      +
    16. + + + + + + + + + def + + + read: MLReader[DocumentSimilarityRankerFinisher] + + +
      Definition Classes
      DefaultParamsReadable → MLReadable
      +
    17. + + + + + + + + final + def + + + synchronized[T0](arg0: ⇒ T0): T0 + + +
      Definition Classes
      AnyRef
      +
    18. + + + + + + + + + def + + + toString(): String + + +
      Definition Classes
      AnyRef → Any
      +
    19. + + + + + + + + final + def + + + wait(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + +
      +
    20. + + + + + + + + final + def + + + wait(arg0: Long, arg1: Int): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + +
      +
    21. + + + + + + + + final + def + + + wait(arg0: Long): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + + @native() + +
      +
    22. +
    +
    + + + + +
    + +
    +
    +

    Inherited from Serializable

    +
    +

    Inherited from Serializable

    +
    +

    Inherited from DefaultParamsReadable[DocumentSimilarityRankerFinisher]

    +
    +

    Inherited from MLReadable[DocumentSimilarityRankerFinisher]

    +
    +

    Inherited from AnyRef

    +
    +

    Inherited from Any

    +
    + +
    + +
    +
    +

    Ungrouped

    + +
    +
    + +
    + +
    + + + +
    +
    +
    + + diff --git a/docs/api/com/johnsnowlabs/nlp/finisher/DocumentSimilarityRankerFinisher.html b/docs/api/com/johnsnowlabs/nlp/finisher/DocumentSimilarityRankerFinisher.html new file mode 100644 index 00000000000000..7e1e9d66634351 --- /dev/null +++ b/docs/api/com/johnsnowlabs/nlp/finisher/DocumentSimilarityRankerFinisher.html @@ -0,0 +1,1657 @@ + + + + + + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.finisher.DocumentSimilarityRankerFinisher + + + + + + + + + + + + + + + + + + + + + +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +

    Packages

    + +
    +
    +
    + + + +

    + + + case class + + + DocumentSimilarityRankerFinisher(uid: String) extends Transformer with DefaultParamsWritable with Product with Serializable + +

    + + +
    + + Linear Supertypes + +
    Product, Equals, DefaultParamsWritable, MLWritable, Transformer, PipelineStage, Logging, Params, Serializable, Serializable, Identifiable, AnyRef, Any
    +
    + + +
    +
    +
    + + + + + +
    +
    +
    + Ordering +
      +
    1. Grouped
    2. +
    3. Alphabetic
    4. +
    5. By Inheritance
    6. +
    +
    +
    + Inherited
    +
    +
      +
    1. DocumentSimilarityRankerFinisher
    2. Product
    3. Equals
    4. DefaultParamsWritable
    5. MLWritable
    6. Transformer
    7. PipelineStage
    8. Logging
    9. Params
    10. Serializable
    11. Serializable
    12. Identifiable
    13. AnyRef
    14. Any
    15. +
    +
    + +
      +
    1. Hide All
    2. +
    3. Show All
    4. +
    +
    +
    + Visibility +
    1. Public
    2. All
    +
    +
    +
    + +
    +
    +
    +

    Instance Constructors

    +
    1. + + + + + + + + + new + + + DocumentSimilarityRankerFinisher() + + + +
    2. + + + + + + + + + new + + + DocumentSimilarityRankerFinisher(uid: String) + + + +
    +
    + + + + + +
    +

    Value Members

    +
      +
    1. + + + + + + + + final + def + + + !=(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    2. + + + + + + + + final + def + + + ##(): Int + + +
      Definition Classes
      AnyRef → Any
      +
    3. + + + + + + + + final + def + + + $[T](param: Param[T]): T + + +
      Attributes
      protected
      Definition Classes
      Params
      +
    4. + + + + + + + + final + def + + + ==(arg0: Any): Boolean + + +
      Definition Classes
      AnyRef → Any
      +
    5. + + + + + + + + + val + + + FINISHED_DOC_SIM_RANKER_ID_DEFAULT: String + + + +
    6. + + + + + + + + + val + + + FINISHED_DOC_SIM_RANKER_NEIGHBORS_DEFAULT: String + + + +
    7. + + + + + + + + + val + + + LSH_ID_COL_NAME: String + + + +
    8. + + + + + + + + + val + + + LSH_NEIGHBORS_COL_NAME: String + + + +
    9. + + + + + + + + final + def + + + asInstanceOf[T0]: T0 + + +
      Definition Classes
      Any
      +
    10. + + + + + + + + final + def + + + clear(param: Param[_]): DocumentSimilarityRankerFinisher.this.type + + +
      Definition Classes
      Params
      +
    11. + + + + + + + + + def + + + clone(): AnyRef + + +
      Attributes
      protected[lang]
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + + @native() + +
      +
    12. + + + + + + + + + def + + + copy(extra: ParamMap): Transformer + + +
      Definition Classes
      DocumentSimilarityRankerFinisher → Transformer → PipelineStage → Params
      +
    13. + + + + + + + + + def + + + copyValues[T <: Params](to: T, extra: ParamMap): T + + +
      Attributes
      protected
      Definition Classes
      Params
      +
    14. + + + + + + + + final + def + + + defaultCopy[T <: Params](extra: ParamMap): T + + +
      Attributes
      protected
      Definition Classes
      Params
      +
    15. + + + + + + + + final + def + + + eq(arg0: AnyRef): Boolean + + +
      Definition Classes
      AnyRef
      +
    16. + + + + + + + + + def + + + explainParam(param: Param[_]): String + + +
      Definition Classes
      Params
      +
    17. + + + + + + + + + def + + + explainParams(): String + + +
      Definition Classes
      Params
      +
    18. + + + + + + + + + val + + + extractNearestNeighbor: BooleanParam + + + +
    19. + + + + + + + + final + def + + + extractParamMap(): ParamMap + + +
      Definition Classes
      Params
      +
    20. + + + + + + + + final + def + + + extractParamMap(extra: ParamMap): ParamMap + + +
      Definition Classes
      Params
      +
    21. + + + + + + + + + def + + + finalize(): Unit + + +
      Attributes
      protected[lang]
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + classOf[java.lang.Throwable] + ) + +
      +
    22. + + + + + + + + final + def + + + get[T](param: Param[T]): Option[T] + + +
      Definition Classes
      Params
      +
    23. + + + + + + + + final + def + + + getClass(): Class[_] + + +
      Definition Classes
      AnyRef → Any
      Annotations
      + @native() + +
      +
    24. + + + + + + + + final + def + + + getDefault[T](param: Param[T]): Option[T] + + +
      Definition Classes
      Params
      +
    25. + + + + + + + + + def + + + getExtractNearestNeighbor: Boolean + + +

      Name of input annotation cols containing embeddings +

      +
    26. + + + + + + + + + def + + + getInputCols: Array[String] + + +

      Name of DocumentSimilarityRankerFinisher output cols +

      +
    27. + + + + + + + + final + def + + + getOrDefault[T](param: Param[T]): T + + +
      Definition Classes
      Params
      +
    28. + + + + + + + + + def + + + getOutputCols: Array[String] + + +

      Name of input annotation cols containing embeddings +

      +
    29. + + + + + + + + + def + + + getParam(paramName: String): Param[Any] + + +
      Definition Classes
      Params
      +
    30. + + + + + + + + final + def + + + hasDefault[T](param: Param[T]): Boolean + + +
      Definition Classes
      Params
      +
    31. + + + + + + + + + def + + + hasParam(paramName: String): Boolean + + +
      Definition Classes
      Params
      +
    32. + + + + + + + + + def + + + initializeLogIfNecessary(isInterpreter: Boolean, silent: Boolean): Boolean + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    33. + + + + + + + + + def + + + initializeLogIfNecessary(isInterpreter: Boolean): Unit + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    34. + + + + + + + + + val + + + inputCols: StringArrayParam + + +

      Name of input annotation cols containing embeddings +

      +
    35. + + + + + + + + final + def + + + isDefined(param: Param[_]): Boolean + + +
      Definition Classes
      Params
      +
    36. + + + + + + + + final + def + + + isInstanceOf[T0]: Boolean + + +
      Definition Classes
      Any
      +
    37. + + + + + + + + final + def + + + isSet(param: Param[_]): Boolean + + +
      Definition Classes
      Params
      +
    38. + + + + + + + + + def + + + isTraceEnabled(): Boolean + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    39. + + + + + + + + + def + + + log: Logger + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    40. + + + + + + + + + def + + + logDebug(msg: ⇒ String, throwable: Throwable): Unit + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    41. + + + + + + + + + def + + + logDebug(msg: ⇒ String): Unit + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    42. + + + + + + + + + def + + + logError(msg: ⇒ String, throwable: Throwable): Unit + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    43. + + + + + + + + + def + + + logError(msg: ⇒ String): Unit + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    44. + + + + + + + + + def + + + logInfo(msg: ⇒ String, throwable: Throwable): Unit + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    45. + + + + + + + + + def + + + logInfo(msg: ⇒ String): Unit + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    46. + + + + + + + + + def + + + logName: String + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    47. + + + + + + + + + def + + + logTrace(msg: ⇒ String, throwable: Throwable): Unit + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    48. + + + + + + + + + def + + + logTrace(msg: ⇒ String): Unit + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    49. + + + + + + + + + def + + + logWarning(msg: ⇒ String, throwable: Throwable): Unit + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    50. + + + + + + + + + def + + + logWarning(msg: ⇒ String): Unit + + +
      Attributes
      protected
      Definition Classes
      Logging
      +
    51. + + + + + + + + final + def + + + ne(arg0: AnyRef): Boolean + + +
      Definition Classes
      AnyRef
      +
    52. + + + + + + + + final + def + + + notify(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @native() + +
      +
    53. + + + + + + + + final + def + + + notifyAll(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @native() + +
      +
    54. + + + + + + + + + val + + + outputCols: StringArrayParam + + +

      Name of DocumentSimilarityRankerFinisher output cols +

      +
    55. + + + + + + + + + lazy val + + + params: Array[Param[_]] + + +
      Definition Classes
      Params
      +
    56. + + + + + + + + + def + + + save(path: String): Unit + + +
      Definition Classes
      MLWritable
      Annotations
      + @Since( + + "1.6.0" + ) + + @throws( + + ... + ) + +
      +
    57. + + + + + + + + final + def + + + set(paramPair: ParamPair[_]): DocumentSimilarityRankerFinisher.this.type + + +
      Attributes
      protected
      Definition Classes
      Params
      +
    58. + + + + + + + + final + def + + + set(param: String, value: Any): DocumentSimilarityRankerFinisher.this.type + + +
      Attributes
      protected
      Definition Classes
      Params
      +
    59. + + + + + + + + final + def + + + set[T](param: Param[T], value: T): DocumentSimilarityRankerFinisher.this.type + + +
      Definition Classes
      Params
      +
    60. + + + + + + + + final + def + + + setDefault(paramPairs: ParamPair[_]*): DocumentSimilarityRankerFinisher.this.type + + +
      Attributes
      protected
      Definition Classes
      Params
      +
    61. + + + + + + + + final + def + + + setDefault[T](param: Param[T], value: T): DocumentSimilarityRankerFinisher.this.type + + +
      Attributes
      protected[org.apache.spark.ml]
      Definition Classes
      Params
      +
    62. + + + + + + + + + def + + + setExtractNearestNeighbor(value: Boolean): DocumentSimilarityRankerFinisher.this.type + + +

      Set flag to extract best neighbor with distance +

      +
    63. + + + + + + + + + def + + + setInputCols(value: String*): DocumentSimilarityRankerFinisher.this.type + + +

      Name of input annotation cols containing similar documents +

      +
    64. + + + + + + + + + def + + + setInputCols(value: Array[String]): DocumentSimilarityRankerFinisher.this.type + + +

      Name of input annotation cols containing similar documents +

      +
    65. + + + + + + + + + def + + + setOutputCols(value: String*): DocumentSimilarityRankerFinisher.this.type + + +

      Name of DocumentSimilarityRankerFinisher output cols +

      +
    66. + + + + + + + + + def + + + setOutputCols(value: Array[String]): DocumentSimilarityRankerFinisher.this.type + + +

      Name of DocumentSimilarityRankerFinisher output cols +

      +
    67. + + + + + + + + final + def + + + synchronized[T0](arg0: ⇒ T0): T0 + + +
      Definition Classes
      AnyRef
      +
    68. + + + + + + + + + def + + + toString(): String + + +
      Definition Classes
      Identifiable → AnyRef → Any
      +
    69. + + + + + + + + + def + + + transform(dataset: Dataset[_]): DataFrame + + +
      Definition Classes
      DocumentSimilarityRankerFinisher → Transformer
      +
    70. + + + + + + + + + def + + + transform(dataset: Dataset[_], paramMap: ParamMap): DataFrame + + +
      Definition Classes
      Transformer
      Annotations
      + @Since( + + "2.0.0" + ) + +
      +
    71. + + + + + + + + + def + + + transform(dataset: Dataset[_], firstParamPair: ParamPair[_], otherParamPairs: ParamPair[_]*): DataFrame + + +
      Definition Classes
      Transformer
      Annotations
      + @Since( + + "2.0.0" + ) + + @varargs() + +
      +
    72. + + + + + + + + + def + + + transformSchema(schema: StructType): StructType + + +
      Definition Classes
      DocumentSimilarityRankerFinisher → PipelineStage
      +
    73. + + + + + + + + + def + + + transformSchema(schema: StructType, logging: Boolean): StructType + + +
      Attributes
      protected
      Definition Classes
      PipelineStage
      Annotations
      + @DeveloperApi() + +
      +
    74. + + + + + + + + + val + + + uid: String + + +
      Definition Classes
      DocumentSimilarityRankerFinisher → Identifiable
      +
    75. + + + + + + + + final + def + + + wait(): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + +
      +
    76. + + + + + + + + final + def + + + wait(arg0: Long, arg1: Int): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + +
      +
    77. + + + + + + + + final + def + + + wait(arg0: Long): Unit + + +
      Definition Classes
      AnyRef
      Annotations
      + @throws( + + ... + ) + + @native() + +
      +
    78. + + + + + + + + + def + + + write: MLWriter + + +
      Definition Classes
      DefaultParamsWritable → MLWritable
      +
    79. +
    +
    + + + + +
    + +
    +
    +

    Inherited from Product

    +
    +

    Inherited from Equals

    +
    +

    Inherited from DefaultParamsWritable

    +
    +

    Inherited from MLWritable

    +
    +

    Inherited from Transformer

    +
    +

    Inherited from PipelineStage

    +
    +

    Inherited from Logging

    +
    +

    Inherited from Params

    +
    +

    Inherited from Serializable

    +
    +

    Inherited from Serializable

    +
    +

    Inherited from Identifiable

    +
    +

    Inherited from AnyRef

    +
    +

    Inherited from Any

    +
    + +
    + +
    +
    +

    getParam

    + +
    +

    param

    + +
    +

    setParam

    + +
    +

    Ungrouped

    + +
    +
    + +
    + +
    + + + +
    +
    +
    + + diff --git a/docs/api/com/johnsnowlabs/nlp/finisher/index.html b/docs/api/com/johnsnowlabs/nlp/finisher/index.html new file mode 100644 index 00000000000000..f41024a95e7dab --- /dev/null +++ b/docs/api/com/johnsnowlabs/nlp/finisher/index.html @@ -0,0 +1,386 @@ + + + + + + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.finisher + + + + + + + + + + + + + + + + + + + + + +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +
    +

    Packages

    + +
    +
    +
    + +
    +
    p
    +

    com.johnsnowlabs.nlp

    +

    finisher + + + +

    + +
    + +

    + + + package + + + finisher + +

    + + +
    + + +
    +
    +
    + + + + + +
    +
    +
    + Ordering +
      + +
    1. Alphabetic
    2. + +
    +
    + +
    + Visibility +
    1. Public
    2. All
    +
    +
    +
    + +
    +
    + + +
    +

    Type Members

    +
    1. + + + + + + + + + case class + + + DocumentSimilarityRankerFinisher(uid: String) extends Transformer with DefaultParamsWritable with Product with Serializable + + + +
    +
    + + + +
    +

    Value Members

    +
      +
    1. + + + + + + + + + object + + + DocumentSimilarityRankerFinisher extends DefaultParamsReadable[DocumentSimilarityRankerFinisher] with Serializable + + + +
    2. +
    +
    + + + + +
    + +
    + + +
    + +
    +
    +

    Ungrouped

    + +
    +
    + +
    + +
    + + + +
    +
    +
    + + diff --git a/docs/api/com/johnsnowlabs/nlp/functions$$EachAnnotations.html b/docs/api/com/johnsnowlabs/nlp/functions$$EachAnnotations.html index c713a95812d6af..a5a13097efc391 100644 --- a/docs/api/com/johnsnowlabs/nlp/functions$$EachAnnotations.html +++ b/docs/api/com/johnsnowlabs/nlp/functions$$EachAnnotations.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.functions.EachAnnotations - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.functions.EachAnnotations + + @@ -28,7 +28,7 @@
  • + + + + + + + + + package + + + finisher + +
    Definition Classes
    nlp
  • diff --git a/docs/api/com/johnsnowlabs/nlp/index.html b/docs/api/com/johnsnowlabs/nlp/index.html index 6214071e90af07..74f8b0c85a3104 100644 --- a/docs/api/com/johnsnowlabs/nlp/index.html +++ b/docs/api/com/johnsnowlabs/nlp/index.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp + + @@ -28,7 +28,7 @@
  • + + + + + + + + + package + + + finisher + + +
  • diff --git a/docs/api/com/johnsnowlabs/nlp/pretrained/PretrainedPipeline$.html b/docs/api/com/johnsnowlabs/nlp/pretrained/PretrainedPipeline$.html index 6bfd0dc52d7a8e..03d8d29c56c715 100644 --- a/docs/api/com/johnsnowlabs/nlp/pretrained/PretrainedPipeline$.html +++ b/docs/api/com/johnsnowlabs/nlp/pretrained/PretrainedPipeline$.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.pretrained.PretrainedPipeline - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.pretrained.PretrainedPipeline + + @@ -28,7 +28,7 @@
  • + + + + + + + + + package + + + finisher + +
    Definition Classes
    nlp
  • diff --git a/docs/api/com/johnsnowlabs/nlp/recursive/index.html b/docs/api/com/johnsnowlabs/nlp/recursive/index.html index 7e293d2f747b5d..0db88bcc73c972 100644 --- a/docs/api/com/johnsnowlabs/nlp/recursive/index.html +++ b/docs/api/com/johnsnowlabs/nlp/recursive/index.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.recursive - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.recursive + + @@ -28,7 +28,7 @@
  • + + + + + + + + + package + + + finisher + +
    Definition Classes
    nlp
  • diff --git a/docs/api/com/johnsnowlabs/nlp/recursive/package$$Recursive.html b/docs/api/com/johnsnowlabs/nlp/recursive/package$$Recursive.html index b0cec67aa1eb3e..8af12f8ae85283 100644 --- a/docs/api/com/johnsnowlabs/nlp/recursive/package$$Recursive.html +++ b/docs/api/com/johnsnowlabs/nlp/recursive/package$$Recursive.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.recursive.Recursive - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.recursive.Recursive + + @@ -28,7 +28,7 @@
  • + + + + + + + + + package + + + finisher + +
    Definition Classes
    nlp
  • diff --git a/docs/api/com/johnsnowlabs/nlp/training/CoNLL.html b/docs/api/com/johnsnowlabs/nlp/training/CoNLL.html index 8724262b966b01..0d9f1983e10abe 100644 --- a/docs/api/com/johnsnowlabs/nlp/training/CoNLL.html +++ b/docs/api/com/johnsnowlabs/nlp/training/CoNLL.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.training.CoNLL - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.training.CoNLL + + @@ -28,7 +28,7 @@
  • + + + + + + + + + package + + + finisher + +
    Definition Classes
    nlp
  • diff --git a/docs/api/com/johnsnowlabs/nlp/util/FinisherUtil$.html b/docs/api/com/johnsnowlabs/nlp/util/FinisherUtil$.html index be96d6ea13c7f1..c3379fca71aab0 100644 --- a/docs/api/com/johnsnowlabs/nlp/util/FinisherUtil$.html +++ b/docs/api/com/johnsnowlabs/nlp/util/FinisherUtil$.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.util.FinisherUtil - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.util.FinisherUtil + + @@ -28,7 +28,7 @@
  • + + + + + + + + + package + + + finisher + +
    Definition Classes
    nlp
  • diff --git a/docs/api/com/johnsnowlabs/nlp/util/io/ExternalResource$.html b/docs/api/com/johnsnowlabs/nlp/util/io/ExternalResource$.html index d14c1f057506c0..365aa4480ad6d0 100644 --- a/docs/api/com/johnsnowlabs/nlp/util/io/ExternalResource$.html +++ b/docs/api/com/johnsnowlabs/nlp/util/io/ExternalResource$.html @@ -3,9 +3,9 @@ - Spark NLP 4.4.4 ScalaDoc - com.johnsnowlabs.nlp.util.io.ExternalResource - - + Spark NLP 5.0.0 ScalaDoc - com.johnsnowlabs.nlp.util.io.ExternalResource + + @@ -28,7 +28,7 @@
  • DistilBertEmbeddings (class in sparknlp.annotator.embeddings.distil_bert_embeddings)
  • - - +