From 9cf62545ef07745d9577b02056ba47ed71c23a79 Mon Sep 17 00:00:00 2001
From: Devin Ha <33089471+DevinTDHa@users.noreply.github.com>
Date: Fri, 24 May 2024 10:26:52 +0200
Subject: [PATCH 1/5] SPARKNLP-1036: Onnx Example notebooks (#14234)
* SPARKNLP-1036: Fix dev python kernel names
* SPARKNLP-1036: Bump transformers version
* SPARKNLP-1036: Fix Colab buttons
* SPARKNLP-1036: Pin onnx version for compatibility
* SPARKNLP-1036: Upgrade Spark version
* SPARKNLP-1036: Minor Fixes
* SPARKNLP-1036: Clean Metadata
* SPARKNLP-1036: Add/Adjust Documentation
- Note for supported Spark Version of Annotators
- added missing Documentation for BGEEmbeddings
---
docs/en/annotator_entries/BGEEmbeddings.md | 160 +
docs/en/annotators.md | 1 +
docs/en/transformer_entries/E5Embeddings.md | 2 +
.../en/transformer_entries/MPNetEmbeddings.md | 2 +
...HuggingFace_ONNX_in_Spark_NLP_ALBERT.ipynb | 1180 ++--
...Spark_NLP_AlbertForQuestionAnswering.ipynb | 4 +-
..._NLP_AlbertForSequenceClassification.ipynb | 4 +-
...ark_NLP_AlbertForTokenClassification.ipynb | 4 +-
.../HuggingFace_ONNX_in_Spark_NLP_BERT.ipynb | 7 +-
.../HuggingFace_ONNX_in_Spark_NLP_BGE.ipynb | 5484 +++++++--------
...n_Spark_NLP_BertForQuestionAnswering.ipynb | 4 +-
...rk_NLP_BertForSequenceClassification.ipynb | 4 +-
...Spark_NLP_BertForTokenClassification.ipynb | 4 +-
...rk_NLP_BertForZeroShotClassification.ipynb | 4791 ++++++-------
..._in_Spark_NLP_BertSentenceEmbeddings.ipynb | 5 +-
.../HuggingFace_ONNX_in_Spark_NLP_CLIP.ipynb | 17 +-
...gingFace_ONNX_in_Spark_NLP_CamemBERT.ipynb | 4607 ++++++------
...rk_NLP_CamemBertForQuestionAnswering.ipynb | 245 +-
...P_CamemBertForSequenceClassification.ipynb | 277 +-
..._NLP_CamemBertForTokenClassification.ipynb | 275 +-
...uggingFace_ONNX_in_Spark_NLP_DeBERTa.ipynb | 4 +-
...park_NLP_DeBertaForQuestionAnswering.ipynb | 6038 ++++++++--------
...NLP_DeBertaForSequenceClassification.ipynb | 4 +-
...rk_NLP_DeBertaForTokenClassification.ipynb | 6232 ++++++++---------
...ingFace_ONNX_in_Spark_NLP_DistilBERT.ipynb | 6 +-
...k_NLP_DistilBertForQuestionAnswering.ipynb | 4 +-
..._DistilBertForSequenceClassification.ipynb | 4 +-
...NLP_DistilBertForTokenClassification.ipynb | 6 +-
.../HuggingFace_ONNX_in_Spark_NLP_E5.ipynb | 916 ++-
.../HuggingFace_ONNX_in_Spark_NLP_MPNet.ipynb | 1466 ++--
..._Spark_NLP_MPNetForQuestionAnswering.ipynb | 11 +-
...k_NLP_MPNetForSequenceClassification.ipynb | 2 +-
...HuggingFace_ONNX_in_Spark_NLP_Marian.ipynb | 2 +-
...uggingFace_ONNX_in_Spark_NLP_RoBERTa.ipynb | 4 +-
...park_NLP_RoBertaForQuestionAnswering.ipynb | 4 +-
...NLP_RoBertaForSequenceClassification.ipynb | 5570 +++++++--------
...rk_NLP_RoBertaForTokenClassification.ipynb | 6222 ++++++++--------
.../HuggingFace_ONNX_in_Spark_NLP_T5.ipynb | 2 +-
...uggingFace_ONNX_in_Spark_NLP_Whisper.ipynb | 1243 ++--
...ngFace_ONNX_in_Spark_NLP_XLM_RoBERTa.ipynb | 4601 ++++++------
...k_NLP_XlmRoBertaForQuestionAnswering.ipynb | 4616 ++++++------
..._XlmRoBertaForSequenceClassification.ipynb | 4093 ++++++-----
...NLP_XlmRoBertaForTokenClassification.ipynb | 4036 ++++++-----
...ark_NLP_XlmRoBertaSentenceEmbeddings.ipynb | 9 +-
...Spark_NLP_AlbertForQuestionAnswering.ipynb | 4 +-
.../annotator/embeddings/bge_embeddings.py | 2 +
.../annotator/embeddings/e5_embeddings.py | 2 +
.../annotator/embeddings/mpnet_embeddings.py | 2 +
.../nlp/embeddings/BGEEmbeddings.scala | 4 +-
.../nlp/embeddings/E5Embeddings.scala | 2 +
.../nlp/embeddings/MPNetEmbeddings.scala | 2 +
51 files changed, 30360 insertions(+), 31830 deletions(-)
create mode 100644 docs/en/annotator_entries/BGEEmbeddings.md
diff --git a/docs/en/annotator_entries/BGEEmbeddings.md b/docs/en/annotator_entries/BGEEmbeddings.md
new file mode 100644
index 00000000000000..7e006a5e7789a8
--- /dev/null
+++ b/docs/en/annotator_entries/BGEEmbeddings.md
@@ -0,0 +1,160 @@
+{%- capture title -%}
+BGEEmbeddings
+{%- endcapture -%}
+
+{%- capture description -%}
+Sentence embeddings using BGE.
+
+BGE, or BAAI General Embeddings, a model that can map any text to a low-dimensional dense
+vector which can be used for tasks like retrieval, classification, clustering, or semantic
+search.
+
+Note that this annotator is only supported for Spark Versions 3.4 and up.
+
+Pretrained models can be loaded with `pretrained` of the companion object:
+
+```scala
+val embeddings = BGEEmbeddings.pretrained()
+ .setInputCols("document")
+ .setOutputCol("embeddings")
+```
+
+The default model is `"bge_base"`, if no name is provided.
+
+For available pretrained models please see the
+[Models Hub](https://sparknlp.org/models?q=BGE).
+
+For extended examples of usage, see
+[BGEEmbeddingsTestSpec](https://github.com/JohnSnowLabs/spark-nlp/blob/master/src/test/scala/com/johnsnowlabs/nlp/embeddings/BGEEmbeddingsTestSpec.scala).
+
+**Sources** :
+
+[C-Pack: Packaged Resources To Advance General Chinese Embedding](https://arxiv.org/pdf/2309.07597)
+
+[BGE Github Repository](https://github.com/FlagOpen/FlagEmbedding)
+
+**Paper abstract**
+
+*We introduce C-Pack, a package of resources that significantly advance the field of general
+Chinese embeddings. C-Pack includes three critical resources. 1) C-MTEB is a comprehensive
+benchmark for Chinese text embeddings covering 6 tasks and 35 datasets. 2) C-MTP is a massive
+text embedding dataset curated from labeled and unlabeled Chinese corpora for training
+embedding models. 3) C-TEM is a family of embedding models covering multiple sizes. Our models
+outperform all prior Chinese text embeddings on C-MTEB by up to +10% upon the time of the
+release. We also integrate and optimize the entire suite of training methods for C-TEM. Along
+with our resources on general Chinese embedding, we release our data and models for English
+text embeddings. The English models achieve stateof-the-art performance on the MTEB benchmark;
+meanwhile, our released English data is 2 times larger than the Chinese data. All these
+resources are made publicly available at https://github.com/FlagOpen/FlagEmbedding.*
+{%- endcapture -%}
+
+{%- capture input_anno -%}
+DOCUMENT
+{%- endcapture -%}
+
+{%- capture output_anno -%}
+SENTENCE_EMBEDDINGS
+{%- endcapture -%}
+
+{%- capture python_example -%}
+import sparknlp
+from sparknlp.base import *
+from sparknlp.annotator import *
+from pyspark.ml import Pipeline
+documentAssembler = DocumentAssembler() \
+ .setInputCol("text") \
+ .setOutputCol("document")
+embeddings = BGEEmbeddings.pretrained() \
+ .setInputCols(["document"]) \
+ .setOutputCol("bge_embeddings")
+embeddingsFinisher = EmbeddingsFinisher() \
+ .setInputCols(["bge_embeddings"]) \
+ .setOutputCols("finished_embeddings") \
+ .setOutputAsVector(True)
+pipeline = Pipeline().setStages([
+ documentAssembler,
+ embeddings,
+ embeddingsFinisher
+])
+data = spark.createDataFrame([["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")
+result = pipeline.fit(data).transform(data)
+result.selectExpr("explode(finished_embeddings) as result").show(5, 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...|
++--------------------------------------------------------------------------------+
+{%- endcapture -%}
+
+{%- capture scala_example -%}
+import spark.implicits._
+import com.johnsnowlabs.nlp.base.DocumentAssembler
+import com.johnsnowlabs.nlp.annotators.Tokenizer
+import com.johnsnowlabs.nlp.embeddings.BGEEmbeddings
+import com.johnsnowlabs.nlp.EmbeddingsFinisher
+import org.apache.spark.ml.Pipeline
+
+val documentAssembler = new DocumentAssembler()
+ .setInputCol("text")
+ .setOutputCol("document")
+
+val embeddings = BGEEmbeddings.pretrained("bge_base", "en")
+ .setInputCols("document")
+ .setOutputCol("bge_embeddings")
+
+val embeddingsFinisher = new EmbeddingsFinisher()
+ .setInputCols("bge_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...|
++--------------------------------------------------------------------------------+
+{%- endcapture -%}
+
+{%- capture api_link -%}
+[BGEEmbeddings](/api/com/johnsnowlabs/nlp/embeddings/BGEEmbeddings)
+{%- endcapture -%}
+
+{%- capture python_api_link -%}
+[BGEEmbeddings](/api/python/reference/autosummary/sparknlp/annotator/embeddings/bge_embeddings/index.html#sparknlp.annotator.embeddings.bge_embeddings.BGEEmbeddings)
+{%- endcapture -%}
+
+{%- capture source_link -%}
+[BGEEmbeddings](https://github.com/JohnSnowLabs/spark-nlp/tree/master/src/main/scala/com/johnsnowlabs/nlp/embeddings/BGEEmbeddings.scala)
+{%- endcapture -%}
+
+{% include templates/anno_template.md
+title=title
+description=description
+input_anno=input_anno
+output_anno=output_anno
+python_example=python_example
+scala_example=scala_example
+api_link=api_link
+python_api_link=python_api_link
+source_link=source_link
+%}
\ No newline at end of file
diff --git a/docs/en/annotators.md b/docs/en/annotators.md
index 858a07d0a06336..b65eae52cc7f12 100644
--- a/docs/en/annotators.md
+++ b/docs/en/annotators.md
@@ -45,6 +45,7 @@ There are two types of Annotators:
{:.table-model-big}
|Annotator|Description|Version |
|---|---|---|
+{% include templates/anno_table_entry.md path="" name="BGEEmbeddings" summary="Sentence embeddings using BGE."%}
{% include templates/anno_table_entry.md path="" name="BigTextMatcher" summary="Annotator to match exact phrases (by token) provided in a file against a Document."%}
{% include templates/anno_table_entry.md path="" name="Chunk2Doc" summary="Converts a `CHUNK` type column back into `DOCUMENT`. Useful when trying to re-tokenize or do further analysis on a `CHUNK` result."%}
{% include templates/anno_table_entry.md path="" name="ChunkEmbeddings" summary="This annotator utilizes WordEmbeddings, BertEmbeddings etc. to generate chunk embeddings from either Chunker, NGramGenerator, or NerConverter outputs."%}
diff --git a/docs/en/transformer_entries/E5Embeddings.md b/docs/en/transformer_entries/E5Embeddings.md
index 04fa9482ed52d3..d3f0ec14da9fcc 100644
--- a/docs/en/transformer_entries/E5Embeddings.md
+++ b/docs/en/transformer_entries/E5Embeddings.md
@@ -8,6 +8,8 @@ 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.)
+Note that this annotator is only supported for Spark Versions 3.4 and up.
+
Pretrained models can be loaded with `pretrained` of the companion object:
```scala
diff --git a/docs/en/transformer_entries/MPNetEmbeddings.md b/docs/en/transformer_entries/MPNetEmbeddings.md
index a4c8b4df22c968..843078363277b2 100644
--- a/docs/en/transformer_entries/MPNetEmbeddings.md
+++ b/docs/en/transformer_entries/MPNetEmbeddings.md
@@ -10,6 +10,8 @@ Understanding by Kaitao Song, Xu Tan, Tao Qin, Jianfeng Lu, Tie-Yan Liu. MPNet a
pre-training method, named masked and permuted language modeling, to inherit the advantages of
masked language modeling and permuted language modeling for natural language understanding.
+Note that this annotator is only supported for Spark Versions 3.4 and up.
+
Pretrained models can be loaded with `pretrained` of the companion object:
```scala
diff --git a/examples/python/transformers/onnx/HuggingFace_ONNX_in_Spark_NLP_ALBERT.ipynb b/examples/python/transformers/onnx/HuggingFace_ONNX_in_Spark_NLP_ALBERT.ipynb
index 10c920bfea02be..08b77ed29e3841 100644
--- a/examples/python/transformers/onnx/HuggingFace_ONNX_in_Spark_NLP_ALBERT.ipynb
+++ b/examples/python/transformers/onnx/HuggingFace_ONNX_in_Spark_NLP_ALBERT.ipynb
@@ -41,16 +41,16 @@
"cell_type": "code",
"execution_count": null,
"metadata": {
- "id": "bgAl5Z8JLROz",
- "outputId": "0e3bf64c-a97d-465c-8357-47e6b1409135",
"colab": {
"base_uri": "https://localhost:8080/"
- }
+ },
+ "id": "bgAl5Z8JLROz",
+ "outputId": "0e3bf64c-a97d-465c-8357-47e6b1409135"
},
"outputs": [
{
- "output_type": "stream",
"name": "stdout",
+ "output_type": "stream",
"text": [
"\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m55.5/55.5 kB\u001b[0m \u001b[31m2.4 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n",
"\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m5.5/5.5 MB\u001b[0m \u001b[31m69.0 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n",
@@ -119,7 +119,7 @@
}
],
"source": [
- "!pip install -q --upgrade transformers[onnx]==4.29.1 optimum tensorflow"
+ "!pip install -q --upgrade transformers[onnx]==4.34.1 optimum tensorflow"
]
},
{
@@ -137,8 +137,6 @@
"cell_type": "code",
"execution_count": null,
"metadata": {
- "id": "VHQU-UIHLRO3",
- "outputId": "9cbb1d48-174a-4194-c475-dc616ec8076e",
"colab": {
"base_uri": "https://localhost:8080/",
"height": 423,
@@ -199,12 +197,14 @@
"a27e457fcb9746c7ad4a8a694f76e367",
"220b5d00bae9489fb70ce469d4103d08"
]
- }
+ },
+ "id": "VHQU-UIHLRO3",
+ "outputId": "9cbb1d48-174a-4194-c475-dc616ec8076e"
},
"outputs": [
{
- "output_type": "stream",
"name": "stderr",
+ "output_type": "stream",
"text": [
"/usr/local/lib/python3.10/dist-packages/huggingface_hub/utils/_token.py:88: UserWarning: \n",
"The secret `HF_TOKEN` does not exist in your Colab secrets.\n",
@@ -215,43 +215,43 @@
]
},
{
- "output_type": "display_data",
"data": {
- "text/plain": [
- "config.json: 0%| | 0.00/684 [00:00, ?B/s]"
- ],
"application/vnd.jupyter.widget-view+json": {
+ "model_id": "a56550fad97d49d4a2b9fddf205ed42f",
"version_major": 2,
- "version_minor": 0,
- "model_id": "a56550fad97d49d4a2b9fddf205ed42f"
- }
+ "version_minor": 0
+ },
+ "text/plain": [
+ "config.json: 0%| | 0.00/684 [00:00, ?B/s]"
+ ]
},
- "metadata": {}
+ "metadata": {},
+ "output_type": "display_data"
},
{
- "output_type": "stream",
"name": "stderr",
+ "output_type": "stream",
"text": [
"Framework not specified. Using pt to export the model.\n"
]
},
{
- "output_type": "display_data",
"data": {
- "text/plain": [
- "model.safetensors: 0%| | 0.00/47.4M [00:00, ?B/s]"
- ],
"application/vnd.jupyter.widget-view+json": {
+ "model_id": "144772b83e3a451ea737692bb03cda53",
"version_major": 2,
- "version_minor": 0,
- "model_id": "144772b83e3a451ea737692bb03cda53"
- }
+ "version_minor": 0
+ },
+ "text/plain": [
+ "model.safetensors: 0%| | 0.00/47.4M [00:00, ?B/s]"
+ ]
},
- "metadata": {}
+ "metadata": {},
+ "output_type": "display_data"
},
{
- "output_type": "stream",
"name": "stderr",
+ "output_type": "stream",
"text": [
"Some weights of the model checkpoint at albert-base-v2 were not used when initializing AlbertModel: ['predictions.dense.bias', 'predictions.decoder.bias', 'predictions.bias', 'predictions.LayerNorm.weight', 'predictions.LayerNorm.bias', 'predictions.dense.weight']\n",
"- This IS expected if you are initializing AlbertModel from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).\n",
@@ -259,50 +259,50 @@
]
},
{
- "output_type": "display_data",
"data": {
- "text/plain": [
- "tokenizer_config.json: 0%| | 0.00/25.0 [00:00, ?B/s]"
- ],
"application/vnd.jupyter.widget-view+json": {
+ "model_id": "1d8985f6823e4249a55a6ed9d4c1a57d",
"version_major": 2,
- "version_minor": 0,
- "model_id": "1d8985f6823e4249a55a6ed9d4c1a57d"
- }
+ "version_minor": 0
+ },
+ "text/plain": [
+ "tokenizer_config.json: 0%| | 0.00/25.0 [00:00, ?B/s]"
+ ]
},
- "metadata": {}
+ "metadata": {},
+ "output_type": "display_data"
},
{
- "output_type": "display_data",
"data": {
- "text/plain": [
- "spiece.model: 0%| | 0.00/760k [00:00, ?B/s]"
- ],
"application/vnd.jupyter.widget-view+json": {
+ "model_id": "7173408a02654a869335fd1a1a34cd04",
"version_major": 2,
- "version_minor": 0,
- "model_id": "7173408a02654a869335fd1a1a34cd04"
- }
+ "version_minor": 0
+ },
+ "text/plain": [
+ "spiece.model: 0%| | 0.00/760k [00:00, ?B/s]"
+ ]
},
- "metadata": {}
+ "metadata": {},
+ "output_type": "display_data"
},
{
- "output_type": "display_data",
"data": {
- "text/plain": [
- "tokenizer.json: 0%| | 0.00/1.31M [00:00, ?B/s]"
- ],
"application/vnd.jupyter.widget-view+json": {
+ "model_id": "b214680a132f4584b97200442feeca41",
"version_major": 2,
- "version_minor": 0,
- "model_id": "b214680a132f4584b97200442feeca41"
- }
+ "version_minor": 0
+ },
+ "text/plain": [
+ "tokenizer.json: 0%| | 0.00/1.31M [00:00, ?B/s]"
+ ]
},
- "metadata": {}
+ "metadata": {},
+ "output_type": "display_data"
},
{
- "output_type": "stream",
"name": "stderr",
+ "output_type": "stream",
"text": [
"Using the export variant default. Available variants are:\n",
" - default: The default ONNX variant.\n",
@@ -340,16 +340,16 @@
"cell_type": "code",
"execution_count": null,
"metadata": {
- "id": "iUmHRgbvLRO4",
- "outputId": "6cd365e0-8516-4486-892e-b4acf73d3a76",
"colab": {
"base_uri": "https://localhost:8080/"
- }
+ },
+ "id": "iUmHRgbvLRO4",
+ "outputId": "6cd365e0-8516-4486-892e-b4acf73d3a76"
},
"outputs": [
{
- "output_type": "stream",
"name": "stdout",
+ "output_type": "stream",
"text": [
"total 45912\n",
"drwxr-xr-x 2 root root 4096 Feb 29 23:27 assets\n",
@@ -369,16 +369,16 @@
"cell_type": "code",
"execution_count": null,
"metadata": {
- "id": "AcV5pbwGLRO5",
- "outputId": "8b52aa43-1fc3-4bfd-f946-f4c750011d39",
"colab": {
"base_uri": "https://localhost:8080/"
- }
+ },
+ "id": "AcV5pbwGLRO5",
+ "outputId": "8b52aa43-1fc3-4bfd-f946-f4c750011d39"
},
"outputs": [
{
- "output_type": "stream",
"name": "stdout",
+ "output_type": "stream",
"text": [
"total 744\n",
"-rw-r--r-- 1 root root 760289 Feb 29 23:27 spiece.model\n"
@@ -405,16 +405,16 @@
"cell_type": "code",
"execution_count": null,
"metadata": {
- "id": "bRAvyXTlLRO-",
- "outputId": "b736dcf3-43f7-43b4-f4ed-78061c22d413",
"colab": {
"base_uri": "https://localhost:8080/"
- }
+ },
+ "id": "bRAvyXTlLRO-",
+ "outputId": "b736dcf3-43f7-43b4-f4ed-78061c22d413"
},
"outputs": [
{
- "output_type": "stream",
"name": "stdout",
+ "output_type": "stream",
"text": [
"Installing PySpark 3.2.3 and Spark NLP 5.3.0\n",
"setup Colab for PySpark 3.2.3 and Spark NLP 5.3.0\n",
@@ -541,16 +541,16 @@
"cell_type": "code",
"execution_count": null,
"metadata": {
- "id": "yBcjQkDHLRPG",
- "outputId": "db2e1ffc-5fcc-4c7c-8df4-30cba05a0619",
"colab": {
"base_uri": "https://localhost:8080/"
- }
+ },
+ "id": "yBcjQkDHLRPG",
+ "outputId": "db2e1ffc-5fcc-4c7c-8df4-30cba05a0619"
},
"outputs": [
{
- "output_type": "stream",
"name": "stdout",
+ "output_type": "stream",
"text": [
"total 44432\n",
"-rw-r--r-- 1 root root 44729685 Feb 29 23:29 albert_onnx\n",
@@ -613,16 +613,16 @@
"cell_type": "code",
"execution_count": null,
"metadata": {
- "id": "_IU5yE9RLRPH",
- "outputId": "d1b711cc-10d6-4347-d46d-11e476ffa4c7",
"colab": {
"base_uri": "https://localhost:8080/"
- }
+ },
+ "id": "_IU5yE9RLRPH",
+ "outputId": "d1b711cc-10d6-4347-d46d-11e476ffa4c7"
},
"outputs": [
{
- "output_type": "stream",
"name": "stdout",
+ "output_type": "stream",
"text": [
"+--------------------+\n",
"| embeddings|\n",
@@ -668,9 +668,10 @@
}
],
"metadata": {
+ "accelerator": "GPU",
"colab": {
- "provenance": [],
- "gpuType": "T4"
+ "gpuType": "T4",
+ "provenance": []
},
"kernelspec": {
"display_name": "Python 3",
@@ -690,32 +691,10 @@
},
"widgets": {
"application/vnd.jupyter.widget-state+json": {
- "a56550fad97d49d4a2b9fddf205ed42f": {
+ "0246b916ec2c4bb78696f27b68ed57c0": {
"model_module": "@jupyter-widgets/controls",
- "model_name": "HBoxModel",
"model_module_version": "1.5.0",
- "state": {
- "_dom_classes": [],
- "_model_module": "@jupyter-widgets/controls",
- "_model_module_version": "1.5.0",
- "_model_name": "HBoxModel",
- "_view_count": null,
- "_view_module": "@jupyter-widgets/controls",
- "_view_module_version": "1.5.0",
- "_view_name": "HBoxView",
- "box_style": "",
- "children": [
- "IPY_MODEL_fa42a964f576462ea192e4c47d33beab",
- "IPY_MODEL_82ac68dec79f49229d2f6e0a29d39675",
- "IPY_MODEL_5ceb0727c2334bf0b1be26d3c90008d5"
- ],
- "layout": "IPY_MODEL_3955fdd6066248cdac68ec6796365d59"
- }
- },
- "fa42a964f576462ea192e4c47d33beab": {
- "model_module": "@jupyter-widgets/controls",
"model_name": "HTMLModel",
- "model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
@@ -727,61 +706,31 @@
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
- "layout": "IPY_MODEL_baffc75590e2427b8f0a4ed4b7901d74",
+ "layout": "IPY_MODEL_64ac18474257437f916941bb3f09bf53",
"placeholder": "",
- "style": "IPY_MODEL_8cf156ee9c4945e997a815618b93ebc3",
- "value": "config.json: 100%"
- }
- },
- "82ac68dec79f49229d2f6e0a29d39675": {
- "model_module": "@jupyter-widgets/controls",
- "model_name": "FloatProgressModel",
- "model_module_version": "1.5.0",
- "state": {
- "_dom_classes": [],
- "_model_module": "@jupyter-widgets/controls",
- "_model_module_version": "1.5.0",
- "_model_name": "FloatProgressModel",
- "_view_count": null,
- "_view_module": "@jupyter-widgets/controls",
- "_view_module_version": "1.5.0",
- "_view_name": "ProgressView",
- "bar_style": "success",
- "description": "",
- "description_tooltip": null,
- "layout": "IPY_MODEL_d2bd7f515c994a529fb6685addb34ae5",
- "max": 684,
- "min": 0,
- "orientation": "horizontal",
- "style": "IPY_MODEL_fafa5ff8a6104816b08636f3061c559e",
- "value": 684
+ "style": "IPY_MODEL_a8806c8148944ab0baf055a59cc5d9d5",
+ "value": "tokenizer.json: 100%"
}
},
- "5ceb0727c2334bf0b1be26d3c90008d5": {
+ "044e6d9d96a045da801ea3d8ce29793f": {
"model_module": "@jupyter-widgets/controls",
- "model_name": "HTMLModel",
"model_module_version": "1.5.0",
+ "model_name": "DescriptionStyleModel",
"state": {
- "_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
- "_model_name": "HTMLModel",
+ "_model_name": "DescriptionStyleModel",
"_view_count": null,
- "_view_module": "@jupyter-widgets/controls",
- "_view_module_version": "1.5.0",
- "_view_name": "HTMLView",
- "description": "",
- "description_tooltip": null,
- "layout": "IPY_MODEL_7fe574626264422db3174e1ca84384a7",
- "placeholder": "",
- "style": "IPY_MODEL_a7d2489cbb2640d9b7bf87ba6b765fa4",
- "value": " 684/684 [00:00<00:00, 948B/s]"
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "StyleView",
+ "description_width": ""
}
},
- "3955fdd6066248cdac68ec6796365d59": {
+ "097a57f6fa1b4a5391f865815e2701c1": {
"model_module": "@jupyter-widgets/base",
- "model_name": "LayoutModel",
"model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
@@ -830,10 +779,10 @@
"width": null
}
},
- "baffc75590e2427b8f0a4ed4b7901d74": {
+ "0b380fc0d74a48ac81313a216457a304": {
"model_module": "@jupyter-widgets/base",
- "model_name": "LayoutModel",
"model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
@@ -882,203 +831,78 @@
"width": null
}
},
- "8cf156ee9c4945e997a815618b93ebc3": {
+ "0c8db63e710c48b8a548c21a1f110407": {
"model_module": "@jupyter-widgets/controls",
- "model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
+ "model_name": "FloatProgressModel",
"state": {
+ "_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
- "_model_name": "DescriptionStyleModel",
+ "_model_name": "FloatProgressModel",
"_view_count": null,
- "_view_module": "@jupyter-widgets/base",
- "_view_module_version": "1.2.0",
- "_view_name": "StyleView",
- "description_width": ""
+ "_view_module": "@jupyter-widgets/controls",
+ "_view_module_version": "1.5.0",
+ "_view_name": "ProgressView",
+ "bar_style": "success",
+ "description": "",
+ "description_tooltip": null,
+ "layout": "IPY_MODEL_0b380fc0d74a48ac81313a216457a304",
+ "max": 25,
+ "min": 0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_86aba96ffdc6405f879cfde1fd368966",
+ "value": 25
}
},
- "d2bd7f515c994a529fb6685addb34ae5": {
- "model_module": "@jupyter-widgets/base",
- "model_name": "LayoutModel",
- "model_module_version": "1.2.0",
+ "144772b83e3a451ea737692bb03cda53": {
+ "model_module": "@jupyter-widgets/controls",
+ "model_module_version": "1.5.0",
+ "model_name": "HBoxModel",
"state": {
- "_model_module": "@jupyter-widgets/base",
- "_model_module_version": "1.2.0",
- "_model_name": "LayoutModel",
+ "_dom_classes": [],
+ "_model_module": "@jupyter-widgets/controls",
+ "_model_module_version": "1.5.0",
+ "_model_name": "HBoxModel",
"_view_count": null,
- "_view_module": "@jupyter-widgets/base",
- "_view_module_version": "1.2.0",
- "_view_name": "LayoutView",
- "align_content": null,
- "align_items": null,
- "align_self": null,
- "border": null,
- "bottom": null,
- "display": null,
- "flex": null,
- "flex_flow": null,
- "grid_area": null,
- "grid_auto_columns": null,
- "grid_auto_flow": null,
- "grid_auto_rows": null,
- "grid_column": null,
- "grid_gap": null,
- "grid_row": null,
- "grid_template_areas": null,
- "grid_template_columns": null,
- "grid_template_rows": null,
- "height": null,
- "justify_content": null,
- "justify_items": null,
- "left": null,
- "margin": null,
- "max_height": null,
- "max_width": null,
- "min_height": null,
- "min_width": null,
- "object_fit": null,
- "object_position": null,
- "order": null,
- "overflow": null,
- "overflow_x": null,
- "overflow_y": null,
- "padding": null,
- "right": null,
- "top": null,
- "visibility": null,
- "width": null
+ "_view_module": "@jupyter-widgets/controls",
+ "_view_module_version": "1.5.0",
+ "_view_name": "HBoxView",
+ "box_style": "",
+ "children": [
+ "IPY_MODEL_b809d2becb73412ea175b1158f8d909f",
+ "IPY_MODEL_20a3c7f59f2c4c2d81562b65509e3164",
+ "IPY_MODEL_b7c43e15175e445687d1d3ebebca06b7"
+ ],
+ "layout": "IPY_MODEL_7d6e37ab07d54c5e82001a848951e049"
}
},
- "fafa5ff8a6104816b08636f3061c559e": {
+ "1d8985f6823e4249a55a6ed9d4c1a57d": {
"model_module": "@jupyter-widgets/controls",
- "model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
+ "model_name": "HBoxModel",
"state": {
+ "_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
- "_model_name": "ProgressStyleModel",
- "_view_count": null,
- "_view_module": "@jupyter-widgets/base",
- "_view_module_version": "1.2.0",
- "_view_name": "StyleView",
- "bar_color": null,
- "description_width": ""
- }
- },
- "7fe574626264422db3174e1ca84384a7": {
- "model_module": "@jupyter-widgets/base",
- "model_name": "LayoutModel",
- "model_module_version": "1.2.0",
- "state": {
- "_model_module": "@jupyter-widgets/base",
- "_model_module_version": "1.2.0",
- "_model_name": "LayoutModel",
- "_view_count": null,
- "_view_module": "@jupyter-widgets/base",
- "_view_module_version": "1.2.0",
- "_view_name": "LayoutView",
- "align_content": null,
- "align_items": null,
- "align_self": null,
- "border": null,
- "bottom": null,
- "display": null,
- "flex": null,
- "flex_flow": null,
- "grid_area": null,
- "grid_auto_columns": null,
- "grid_auto_flow": null,
- "grid_auto_rows": null,
- "grid_column": null,
- "grid_gap": null,
- "grid_row": null,
- "grid_template_areas": null,
- "grid_template_columns": null,
- "grid_template_rows": null,
- "height": null,
- "justify_content": null,
- "justify_items": null,
- "left": null,
- "margin": null,
- "max_height": null,
- "max_width": null,
- "min_height": null,
- "min_width": null,
- "object_fit": null,
- "object_position": null,
- "order": null,
- "overflow": null,
- "overflow_x": null,
- "overflow_y": null,
- "padding": null,
- "right": null,
- "top": null,
- "visibility": null,
- "width": null
- }
- },
- "a7d2489cbb2640d9b7bf87ba6b765fa4": {
- "model_module": "@jupyter-widgets/controls",
- "model_name": "DescriptionStyleModel",
- "model_module_version": "1.5.0",
- "state": {
- "_model_module": "@jupyter-widgets/controls",
- "_model_module_version": "1.5.0",
- "_model_name": "DescriptionStyleModel",
- "_view_count": null,
- "_view_module": "@jupyter-widgets/base",
- "_view_module_version": "1.2.0",
- "_view_name": "StyleView",
- "description_width": ""
- }
- },
- "144772b83e3a451ea737692bb03cda53": {
- "model_module": "@jupyter-widgets/controls",
- "model_name": "HBoxModel",
- "model_module_version": "1.5.0",
- "state": {
- "_dom_classes": [],
- "_model_module": "@jupyter-widgets/controls",
- "_model_module_version": "1.5.0",
- "_model_name": "HBoxModel",
+ "_model_name": "HBoxModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
"_view_name": "HBoxView",
"box_style": "",
"children": [
- "IPY_MODEL_b809d2becb73412ea175b1158f8d909f",
- "IPY_MODEL_20a3c7f59f2c4c2d81562b65509e3164",
- "IPY_MODEL_b7c43e15175e445687d1d3ebebca06b7"
+ "IPY_MODEL_5643873b3ae9471fb35f8aa9e9072dc3",
+ "IPY_MODEL_0c8db63e710c48b8a548c21a1f110407",
+ "IPY_MODEL_f0b60625b1fd4ad1aa4ec454d5df5dea"
],
- "layout": "IPY_MODEL_7d6e37ab07d54c5e82001a848951e049"
- }
- },
- "b809d2becb73412ea175b1158f8d909f": {
- "model_module": "@jupyter-widgets/controls",
- "model_name": "HTMLModel",
- "model_module_version": "1.5.0",
- "state": {
- "_dom_classes": [],
- "_model_module": "@jupyter-widgets/controls",
- "_model_module_version": "1.5.0",
- "_model_name": "HTMLModel",
- "_view_count": null,
- "_view_module": "@jupyter-widgets/controls",
- "_view_module_version": "1.5.0",
- "_view_name": "HTMLView",
- "description": "",
- "description_tooltip": null,
- "layout": "IPY_MODEL_5533075d191d475fbb6d1a8efc4df459",
- "placeholder": "",
- "style": "IPY_MODEL_c2753ed1af9a4c72a455e35950f5a3f6",
- "value": "model.safetensors: 100%"
+ "layout": "IPY_MODEL_5e428f65b0b24093a258ec6acb2620af"
}
},
"20a3c7f59f2c4c2d81562b65509e3164": {
"model_module": "@jupyter-widgets/controls",
- "model_name": "FloatProgressModel",
"model_module_version": "1.5.0",
+ "model_name": "FloatProgressModel",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
@@ -1099,31 +923,41 @@
"value": 47372894
}
},
- "b7c43e15175e445687d1d3ebebca06b7": {
+ "20c5f5081dc348a498055dfc64d1374c": {
"model_module": "@jupyter-widgets/controls",
- "model_name": "HTMLModel",
"model_module_version": "1.5.0",
+ "model_name": "ProgressStyleModel",
"state": {
- "_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
- "_model_name": "HTMLModel",
+ "_model_name": "ProgressStyleModel",
"_view_count": null,
- "_view_module": "@jupyter-widgets/controls",
- "_view_module_version": "1.5.0",
- "_view_name": "HTMLView",
- "description": "",
- "description_tooltip": null,
- "layout": "IPY_MODEL_2a1be62b7eda40f5aa090f56730554bf",
- "placeholder": "",
- "style": "IPY_MODEL_044e6d9d96a045da801ea3d8ce29793f",
- "value": " 47.4M/47.4M [00:00<00:00, 87.0MB/s]"
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "StyleView",
+ "bar_color": null,
+ "description_width": ""
}
},
- "7d6e37ab07d54c5e82001a848951e049": {
+ "220b5d00bae9489fb70ce469d4103d08": {
+ "model_module": "@jupyter-widgets/controls",
+ "model_module_version": "1.5.0",
+ "model_name": "DescriptionStyleModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/controls",
+ "_model_module_version": "1.5.0",
+ "_model_name": "DescriptionStyleModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "StyleView",
+ "description_width": ""
+ }
+ },
+ "2a1be62b7eda40f5aa090f56730554bf": {
"model_module": "@jupyter-widgets/base",
- "model_name": "LayoutModel",
"model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
@@ -1172,10 +1006,10 @@
"width": null
}
},
- "5533075d191d475fbb6d1a8efc4df459": {
+ "2b62760901154f2da48bbb4e3b6cbc00": {
"model_module": "@jupyter-widgets/base",
- "model_name": "LayoutModel",
"model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
@@ -1224,10 +1058,10 @@
"width": null
}
},
- "c2753ed1af9a4c72a455e35950f5a3f6": {
+ "34bb9f1060b741c5b25901e4aa888bd7": {
"model_module": "@jupyter-widgets/controls",
- "model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
+ "model_name": "DescriptionStyleModel",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
@@ -1239,10 +1073,10 @@
"description_width": ""
}
},
- "c22f638b036b442eadd4467a228d3aa6": {
+ "3955fdd6066248cdac68ec6796365d59": {
"model_module": "@jupyter-widgets/base",
- "model_name": "LayoutModel",
"model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
@@ -1291,26 +1125,34 @@
"width": null
}
},
- "b5abf8f24bd644ab83a6db16ecdca4d1": {
+ "498157d1ca414ef4b7f95d2848d56262": {
"model_module": "@jupyter-widgets/controls",
- "model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
+ "model_name": "FloatProgressModel",
"state": {
+ "_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
- "_model_name": "ProgressStyleModel",
+ "_model_name": "FloatProgressModel",
"_view_count": null,
- "_view_module": "@jupyter-widgets/base",
- "_view_module_version": "1.2.0",
- "_view_name": "StyleView",
- "bar_color": null,
- "description_width": ""
+ "_view_module": "@jupyter-widgets/controls",
+ "_view_module_version": "1.5.0",
+ "_view_name": "ProgressView",
+ "bar_style": "success",
+ "description": "",
+ "description_tooltip": null,
+ "layout": "IPY_MODEL_549aa270fee54565a6d9a8ba2fb90766",
+ "max": 760289,
+ "min": 0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_20c5f5081dc348a498055dfc64d1374c",
+ "value": 760289
}
},
- "2a1be62b7eda40f5aa090f56730554bf": {
+ "5381ebd352db4cde9ac1983b85961754": {
"model_module": "@jupyter-widgets/base",
- "model_name": "LayoutModel",
"model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
@@ -1359,92 +1201,135 @@
"width": null
}
},
- "044e6d9d96a045da801ea3d8ce29793f": {
- "model_module": "@jupyter-widgets/controls",
- "model_name": "DescriptionStyleModel",
- "model_module_version": "1.5.0",
+ "549aa270fee54565a6d9a8ba2fb90766": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
"state": {
- "_model_module": "@jupyter-widgets/controls",
- "_model_module_version": "1.5.0",
- "_model_name": "DescriptionStyleModel",
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
- "_view_name": "StyleView",
- "description_width": ""
- }
- },
- "1d8985f6823e4249a55a6ed9d4c1a57d": {
- "model_module": "@jupyter-widgets/controls",
- "model_name": "HBoxModel",
- "model_module_version": "1.5.0",
- "state": {
- "_dom_classes": [],
- "_model_module": "@jupyter-widgets/controls",
- "_model_module_version": "1.5.0",
- "_model_name": "HBoxModel",
- "_view_count": null,
- "_view_module": "@jupyter-widgets/controls",
- "_view_module_version": "1.5.0",
- "_view_name": "HBoxView",
- "box_style": "",
- "children": [
- "IPY_MODEL_5643873b3ae9471fb35f8aa9e9072dc3",
- "IPY_MODEL_0c8db63e710c48b8a548c21a1f110407",
- "IPY_MODEL_f0b60625b1fd4ad1aa4ec454d5df5dea"
- ],
- "layout": "IPY_MODEL_5e428f65b0b24093a258ec6acb2620af"
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
}
},
- "5643873b3ae9471fb35f8aa9e9072dc3": {
- "model_module": "@jupyter-widgets/controls",
- "model_name": "HTMLModel",
- "model_module_version": "1.5.0",
+ "5533075d191d475fbb6d1a8efc4df459": {
+ "model_module": "@jupyter-widgets/base",
+ "model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
"state": {
- "_dom_classes": [],
- "_model_module": "@jupyter-widgets/controls",
- "_model_module_version": "1.5.0",
- "_model_name": "HTMLModel",
+ "_model_module": "@jupyter-widgets/base",
+ "_model_module_version": "1.2.0",
+ "_model_name": "LayoutModel",
"_view_count": null,
- "_view_module": "@jupyter-widgets/controls",
- "_view_module_version": "1.5.0",
- "_view_name": "HTMLView",
- "description": "",
- "description_tooltip": null,
- "layout": "IPY_MODEL_f55883529cad4f2a89cc669f7fb6539b",
- "placeholder": "",
- "style": "IPY_MODEL_9c944fa3c5e741b68cd176d3bc0b6c08",
- "value": "tokenizer_config.json: 100%"
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "LayoutView",
+ "align_content": null,
+ "align_items": null,
+ "align_self": null,
+ "border": null,
+ "bottom": null,
+ "display": null,
+ "flex": null,
+ "flex_flow": null,
+ "grid_area": null,
+ "grid_auto_columns": null,
+ "grid_auto_flow": null,
+ "grid_auto_rows": null,
+ "grid_column": null,
+ "grid_gap": null,
+ "grid_row": null,
+ "grid_template_areas": null,
+ "grid_template_columns": null,
+ "grid_template_rows": null,
+ "height": null,
+ "justify_content": null,
+ "justify_items": null,
+ "left": null,
+ "margin": null,
+ "max_height": null,
+ "max_width": null,
+ "min_height": null,
+ "min_width": null,
+ "object_fit": null,
+ "object_position": null,
+ "order": null,
+ "overflow": null,
+ "overflow_x": null,
+ "overflow_y": null,
+ "padding": null,
+ "right": null,
+ "top": null,
+ "visibility": null,
+ "width": null
}
},
- "0c8db63e710c48b8a548c21a1f110407": {
+ "5643873b3ae9471fb35f8aa9e9072dc3": {
"model_module": "@jupyter-widgets/controls",
- "model_name": "FloatProgressModel",
"model_module_version": "1.5.0",
+ "model_name": "HTMLModel",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
- "_model_name": "FloatProgressModel",
+ "_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
- "_view_name": "ProgressView",
- "bar_style": "success",
+ "_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
- "layout": "IPY_MODEL_0b380fc0d74a48ac81313a216457a304",
- "max": 25,
- "min": 0,
- "orientation": "horizontal",
- "style": "IPY_MODEL_86aba96ffdc6405f879cfde1fd368966",
- "value": 25
+ "layout": "IPY_MODEL_f55883529cad4f2a89cc669f7fb6539b",
+ "placeholder": "",
+ "style": "IPY_MODEL_9c944fa3c5e741b68cd176d3bc0b6c08",
+ "value": "tokenizer_config.json: 100%"
}
},
- "f0b60625b1fd4ad1aa4ec454d5df5dea": {
+ "5ceb0727c2334bf0b1be26d3c90008d5": {
"model_module": "@jupyter-widgets/controls",
- "model_name": "HTMLModel",
"model_module_version": "1.5.0",
+ "model_name": "HTMLModel",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
@@ -1456,16 +1341,16 @@
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
- "layout": "IPY_MODEL_9dd156bd2244453c85a6b07ffec9c674",
+ "layout": "IPY_MODEL_7fe574626264422db3174e1ca84384a7",
"placeholder": "",
- "style": "IPY_MODEL_efcf2b26d3f644cb8fb5113bfcf4b2c3",
- "value": " 25.0/25.0 [00:00<00:00, 1.67kB/s]"
+ "style": "IPY_MODEL_a7d2489cbb2640d9b7bf87ba6b765fa4",
+ "value": " 684/684 [00:00<00:00, 948B/s]"
}
},
"5e428f65b0b24093a258ec6acb2620af": {
"model_module": "@jupyter-widgets/base",
- "model_name": "LayoutModel",
"model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
@@ -1514,10 +1399,31 @@
"width": null
}
},
- "f55883529cad4f2a89cc669f7fb6539b": {
+ "63649ded14a04f889f3b1025ea804e32": {
+ "model_module": "@jupyter-widgets/controls",
+ "model_module_version": "1.5.0",
+ "model_name": "HTMLModel",
+ "state": {
+ "_dom_classes": [],
+ "_model_module": "@jupyter-widgets/controls",
+ "_model_module_version": "1.5.0",
+ "_model_name": "HTMLModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/controls",
+ "_view_module_version": "1.5.0",
+ "_view_name": "HTMLView",
+ "description": "",
+ "description_tooltip": null,
+ "layout": "IPY_MODEL_a27e457fcb9746c7ad4a8a694f76e367",
+ "placeholder": "",
+ "style": "IPY_MODEL_220b5d00bae9489fb70ce469d4103d08",
+ "value": " 1.31M/1.31M [00:00<00:00, 5.75MB/s]"
+ }
+ },
+ "64ac18474257437f916941bb3f09bf53": {
"model_module": "@jupyter-widgets/base",
- "model_name": "LayoutModel",
"model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
@@ -1566,25 +1472,32 @@
"width": null
}
},
- "9c944fa3c5e741b68cd176d3bc0b6c08": {
+ "7173408a02654a869335fd1a1a34cd04": {
"model_module": "@jupyter-widgets/controls",
- "model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
+ "model_name": "HBoxModel",
"state": {
+ "_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
- "_model_name": "DescriptionStyleModel",
+ "_model_name": "HBoxModel",
"_view_count": null,
- "_view_module": "@jupyter-widgets/base",
- "_view_module_version": "1.2.0",
- "_view_name": "StyleView",
- "description_width": ""
+ "_view_module": "@jupyter-widgets/controls",
+ "_view_module_version": "1.5.0",
+ "_view_name": "HBoxView",
+ "box_style": "",
+ "children": [
+ "IPY_MODEL_eab38496db0d4fa88d45348f917f2224",
+ "IPY_MODEL_498157d1ca414ef4b7f95d2848d56262",
+ "IPY_MODEL_82f917f1e0bd450db76b1d8f05cb774a"
+ ],
+ "layout": "IPY_MODEL_b01a0ae6e4424365b5d8f9643ca8b93b"
}
},
- "0b380fc0d74a48ac81313a216457a304": {
+ "7d6e37ab07d54c5e82001a848951e049": {
"model_module": "@jupyter-widgets/base",
- "model_name": "LayoutModel",
"model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
@@ -1633,26 +1546,10 @@
"width": null
}
},
- "86aba96ffdc6405f879cfde1fd368966": {
- "model_module": "@jupyter-widgets/controls",
- "model_name": "ProgressStyleModel",
- "model_module_version": "1.5.0",
- "state": {
- "_model_module": "@jupyter-widgets/controls",
- "_model_module_version": "1.5.0",
- "_model_name": "ProgressStyleModel",
- "_view_count": null,
- "_view_module": "@jupyter-widgets/base",
- "_view_module_version": "1.2.0",
- "_view_name": "StyleView",
- "bar_color": null,
- "description_width": ""
- }
- },
- "9dd156bd2244453c85a6b07ffec9c674": {
+ "7fe574626264422db3174e1ca84384a7": {
"model_module": "@jupyter-widgets/base",
- "model_name": "LayoutModel",
"model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
@@ -1701,68 +1598,10 @@
"width": null
}
},
- "efcf2b26d3f644cb8fb5113bfcf4b2c3": {
- "model_module": "@jupyter-widgets/controls",
- "model_name": "DescriptionStyleModel",
- "model_module_version": "1.5.0",
- "state": {
- "_model_module": "@jupyter-widgets/controls",
- "_model_module_version": "1.5.0",
- "_model_name": "DescriptionStyleModel",
- "_view_count": null,
- "_view_module": "@jupyter-widgets/base",
- "_view_module_version": "1.2.0",
- "_view_name": "StyleView",
- "description_width": ""
- }
- },
- "7173408a02654a869335fd1a1a34cd04": {
- "model_module": "@jupyter-widgets/controls",
- "model_name": "HBoxModel",
- "model_module_version": "1.5.0",
- "state": {
- "_dom_classes": [],
- "_model_module": "@jupyter-widgets/controls",
- "_model_module_version": "1.5.0",
- "_model_name": "HBoxModel",
- "_view_count": null,
- "_view_module": "@jupyter-widgets/controls",
- "_view_module_version": "1.5.0",
- "_view_name": "HBoxView",
- "box_style": "",
- "children": [
- "IPY_MODEL_eab38496db0d4fa88d45348f917f2224",
- "IPY_MODEL_498157d1ca414ef4b7f95d2848d56262",
- "IPY_MODEL_82f917f1e0bd450db76b1d8f05cb774a"
- ],
- "layout": "IPY_MODEL_b01a0ae6e4424365b5d8f9643ca8b93b"
- }
- },
- "eab38496db0d4fa88d45348f917f2224": {
+ "82ac68dec79f49229d2f6e0a29d39675": {
"model_module": "@jupyter-widgets/controls",
- "model_name": "HTMLModel",
"model_module_version": "1.5.0",
- "state": {
- "_dom_classes": [],
- "_model_module": "@jupyter-widgets/controls",
- "_model_module_version": "1.5.0",
- "_model_name": "HTMLModel",
- "_view_count": null,
- "_view_module": "@jupyter-widgets/controls",
- "_view_module_version": "1.5.0",
- "_view_name": "HTMLView",
- "description": "",
- "description_tooltip": null,
- "layout": "IPY_MODEL_5381ebd352db4cde9ac1983b85961754",
- "placeholder": "",
- "style": "IPY_MODEL_9cb5f993dd2f40889590fa9465794efe",
- "value": "spiece.model: 100%"
- }
- },
- "498157d1ca414ef4b7f95d2848d56262": {
- "model_module": "@jupyter-widgets/controls",
"model_name": "FloatProgressModel",
- "model_module_version": "1.5.0",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
@@ -1775,18 +1614,18 @@
"bar_style": "success",
"description": "",
"description_tooltip": null,
- "layout": "IPY_MODEL_549aa270fee54565a6d9a8ba2fb90766",
- "max": 760289,
+ "layout": "IPY_MODEL_d2bd7f515c994a529fb6685addb34ae5",
+ "max": 684,
"min": 0,
"orientation": "horizontal",
- "style": "IPY_MODEL_20c5f5081dc348a498055dfc64d1374c",
- "value": 760289
+ "style": "IPY_MODEL_fafa5ff8a6104816b08636f3061c559e",
+ "value": 684
}
},
"82f917f1e0bd450db76b1d8f05cb774a": {
"model_module": "@jupyter-widgets/controls",
- "model_name": "HTMLModel",
"model_module_version": "1.5.0",
+ "model_name": "HTMLModel",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
@@ -1804,10 +1643,26 @@
"value": " 760k/760k [00:00<00:00, 4.68MB/s]"
}
},
- "b01a0ae6e4424365b5d8f9643ca8b93b": {
+ "86aba96ffdc6405f879cfde1fd368966": {
+ "model_module": "@jupyter-widgets/controls",
+ "model_module_version": "1.5.0",
+ "model_name": "ProgressStyleModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/controls",
+ "_model_module_version": "1.5.0",
+ "_model_name": "ProgressStyleModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "StyleView",
+ "bar_color": null,
+ "description_width": ""
+ }
+ },
+ "88f1436f2b4d4b268f1c7cba52578a6b": {
"model_module": "@jupyter-widgets/base",
- "model_name": "LayoutModel",
"model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
@@ -1856,10 +1711,55 @@
"width": null
}
},
- "5381ebd352db4cde9ac1983b85961754": {
+ "8cf156ee9c4945e997a815618b93ebc3": {
+ "model_module": "@jupyter-widgets/controls",
+ "model_module_version": "1.5.0",
+ "model_name": "DescriptionStyleModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/controls",
+ "_model_module_version": "1.5.0",
+ "_model_name": "DescriptionStyleModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "StyleView",
+ "description_width": ""
+ }
+ },
+ "9c944fa3c5e741b68cd176d3bc0b6c08": {
+ "model_module": "@jupyter-widgets/controls",
+ "model_module_version": "1.5.0",
+ "model_name": "DescriptionStyleModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/controls",
+ "_model_module_version": "1.5.0",
+ "_model_name": "DescriptionStyleModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "StyleView",
+ "description_width": ""
+ }
+ },
+ "9cb5f993dd2f40889590fa9465794efe": {
+ "model_module": "@jupyter-widgets/controls",
+ "model_module_version": "1.5.0",
+ "model_name": "DescriptionStyleModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/controls",
+ "_model_module_version": "1.5.0",
+ "_model_name": "DescriptionStyleModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "StyleView",
+ "description_width": ""
+ }
+ },
+ "9dd156bd2244453c85a6b07ffec9c674": {
"model_module": "@jupyter-widgets/base",
- "model_name": "LayoutModel",
"model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
@@ -1908,25 +1808,10 @@
"width": null
}
},
- "9cb5f993dd2f40889590fa9465794efe": {
- "model_module": "@jupyter-widgets/controls",
- "model_name": "DescriptionStyleModel",
- "model_module_version": "1.5.0",
- "state": {
- "_model_module": "@jupyter-widgets/controls",
- "_model_module_version": "1.5.0",
- "_model_name": "DescriptionStyleModel",
- "_view_count": null,
- "_view_module": "@jupyter-widgets/base",
- "_view_module_version": "1.2.0",
- "_view_name": "StyleView",
- "description_width": ""
- }
- },
- "549aa270fee54565a6d9a8ba2fb90766": {
+ "a27e457fcb9746c7ad4a8a694f76e367": {
"model_module": "@jupyter-widgets/base",
- "model_name": "LayoutModel",
"model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
@@ -1975,26 +1860,62 @@
"width": null
}
},
- "20c5f5081dc348a498055dfc64d1374c": {
+ "a56550fad97d49d4a2b9fddf205ed42f": {
"model_module": "@jupyter-widgets/controls",
- "model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
+ "model_name": "HBoxModel",
"state": {
+ "_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
- "_model_name": "ProgressStyleModel",
+ "_model_name": "HBoxModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/controls",
+ "_view_module_version": "1.5.0",
+ "_view_name": "HBoxView",
+ "box_style": "",
+ "children": [
+ "IPY_MODEL_fa42a964f576462ea192e4c47d33beab",
+ "IPY_MODEL_82ac68dec79f49229d2f6e0a29d39675",
+ "IPY_MODEL_5ceb0727c2334bf0b1be26d3c90008d5"
+ ],
+ "layout": "IPY_MODEL_3955fdd6066248cdac68ec6796365d59"
+ }
+ },
+ "a7d2489cbb2640d9b7bf87ba6b765fa4": {
+ "model_module": "@jupyter-widgets/controls",
+ "model_module_version": "1.5.0",
+ "model_name": "DescriptionStyleModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/controls",
+ "_model_module_version": "1.5.0",
+ "_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
- "bar_color": null,
"description_width": ""
}
},
- "88f1436f2b4d4b268f1c7cba52578a6b": {
+ "a8806c8148944ab0baf055a59cc5d9d5": {
+ "model_module": "@jupyter-widgets/controls",
+ "model_module_version": "1.5.0",
+ "model_name": "DescriptionStyleModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/controls",
+ "_model_module_version": "1.5.0",
+ "_model_name": "DescriptionStyleModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "StyleView",
+ "description_width": ""
+ }
+ },
+ "b01a0ae6e4424365b5d8f9643ca8b93b": {
"model_module": "@jupyter-widgets/base",
- "model_name": "LayoutModel",
"model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
@@ -2043,25 +1964,10 @@
"width": null
}
},
- "34bb9f1060b741c5b25901e4aa888bd7": {
- "model_module": "@jupyter-widgets/controls",
- "model_name": "DescriptionStyleModel",
- "model_module_version": "1.5.0",
- "state": {
- "_model_module": "@jupyter-widgets/controls",
- "_model_module_version": "1.5.0",
- "_model_name": "DescriptionStyleModel",
- "_view_count": null,
- "_view_module": "@jupyter-widgets/base",
- "_view_module_version": "1.2.0",
- "_view_name": "StyleView",
- "description_width": ""
- }
- },
"b214680a132f4584b97200442feeca41": {
"model_module": "@jupyter-widgets/controls",
- "model_name": "HBoxModel",
"model_module_version": "1.5.0",
+ "model_name": "HBoxModel",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
@@ -2080,55 +1986,47 @@
"layout": "IPY_MODEL_097a57f6fa1b4a5391f865815e2701c1"
}
},
- "0246b916ec2c4bb78696f27b68ed57c0": {
+ "b5abf8f24bd644ab83a6db16ecdca4d1": {
"model_module": "@jupyter-widgets/controls",
- "model_name": "HTMLModel",
"model_module_version": "1.5.0",
+ "model_name": "ProgressStyleModel",
"state": {
- "_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
- "_model_name": "HTMLModel",
+ "_model_name": "ProgressStyleModel",
"_view_count": null,
- "_view_module": "@jupyter-widgets/controls",
- "_view_module_version": "1.5.0",
- "_view_name": "HTMLView",
- "description": "",
- "description_tooltip": null,
- "layout": "IPY_MODEL_64ac18474257437f916941bb3f09bf53",
- "placeholder": "",
- "style": "IPY_MODEL_a8806c8148944ab0baf055a59cc5d9d5",
- "value": "tokenizer.json: 100%"
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "StyleView",
+ "bar_color": null,
+ "description_width": ""
}
},
- "ff4944bcf015410a89e8cfce3bb485c6": {
+ "b7c43e15175e445687d1d3ebebca06b7": {
"model_module": "@jupyter-widgets/controls",
- "model_name": "FloatProgressModel",
"model_module_version": "1.5.0",
+ "model_name": "HTMLModel",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
- "_model_name": "FloatProgressModel",
+ "_model_name": "HTMLModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/controls",
"_view_module_version": "1.5.0",
- "_view_name": "ProgressView",
- "bar_style": "success",
+ "_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
- "layout": "IPY_MODEL_2b62760901154f2da48bbb4e3b6cbc00",
- "max": 1312669,
- "min": 0,
- "orientation": "horizontal",
- "style": "IPY_MODEL_ba87161ff85445a78101da82e07fce25",
- "value": 1312669
+ "layout": "IPY_MODEL_2a1be62b7eda40f5aa090f56730554bf",
+ "placeholder": "",
+ "style": "IPY_MODEL_044e6d9d96a045da801ea3d8ce29793f",
+ "value": " 47.4M/47.4M [00:00<00:00, 87.0MB/s]"
}
},
- "63649ded14a04f889f3b1025ea804e32": {
+ "b809d2becb73412ea175b1158f8d909f": {
"model_module": "@jupyter-widgets/controls",
- "model_name": "HTMLModel",
"model_module_version": "1.5.0",
+ "model_name": "HTMLModel",
"state": {
"_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
@@ -2140,16 +2038,32 @@
"_view_name": "HTMLView",
"description": "",
"description_tooltip": null,
- "layout": "IPY_MODEL_a27e457fcb9746c7ad4a8a694f76e367",
+ "layout": "IPY_MODEL_5533075d191d475fbb6d1a8efc4df459",
"placeholder": "",
- "style": "IPY_MODEL_220b5d00bae9489fb70ce469d4103d08",
- "value": " 1.31M/1.31M [00:00<00:00, 5.75MB/s]"
+ "style": "IPY_MODEL_c2753ed1af9a4c72a455e35950f5a3f6",
+ "value": "model.safetensors: 100%"
}
},
- "097a57f6fa1b4a5391f865815e2701c1": {
+ "ba87161ff85445a78101da82e07fce25": {
+ "model_module": "@jupyter-widgets/controls",
+ "model_module_version": "1.5.0",
+ "model_name": "ProgressStyleModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/controls",
+ "_model_module_version": "1.5.0",
+ "_model_name": "ProgressStyleModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/base",
+ "_view_module_version": "1.2.0",
+ "_view_name": "StyleView",
+ "bar_color": null,
+ "description_width": ""
+ }
+ },
+ "baffc75590e2427b8f0a4ed4b7901d74": {
"model_module": "@jupyter-widgets/base",
- "model_name": "LayoutModel",
"model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
@@ -2198,10 +2112,10 @@
"width": null
}
},
- "64ac18474257437f916941bb3f09bf53": {
+ "c22f638b036b442eadd4467a228d3aa6": {
"model_module": "@jupyter-widgets/base",
- "model_name": "LayoutModel",
"model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
@@ -2250,10 +2164,10 @@
"width": null
}
},
- "a8806c8148944ab0baf055a59cc5d9d5": {
+ "c2753ed1af9a4c72a455e35950f5a3f6": {
"model_module": "@jupyter-widgets/controls",
- "model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
+ "model_name": "DescriptionStyleModel",
"state": {
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
@@ -2265,10 +2179,10 @@
"description_width": ""
}
},
- "2b62760901154f2da48bbb4e3b6cbc00": {
+ "d2bd7f515c994a529fb6685addb34ae5": {
"model_module": "@jupyter-widgets/base",
- "model_name": "LayoutModel",
"model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
@@ -2317,26 +2231,67 @@
"width": null
}
},
- "ba87161ff85445a78101da82e07fce25": {
+ "eab38496db0d4fa88d45348f917f2224": {
"model_module": "@jupyter-widgets/controls",
- "model_name": "ProgressStyleModel",
"model_module_version": "1.5.0",
+ "model_name": "HTMLModel",
"state": {
+ "_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
- "_model_name": "ProgressStyleModel",
+ "_model_name": "HTMLModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/controls",
+ "_view_module_version": "1.5.0",
+ "_view_name": "HTMLView",
+ "description": "",
+ "description_tooltip": null,
+ "layout": "IPY_MODEL_5381ebd352db4cde9ac1983b85961754",
+ "placeholder": "",
+ "style": "IPY_MODEL_9cb5f993dd2f40889590fa9465794efe",
+ "value": "spiece.model: 100%"
+ }
+ },
+ "efcf2b26d3f644cb8fb5113bfcf4b2c3": {
+ "model_module": "@jupyter-widgets/controls",
+ "model_module_version": "1.5.0",
+ "model_name": "DescriptionStyleModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/controls",
+ "_model_module_version": "1.5.0",
+ "_model_name": "DescriptionStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
- "bar_color": null,
"description_width": ""
}
},
- "a27e457fcb9746c7ad4a8a694f76e367": {
+ "f0b60625b1fd4ad1aa4ec454d5df5dea": {
+ "model_module": "@jupyter-widgets/controls",
+ "model_module_version": "1.5.0",
+ "model_name": "HTMLModel",
+ "state": {
+ "_dom_classes": [],
+ "_model_module": "@jupyter-widgets/controls",
+ "_model_module_version": "1.5.0",
+ "_model_name": "HTMLModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/controls",
+ "_view_module_version": "1.5.0",
+ "_view_name": "HTMLView",
+ "description": "",
+ "description_tooltip": null,
+ "layout": "IPY_MODEL_9dd156bd2244453c85a6b07ffec9c674",
+ "placeholder": "",
+ "style": "IPY_MODEL_efcf2b26d3f644cb8fb5113bfcf4b2c3",
+ "value": " 25.0/25.0 [00:00<00:00, 1.67kB/s]"
+ }
+ },
+ "f55883529cad4f2a89cc669f7fb6539b": {
"model_module": "@jupyter-widgets/base",
- "model_name": "LayoutModel",
"model_module_version": "1.2.0",
+ "model_name": "LayoutModel",
"state": {
"_model_module": "@jupyter-widgets/base",
"_model_module_version": "1.2.0",
@@ -2385,25 +2340,70 @@
"width": null
}
},
- "220b5d00bae9489fb70ce469d4103d08": {
+ "fa42a964f576462ea192e4c47d33beab": {
"model_module": "@jupyter-widgets/controls",
- "model_name": "DescriptionStyleModel",
"model_module_version": "1.5.0",
+ "model_name": "HTMLModel",
"state": {
+ "_dom_classes": [],
"_model_module": "@jupyter-widgets/controls",
"_model_module_version": "1.5.0",
- "_model_name": "DescriptionStyleModel",
+ "_model_name": "HTMLModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/controls",
+ "_view_module_version": "1.5.0",
+ "_view_name": "HTMLView",
+ "description": "",
+ "description_tooltip": null,
+ "layout": "IPY_MODEL_baffc75590e2427b8f0a4ed4b7901d74",
+ "placeholder": "",
+ "style": "IPY_MODEL_8cf156ee9c4945e997a815618b93ebc3",
+ "value": "config.json: 100%"
+ }
+ },
+ "fafa5ff8a6104816b08636f3061c559e": {
+ "model_module": "@jupyter-widgets/controls",
+ "model_module_version": "1.5.0",
+ "model_name": "ProgressStyleModel",
+ "state": {
+ "_model_module": "@jupyter-widgets/controls",
+ "_model_module_version": "1.5.0",
+ "_model_name": "ProgressStyleModel",
"_view_count": null,
"_view_module": "@jupyter-widgets/base",
"_view_module_version": "1.2.0",
"_view_name": "StyleView",
+ "bar_color": null,
"description_width": ""
}
+ },
+ "ff4944bcf015410a89e8cfce3bb485c6": {
+ "model_module": "@jupyter-widgets/controls",
+ "model_module_version": "1.5.0",
+ "model_name": "FloatProgressModel",
+ "state": {
+ "_dom_classes": [],
+ "_model_module": "@jupyter-widgets/controls",
+ "_model_module_version": "1.5.0",
+ "_model_name": "FloatProgressModel",
+ "_view_count": null,
+ "_view_module": "@jupyter-widgets/controls",
+ "_view_module_version": "1.5.0",
+ "_view_name": "ProgressView",
+ "bar_style": "success",
+ "description": "",
+ "description_tooltip": null,
+ "layout": "IPY_MODEL_2b62760901154f2da48bbb4e3b6cbc00",
+ "max": 1312669,
+ "min": 0,
+ "orientation": "horizontal",
+ "style": "IPY_MODEL_ba87161ff85445a78101da82e07fce25",
+ "value": 1312669
+ }
}
}
- },
- "accelerator": "GPU"
+ }
},
"nbformat": 4,
"nbformat_minor": 0
-}
\ No newline at end of file
+}
diff --git a/examples/python/transformers/onnx/HuggingFace_ONNX_in_Spark_NLP_AlbertForQuestionAnswering.ipynb b/examples/python/transformers/onnx/HuggingFace_ONNX_in_Spark_NLP_AlbertForQuestionAnswering.ipynb
index 24fda0354440ba..2e1d1eb3fa184a 100644
--- a/examples/python/transformers/onnx/HuggingFace_ONNX_in_Spark_NLP_AlbertForQuestionAnswering.ipynb
+++ b/examples/python/transformers/onnx/HuggingFace_ONNX_in_Spark_NLP_AlbertForQuestionAnswering.ipynb
@@ -36,7 +36,7 @@
"metadata": {},
"source": [
"- Let's install `transformers` package with the `onnx` extension and it's dependencies. You don't need `onnx` to be installed for Spark NLP, however, we need it to load and save models from HuggingFace.\n",
- "- We lock `transformers` on version `4.29.1`. This doesn't mean it won't work with the future releases, but we wanted you to know which versions have been tested successfully.\n",
+ "- We lock `transformers` on version `4.34.1`. This doesn't mean it won't work with the future releases, but we wanted you to know which versions have been tested successfully.\n",
"- Albert uses SentencePiece, so we will have to install that as well"
]
},
@@ -75,7 +75,7 @@
}
],
"source": [
- "!pip install -q --upgrade transformers[onnx]==4.29.1 optimum sentencepiece tensorflow"
+ "!pip install -q --upgrade transformers[onnx]==4.34.1 optimum sentencepiece tensorflow"
]
},
{
diff --git a/examples/python/transformers/onnx/HuggingFace_ONNX_in_Spark_NLP_AlbertForSequenceClassification.ipynb b/examples/python/transformers/onnx/HuggingFace_ONNX_in_Spark_NLP_AlbertForSequenceClassification.ipynb
index 80c341c4b9773d..01ebb3f4b2844c 100644
--- a/examples/python/transformers/onnx/HuggingFace_ONNX_in_Spark_NLP_AlbertForSequenceClassification.ipynb
+++ b/examples/python/transformers/onnx/HuggingFace_ONNX_in_Spark_NLP_AlbertForSequenceClassification.ipynb
@@ -36,7 +36,7 @@
"metadata": {},
"source": [
"- Let's install `transformers` package with the `onnx` extension and it's dependencies. You don't need `onnx` to be installed for Spark NLP, however, we need it to load and save models from HuggingFace.\n",
- "- We lock `transformers` on version `4.29.1`. This doesn't mean it won't work with the future releases, but we wanted you to know which versions have been tested successfully.\n",
+ "- We lock `transformers` on version `4.34.1`. This doesn't mean it won't work with the future releases, but we wanted you to know which versions have been tested successfully.\n",
"- Albert uses SentencePiece, so we will have to install that as well"
]
},
@@ -75,7 +75,7 @@
}
],
"source": [
- "!pip install -q --upgrade transformers[onnx]==4.29.1 optimum sentencepiece"
+ "!pip install -q --upgrade transformers[onnx]==4.34.1 optimum sentencepiece"
]
},
{
diff --git a/examples/python/transformers/onnx/HuggingFace_ONNX_in_Spark_NLP_AlbertForTokenClassification.ipynb b/examples/python/transformers/onnx/HuggingFace_ONNX_in_Spark_NLP_AlbertForTokenClassification.ipynb
index 441e82771e5c31..a03552490a1071 100644
--- a/examples/python/transformers/onnx/HuggingFace_ONNX_in_Spark_NLP_AlbertForTokenClassification.ipynb
+++ b/examples/python/transformers/onnx/HuggingFace_ONNX_in_Spark_NLP_AlbertForTokenClassification.ipynb
@@ -35,7 +35,7 @@
"metadata": {},
"source": [
"- Let's install `transformers` package with the `onnx` extension and it's dependencies. You don't need `onnx` to be installed for Spark NLP, however, we need it to load and save models from HuggingFace.\n",
- "- We lock `transformers` on version `4.29.1`. This doesn't mean it won't work with the future releases\n",
+ "- We lock `transformers` on version `4.34.1`. This doesn't mean it won't work with the future releases\n",
"- Albert uses SentencePiece, so we will have to install that as well"
]
},
@@ -74,7 +74,7 @@
}
],
"source": [
- "!pip install -q --upgrade transformers[onnx]==4.29.1 optimum sentencepiece"
+ "!pip install -q --upgrade transformers[onnx]==4.34.1 optimum sentencepiece"
]
},
{
diff --git a/examples/python/transformers/onnx/HuggingFace_ONNX_in_Spark_NLP_BERT.ipynb b/examples/python/transformers/onnx/HuggingFace_ONNX_in_Spark_NLP_BERT.ipynb
index 2eb92dde43fe45..887ee3c86dabd7 100644
--- a/examples/python/transformers/onnx/HuggingFace_ONNX_in_Spark_NLP_BERT.ipynb
+++ b/examples/python/transformers/onnx/HuggingFace_ONNX_in_Spark_NLP_BERT.ipynb
@@ -28,7 +28,7 @@
"metadata": {},
"source": [
"- Let's install `transformers` package with the `onnx` extension and it's dependencies. You don't need `onnx` to be installed for Spark NLP, however, we need it to load and save models from HuggingFace.\n",
- "- We lock `transformers` on version `4.29.1`. This doesn't mean it won't work with the future releases, but we wanted you to know which versions have been tested successfully."
+ "- We lock `transformers` on version `4.34.1`. This doesn't mean it won't work with the future releases, but we wanted you to know which versions have been tested successfully."
]
},
{
@@ -70,7 +70,7 @@
}
],
"source": [
- "!pip install -q --upgrade transformers[onnx]==4.29.1 optimum tensorflow"
+ "!pip install -q --upgrade transformers[onnx]==4.34.1 optimum tensorflow"
]
},
{
@@ -510,8 +510,7 @@
"mimetype": "text/x-python",
"name": "python",
"nbconvert_exporter": "python",
- "pygments_lexer": "ipython3",
- "version": "3.10.12"
+ "pygments_lexer": "ipython3"
},
"widgets": {
"application/vnd.jupyter.widget-state+json": {
diff --git a/examples/python/transformers/onnx/HuggingFace_ONNX_in_Spark_NLP_BGE.ipynb b/examples/python/transformers/onnx/HuggingFace_ONNX_in_Spark_NLP_BGE.ipynb
index 4a32637359f498..5d74216027be58 100644
--- a/examples/python/transformers/onnx/HuggingFace_ONNX_in_Spark_NLP_BGE.ipynb
+++ b/examples/python/transformers/onnx/HuggingFace_ONNX_in_Spark_NLP_BGE.ipynb
@@ -1,2790 +1,2806 @@
{
- "cells": [
+ "cells": [
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "![JohnSnowLabs](https://sparknlp.org/assets/images/logo.png)\n",
+ "\n",
+ "[![Open In Colab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/JohnSnowLabs/spark-nlp/blob/master/examples/python/transformers/onnx/HuggingFace_ONNX_in_Spark_NLP_BGE.ipynb)\n",
+ "\n",
+ "# Import ONNX BGE models from HuggingFace 🤗 into Spark NLP 🚀\n",
+ "\n",
+ "Let's keep in mind a few things before we start 😊\n",
+ "\n",
+ "- ONNX support for this annotator was introduced in `Spark NLP 5.2.1`, enabling high performance inference for models. Please make sure you have upgraded to the latest Spark NLP release.\n",
+ "- You can import models for BGE from HuggingFace and they have to be in `Sentence Similarity` category. Meaning, you cannot use BGE models trained/fine-tuned on a specific task such as token/sequence classification."
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "## Export and Save HuggingFace model"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "- Let's install `transformers` package with the `onnx` extension and it's dependencies. You don't need `onnx` to be installed for Spark NLP, however, we need it to load and save models from HuggingFace.\n",
+ "- We lock `transformers` on version `4.29.1`. This doesn't mean it won't work with the future releases, but we wanted you to know which versions have been tested successfully."
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {},
+ "outputs": [
{
- "cell_type": "markdown",
- "metadata": {
- "id": "B7vB-Wi_07h8"
- },
- "source": [
- "![JohnSnowLabs](https://sparknlp.org/assets/images/logo.png)\n",
- "\n",
- "[![Open In Colab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/JohnSnowLabs/spark-nlp/blob/master/examples/python/transformers/onnx/HuggingFace_ONNX_in_Spark_NLP_BGE.ipynb)\n",
- "\n",
- "# Import ONNX BGE models from HuggingFace 🤗 into Spark NLP 🚀\n",
- "\n",
- "Let's keep in mind a few things before we start 😊\n",
- "\n",
- "- ONNX support for this annotator was introduced in `Spark NLP 5.2.1`, enabling high performance inference for models. Please make sure you have upgraded to the latest Spark NLP release.\n",
- "- You can import models for BGE from HuggingFace and they have to be in `Sentence Similarity` category. Meaning, you cannot use BGE models trained/fine-tuned on a specific task such as token/sequence classification."
- ]
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "Collecting install\n",
+ " Downloading install-1.3.5-py3-none-any.whl (3.2 kB)\n",
+ "Collecting optimum[onnxruntime]\n",
+ " Downloading optimum-1.18.1-py3-none-any.whl (410 kB)\n",
+ "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m410.0/410.0 kB\u001b[0m \u001b[31m7.8 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n",
+ "\u001b[?25hCollecting coloredlogs (from optimum[onnxruntime])\n",
+ " Downloading coloredlogs-15.0.1-py2.py3-none-any.whl (46 kB)\n",
+ "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m46.0/46.0 kB\u001b[0m \u001b[31m5.6 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n",
+ "\u001b[?25hRequirement already satisfied: sympy in /usr/local/lib/python3.10/dist-packages (from optimum[onnxruntime]) (1.12)\n",
+ "Requirement already satisfied: transformers[sentencepiece]<4.40.0,>=4.26.0 in /usr/local/lib/python3.10/dist-packages (from optimum[onnxruntime]) (4.38.2)\n",
+ "Requirement already satisfied: torch>=1.11 in /usr/local/lib/python3.10/dist-packages (from optimum[onnxruntime]) (2.2.1+cu121)\n",
+ "Requirement already satisfied: packaging in /usr/local/lib/python3.10/dist-packages (from optimum[onnxruntime]) (24.0)\n",
+ "Requirement already satisfied: numpy in /usr/local/lib/python3.10/dist-packages (from optimum[onnxruntime]) (1.25.2)\n",
+ "Requirement already satisfied: huggingface-hub>=0.8.0 in /usr/local/lib/python3.10/dist-packages (from optimum[onnxruntime]) (0.20.3)\n",
+ "Collecting datasets (from optimum[onnxruntime])\n",
+ " Downloading datasets-2.18.0-py3-none-any.whl (510 kB)\n",
+ "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m510.5/510.5 kB\u001b[0m \u001b[31m25.3 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n",
+ "\u001b[?25hCollecting onnx (from optimum[onnxruntime])\n",
+ " Downloading onnx-1.16.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (15.9 MB)\n",
+ "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m15.9/15.9 MB\u001b[0m \u001b[31m63.2 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n",
+ "\u001b[?25hCollecting onnxruntime>=1.11.0 (from optimum[onnxruntime])\n",
+ " Downloading onnxruntime-1.17.1-cp310-cp310-manylinux_2_27_x86_64.manylinux_2_28_x86_64.whl (6.8 MB)\n",
+ "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m6.8/6.8 MB\u001b[0m \u001b[31m68.4 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n",
+ "\u001b[?25hCollecting evaluate (from optimum[onnxruntime])\n",
+ " Downloading evaluate-0.4.1-py3-none-any.whl (84 kB)\n",
+ "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m84.1/84.1 kB\u001b[0m \u001b[31m12.5 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n",
+ "\u001b[?25hRequirement already satisfied: protobuf>=3.20.1 in /usr/local/lib/python3.10/dist-packages (from optimum[onnxruntime]) (3.20.3)\n",
+ "Requirement already satisfied: filelock in /usr/local/lib/python3.10/dist-packages (from datasets->optimum[onnxruntime]) (3.13.4)\n",
+ "Requirement already satisfied: pyarrow>=12.0.0 in /usr/local/lib/python3.10/dist-packages (from datasets->optimum[onnxruntime]) (14.0.2)\n",
+ "Requirement already satisfied: pyarrow-hotfix in /usr/local/lib/python3.10/dist-packages (from datasets->optimum[onnxruntime]) (0.6)\n",
+ "Collecting dill<0.3.9,>=0.3.0 (from datasets->optimum[onnxruntime])\n",
+ " Downloading dill-0.3.8-py3-none-any.whl (116 kB)\n",
+ "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m116.3/116.3 kB\u001b[0m \u001b[31m14.8 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n",
+ "\u001b[?25hRequirement already satisfied: pandas in /usr/local/lib/python3.10/dist-packages (from datasets->optimum[onnxruntime]) (2.0.3)\n",
+ "Requirement already satisfied: requests>=2.19.0 in /usr/local/lib/python3.10/dist-packages (from datasets->optimum[onnxruntime]) (2.31.0)\n",
+ "Requirement already satisfied: tqdm>=4.62.1 in /usr/local/lib/python3.10/dist-packages (from datasets->optimum[onnxruntime]) (4.66.2)\n",
+ "Collecting xxhash (from datasets->optimum[onnxruntime])\n",
+ " Downloading xxhash-3.4.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (194 kB)\n",
+ "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m194.1/194.1 kB\u001b[0m \u001b[31m10.4 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n",
+ "\u001b[?25hCollecting multiprocess (from datasets->optimum[onnxruntime])\n",
+ " Downloading multiprocess-0.70.16-py310-none-any.whl (134 kB)\n",
+ "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m134.8/134.8 kB\u001b[0m \u001b[31m11.9 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n",
+ "\u001b[?25hRequirement already satisfied: fsspec[http]<=2024.2.0,>=2023.1.0 in /usr/local/lib/python3.10/dist-packages (from datasets->optimum[onnxruntime]) (2023.6.0)\n",
+ "Requirement already satisfied: aiohttp in /usr/local/lib/python3.10/dist-packages (from datasets->optimum[onnxruntime]) (3.9.3)\n",
+ "Requirement already satisfied: pyyaml>=5.1 in /usr/local/lib/python3.10/dist-packages (from datasets->optimum[onnxruntime]) (6.0.1)\n",
+ "Requirement already satisfied: typing-extensions>=3.7.4.3 in /usr/local/lib/python3.10/dist-packages (from huggingface-hub>=0.8.0->optimum[onnxruntime]) (4.11.0)\n",
+ "Requirement already satisfied: flatbuffers in /usr/local/lib/python3.10/dist-packages (from onnxruntime>=1.11.0->optimum[onnxruntime]) (24.3.25)\n",
+ "Requirement already satisfied: networkx in /usr/local/lib/python3.10/dist-packages (from torch>=1.11->optimum[onnxruntime]) (3.3)\n",
+ "Requirement already satisfied: jinja2 in /usr/local/lib/python3.10/dist-packages (from torch>=1.11->optimum[onnxruntime]) (3.1.3)\n",
+ "Collecting nvidia-cuda-nvrtc-cu12==12.1.105 (from torch>=1.11->optimum[onnxruntime])\n",
+ " Using cached nvidia_cuda_nvrtc_cu12-12.1.105-py3-none-manylinux1_x86_64.whl (23.7 MB)\n",
+ "Collecting nvidia-cuda-runtime-cu12==12.1.105 (from torch>=1.11->optimum[onnxruntime])\n",
+ " Using cached nvidia_cuda_runtime_cu12-12.1.105-py3-none-manylinux1_x86_64.whl (823 kB)\n",
+ "Collecting nvidia-cuda-cupti-cu12==12.1.105 (from torch>=1.11->optimum[onnxruntime])\n",
+ " Using cached nvidia_cuda_cupti_cu12-12.1.105-py3-none-manylinux1_x86_64.whl (14.1 MB)\n",
+ "Collecting nvidia-cudnn-cu12==8.9.2.26 (from torch>=1.11->optimum[onnxruntime])\n",
+ " Using cached nvidia_cudnn_cu12-8.9.2.26-py3-none-manylinux1_x86_64.whl (731.7 MB)\n",
+ "Collecting nvidia-cublas-cu12==12.1.3.1 (from torch>=1.11->optimum[onnxruntime])\n",
+ " Using cached nvidia_cublas_cu12-12.1.3.1-py3-none-manylinux1_x86_64.whl (410.6 MB)\n",
+ "Collecting nvidia-cufft-cu12==11.0.2.54 (from torch>=1.11->optimum[onnxruntime])\n",
+ " Using cached nvidia_cufft_cu12-11.0.2.54-py3-none-manylinux1_x86_64.whl (121.6 MB)\n",
+ "Collecting nvidia-curand-cu12==10.3.2.106 (from torch>=1.11->optimum[onnxruntime])\n",
+ " Using cached nvidia_curand_cu12-10.3.2.106-py3-none-manylinux1_x86_64.whl (56.5 MB)\n",
+ "Collecting nvidia-cusolver-cu12==11.4.5.107 (from torch>=1.11->optimum[onnxruntime])\n",
+ " Using cached nvidia_cusolver_cu12-11.4.5.107-py3-none-manylinux1_x86_64.whl (124.2 MB)\n",
+ "Collecting nvidia-cusparse-cu12==12.1.0.106 (from torch>=1.11->optimum[onnxruntime])\n",
+ " Using cached nvidia_cusparse_cu12-12.1.0.106-py3-none-manylinux1_x86_64.whl (196.0 MB)\n",
+ "Collecting nvidia-nccl-cu12==2.19.3 (from torch>=1.11->optimum[onnxruntime])\n",
+ " Using cached nvidia_nccl_cu12-2.19.3-py3-none-manylinux1_x86_64.whl (166.0 MB)\n",
+ "Collecting nvidia-nvtx-cu12==12.1.105 (from torch>=1.11->optimum[onnxruntime])\n",
+ " Using cached nvidia_nvtx_cu12-12.1.105-py3-none-manylinux1_x86_64.whl (99 kB)\n",
+ "Requirement already satisfied: triton==2.2.0 in /usr/local/lib/python3.10/dist-packages (from torch>=1.11->optimum[onnxruntime]) (2.2.0)\n",
+ "Collecting nvidia-nvjitlink-cu12 (from nvidia-cusolver-cu12==11.4.5.107->torch>=1.11->optimum[onnxruntime])\n",
+ " Using cached nvidia_nvjitlink_cu12-12.4.127-py3-none-manylinux2014_x86_64.whl (21.1 MB)\n",
+ "Requirement already satisfied: regex!=2019.12.17 in /usr/local/lib/python3.10/dist-packages (from transformers[sentencepiece]<4.40.0,>=4.26.0->optimum[onnxruntime]) (2023.12.25)\n",
+ "Requirement already satisfied: tokenizers<0.19,>=0.14 in /usr/local/lib/python3.10/dist-packages (from transformers[sentencepiece]<4.40.0,>=4.26.0->optimum[onnxruntime]) (0.15.2)\n",
+ "Requirement already satisfied: safetensors>=0.4.1 in /usr/local/lib/python3.10/dist-packages (from transformers[sentencepiece]<4.40.0,>=4.26.0->optimum[onnxruntime]) (0.4.2)\n",
+ "Requirement already satisfied: sentencepiece!=0.1.92,>=0.1.91 in /usr/local/lib/python3.10/dist-packages (from transformers[sentencepiece]<4.40.0,>=4.26.0->optimum[onnxruntime]) (0.1.99)\n",
+ "Collecting humanfriendly>=9.1 (from coloredlogs->optimum[onnxruntime])\n",
+ " Downloading humanfriendly-10.0-py2.py3-none-any.whl (86 kB)\n",
+ "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m86.8/86.8 kB\u001b[0m \u001b[31m14.0 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n",
+ "\u001b[?25hCollecting responses<0.19 (from evaluate->optimum[onnxruntime])\n",
+ " Downloading responses-0.18.0-py3-none-any.whl (38 kB)\n",
+ "Requirement already satisfied: mpmath>=0.19 in /usr/local/lib/python3.10/dist-packages (from sympy->optimum[onnxruntime]) (1.3.0)\n",
+ "Requirement already satisfied: aiosignal>=1.1.2 in /usr/local/lib/python3.10/dist-packages (from aiohttp->datasets->optimum[onnxruntime]) (1.3.1)\n",
+ "Requirement already satisfied: attrs>=17.3.0 in /usr/local/lib/python3.10/dist-packages (from aiohttp->datasets->optimum[onnxruntime]) (23.2.0)\n",
+ "Requirement already satisfied: frozenlist>=1.1.1 in /usr/local/lib/python3.10/dist-packages (from aiohttp->datasets->optimum[onnxruntime]) (1.4.1)\n",
+ "Requirement already satisfied: multidict<7.0,>=4.5 in /usr/local/lib/python3.10/dist-packages (from aiohttp->datasets->optimum[onnxruntime]) (6.0.5)\n",
+ "Requirement already satisfied: yarl<2.0,>=1.0 in /usr/local/lib/python3.10/dist-packages (from aiohttp->datasets->optimum[onnxruntime]) (1.9.4)\n",
+ "Requirement already satisfied: async-timeout<5.0,>=4.0 in /usr/local/lib/python3.10/dist-packages (from aiohttp->datasets->optimum[onnxruntime]) (4.0.3)\n",
+ "Requirement already satisfied: charset-normalizer<4,>=2 in /usr/local/lib/python3.10/dist-packages (from requests>=2.19.0->datasets->optimum[onnxruntime]) (3.3.2)\n",
+ "Requirement already satisfied: idna<4,>=2.5 in /usr/local/lib/python3.10/dist-packages (from requests>=2.19.0->datasets->optimum[onnxruntime]) (3.6)\n",
+ "Requirement already satisfied: urllib3<3,>=1.21.1 in /usr/local/lib/python3.10/dist-packages (from requests>=2.19.0->datasets->optimum[onnxruntime]) (2.0.7)\n",
+ "Requirement already satisfied: certifi>=2017.4.17 in /usr/local/lib/python3.10/dist-packages (from requests>=2.19.0->datasets->optimum[onnxruntime]) (2024.2.2)\n",
+ "Requirement already satisfied: MarkupSafe>=2.0 in /usr/local/lib/python3.10/dist-packages (from jinja2->torch>=1.11->optimum[onnxruntime]) (2.1.5)\n",
+ "Requirement already satisfied: python-dateutil>=2.8.2 in /usr/local/lib/python3.10/dist-packages (from pandas->datasets->optimum[onnxruntime]) (2.8.2)\n",
+ "Requirement already satisfied: pytz>=2020.1 in /usr/local/lib/python3.10/dist-packages (from pandas->datasets->optimum[onnxruntime]) (2023.4)\n",
+ "Requirement already satisfied: tzdata>=2022.1 in /usr/local/lib/python3.10/dist-packages (from pandas->datasets->optimum[onnxruntime]) (2024.1)\n",
+ "Requirement already satisfied: six>=1.5 in /usr/local/lib/python3.10/dist-packages (from python-dateutil>=2.8.2->pandas->datasets->optimum[onnxruntime]) (1.16.0)\n",
+ "Installing collected packages: xxhash, onnx, nvidia-nvtx-cu12, nvidia-nvjitlink-cu12, nvidia-nccl-cu12, nvidia-curand-cu12, nvidia-cufft-cu12, nvidia-cuda-runtime-cu12, nvidia-cuda-nvrtc-cu12, nvidia-cuda-cupti-cu12, nvidia-cublas-cu12, install, humanfriendly, dill, responses, nvidia-cusparse-cu12, nvidia-cudnn-cu12, multiprocess, coloredlogs, onnxruntime, nvidia-cusolver-cu12, datasets, evaluate, optimum\n",
+ "Successfully installed coloredlogs-15.0.1 datasets-2.18.0 dill-0.3.8 evaluate-0.4.1 humanfriendly-10.0 install-1.3.5 multiprocess-0.70.16 nvidia-cublas-cu12-12.1.3.1 nvidia-cuda-cupti-cu12-12.1.105 nvidia-cuda-nvrtc-cu12-12.1.105 nvidia-cuda-runtime-cu12-12.1.105 nvidia-cudnn-cu12-8.9.2.26 nvidia-cufft-cu12-11.0.2.54 nvidia-curand-cu12-10.3.2.106 nvidia-cusolver-cu12-11.4.5.107 nvidia-cusparse-cu12-12.1.0.106 nvidia-nccl-cu12-2.19.3 nvidia-nvjitlink-cu12-12.4.127 nvidia-nvtx-cu12-12.1.105 onnx-1.16.0 onnxruntime-1.17.1 optimum-1.18.1 responses-0.18.0 xxhash-3.4.1\n"
+ ]
+ }
+ ],
+ "source": [
+ "!pip install --upgrade-strategy eager install optimum[onnxruntime]"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "- HuggingFace has an extension called Optimum which offers specialized model inference, including ONNX. We can use this to import and export ONNX models with `from_pretrained` and `save_pretrained`.\n",
+ "- We'll use [BAAI/bge-base-en](https://huggingface.co/BAAI/bge-base-en) model from HuggingFace as an example and load it as a `ORTModelForFeatureExtraction`, representing an ONNX model.\n"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {},
+ "outputs": [
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/usr/local/lib/python3.10/dist-packages/huggingface_hub/utils/_token.py:88: UserWarning: \n",
+ "The secret `HF_TOKEN` does not exist in your Colab secrets.\n",
+ "To authenticate with the Hugging Face Hub, create a token in your settings tab (https://huggingface.co/settings/tokens), set it as secret in your Google Colab and restart your session.\n",
+ "You will be able to reuse this secret in all of your notebooks.\n",
+ "Please note that authentication is recommended but still optional to access public models or datasets.\n",
+ " warnings.warn(\n"
+ ]
},
{
- "cell_type": "markdown",
- "metadata": {
- "id": "6Kdh7FHM07h_"
+ "data": {
+ "application/vnd.jupyter.widget-view+json": {
+ "model_id": "cec3087741c14a54a25fa6228c28aae3",
+ "version_major": 2,
+ "version_minor": 0
},
- "source": [
- "## Export and Save HuggingFace model"
+ "text/plain": [
+ "config.json: 0%| | 0.00/719 [00:00, ?B/s]"
]
+ },
+ "metadata": {},
+ "output_type": "display_data"
},
{
- "cell_type": "markdown",
- "metadata": {
- "id": "rZQyTwjC07h_"
- },
- "source": [
- "- Let's install `transformers` package with the `onnx` extension and it's dependencies. You don't need `onnx` to be installed for Spark NLP, however, we need it to load and save models from HuggingFace.\n",
- "- We lock `transformers` on version `4.29.1`. This doesn't mean it won't work with the future releases, but we wanted you to know which versions have been tested successfully."
- ]
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "Framework not specified. Using pt to export the model.\n"
+ ]
},
{
- "cell_type": "code",
- "execution_count": 1,
- "metadata": {
- "colab": {
- "base_uri": "https://localhost:8080/"
- },
- "id": "7XQhDa9s07iA",
- "outputId": "a91bb22e-88d4-498b-cb77-e729a015ed86"
+ "data": {
+ "application/vnd.jupyter.widget-view+json": {
+ "model_id": "ef655c7c3a08470fa85d00bc55b2bb51",
+ "version_major": 2,
+ "version_minor": 0
},
- "outputs": [
- {
- "output_type": "stream",
- "name": "stdout",
- "text": [
- "Requirement already satisfied: install in /usr/local/lib/python3.10/dist-packages (1.3.5)\n",
- "Collecting optimum[onnxruntime]\n",
- " Downloading optimum-1.16.1-py3-none-any.whl (403 kB)\n",
- "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m403.3/403.3 kB\u001b[0m \u001b[31m5.6 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n",
- "\u001b[?25hCollecting coloredlogs (from optimum[onnxruntime])\n",
- " Downloading coloredlogs-15.0.1-py2.py3-none-any.whl (46 kB)\n",
- "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m46.0/46.0 kB\u001b[0m \u001b[31m4.9 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n",
- "\u001b[?25hRequirement already satisfied: sympy in /usr/local/lib/python3.10/dist-packages (from optimum[onnxruntime]) (1.12)\n",
- "Requirement already satisfied: transformers[sentencepiece]>=4.26.0 in /usr/local/lib/python3.10/dist-packages (from optimum[onnxruntime]) (4.35.2)\n",
- "Requirement already satisfied: torch>=1.9 in /usr/local/lib/python3.10/dist-packages (from optimum[onnxruntime]) (2.1.0+cu121)\n",
- "Requirement already satisfied: packaging in /usr/local/lib/python3.10/dist-packages (from optimum[onnxruntime]) (23.2)\n",
- "Requirement already satisfied: numpy in /usr/local/lib/python3.10/dist-packages (from optimum[onnxruntime]) (1.23.5)\n",
- "Requirement already satisfied: huggingface-hub>=0.8.0 in /usr/local/lib/python3.10/dist-packages (from optimum[onnxruntime]) (0.19.4)\n",
- "Collecting datasets (from optimum[onnxruntime])\n",
- " Downloading datasets-2.16.1-py3-none-any.whl (507 kB)\n",
- "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m507.1/507.1 kB\u001b[0m \u001b[31m13.6 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n",
- "\u001b[?25hCollecting onnx (from optimum[onnxruntime])\n",
- " Downloading onnx-1.15.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (15.7 MB)\n",
- "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m15.7/15.7 MB\u001b[0m \u001b[31m50.6 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n",
- "\u001b[?25hCollecting onnxruntime>=1.11.0 (from optimum[onnxruntime])\n",
- " Downloading onnxruntime-1.16.3-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (6.4 MB)\n",
- "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m6.4/6.4 MB\u001b[0m \u001b[31m70.4 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n",
- "\u001b[?25hCollecting evaluate (from optimum[onnxruntime])\n",
- " Downloading evaluate-0.4.1-py3-none-any.whl (84 kB)\n",
- "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m84.1/84.1 kB\u001b[0m \u001b[31m9.2 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n",
- "\u001b[?25hRequirement already satisfied: protobuf>=3.20.1 in /usr/local/lib/python3.10/dist-packages (from optimum[onnxruntime]) (3.20.3)\n",
- "Requirement already satisfied: filelock in /usr/local/lib/python3.10/dist-packages (from datasets->optimum[onnxruntime]) (3.13.1)\n",
- "Requirement already satisfied: pyarrow>=8.0.0 in /usr/local/lib/python3.10/dist-packages (from datasets->optimum[onnxruntime]) (10.0.1)\n",
- "Collecting pyarrow-hotfix (from datasets->optimum[onnxruntime])\n",
- " Downloading pyarrow_hotfix-0.6-py3-none-any.whl (7.9 kB)\n",
- "Collecting dill<0.3.8,>=0.3.0 (from datasets->optimum[onnxruntime])\n",
- " Downloading dill-0.3.7-py3-none-any.whl (115 kB)\n",
- "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m115.3/115.3 kB\u001b[0m \u001b[31m13.9 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n",
- "\u001b[?25hRequirement already satisfied: pandas in /usr/local/lib/python3.10/dist-packages (from datasets->optimum[onnxruntime]) (1.5.3)\n",
- "Requirement already satisfied: requests>=2.19.0 in /usr/local/lib/python3.10/dist-packages (from datasets->optimum[onnxruntime]) (2.31.0)\n",
- "Requirement already satisfied: tqdm>=4.62.1 in /usr/local/lib/python3.10/dist-packages (from datasets->optimum[onnxruntime]) (4.66.1)\n",
- "Requirement already satisfied: xxhash in /usr/local/lib/python3.10/dist-packages (from datasets->optimum[onnxruntime]) (3.4.1)\n",
- "Collecting multiprocess (from datasets->optimum[onnxruntime])\n",
- " Downloading multiprocess-0.70.15-py310-none-any.whl (134 kB)\n",
- "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m134.8/134.8 kB\u001b[0m \u001b[31m13.8 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n",
- "\u001b[?25hRequirement already satisfied: fsspec[http]<=2023.10.0,>=2023.1.0 in /usr/local/lib/python3.10/dist-packages (from datasets->optimum[onnxruntime]) (2023.6.0)\n",
- "Requirement already satisfied: aiohttp in /usr/local/lib/python3.10/dist-packages (from datasets->optimum[onnxruntime]) (3.9.1)\n",
- "Requirement already satisfied: pyyaml>=5.1 in /usr/local/lib/python3.10/dist-packages (from datasets->optimum[onnxruntime]) (6.0.1)\n",
- "Requirement already satisfied: typing-extensions>=3.7.4.3 in /usr/local/lib/python3.10/dist-packages (from huggingface-hub>=0.8.0->optimum[onnxruntime]) (4.5.0)\n",
- "Requirement already satisfied: flatbuffers in /usr/local/lib/python3.10/dist-packages (from onnxruntime>=1.11.0->optimum[onnxruntime]) (23.5.26)\n",
- "Requirement already satisfied: networkx in /usr/local/lib/python3.10/dist-packages (from torch>=1.9->optimum[onnxruntime]) (3.2.1)\n",
- "Requirement already satisfied: jinja2 in /usr/local/lib/python3.10/dist-packages (from torch>=1.9->optimum[onnxruntime]) (3.1.2)\n",
- "Requirement already satisfied: triton==2.1.0 in /usr/local/lib/python3.10/dist-packages (from torch>=1.9->optimum[onnxruntime]) (2.1.0)\n",
- "Requirement already satisfied: regex!=2019.12.17 in /usr/local/lib/python3.10/dist-packages (from transformers[sentencepiece]>=4.26.0->optimum[onnxruntime]) (2023.6.3)\n",
- "Requirement already satisfied: tokenizers<0.19,>=0.14 in /usr/local/lib/python3.10/dist-packages (from transformers[sentencepiece]>=4.26.0->optimum[onnxruntime]) (0.15.0)\n",
- "Requirement already satisfied: safetensors>=0.3.1 in /usr/local/lib/python3.10/dist-packages (from transformers[sentencepiece]>=4.26.0->optimum[onnxruntime]) (0.4.1)\n",
- "Collecting sentencepiece!=0.1.92,>=0.1.91 (from transformers[sentencepiece]>=4.26.0->optimum[onnxruntime])\n",
- " Downloading sentencepiece-0.1.99-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (1.3 MB)\n",
- "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m1.3/1.3 MB\u001b[0m \u001b[31m53.6 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n",
- "\u001b[?25hCollecting humanfriendly>=9.1 (from coloredlogs->optimum[onnxruntime])\n",
- " Downloading humanfriendly-10.0-py2.py3-none-any.whl (86 kB)\n",
- "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m86.8/86.8 kB\u001b[0m \u001b[31m7.9 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n",
- "\u001b[?25hCollecting responses<0.19 (from evaluate->optimum[onnxruntime])\n",
- " Downloading responses-0.18.0-py3-none-any.whl (38 kB)\n",
- "Requirement already satisfied: mpmath>=0.19 in /usr/local/lib/python3.10/dist-packages (from sympy->optimum[onnxruntime]) (1.3.0)\n",
- "Requirement already satisfied: attrs>=17.3.0 in /usr/local/lib/python3.10/dist-packages (from aiohttp->datasets->optimum[onnxruntime]) (23.1.0)\n",
- "Requirement already satisfied: multidict<7.0,>=4.5 in /usr/local/lib/python3.10/dist-packages (from aiohttp->datasets->optimum[onnxruntime]) (6.0.4)\n",
- "Requirement already satisfied: yarl<2.0,>=1.0 in /usr/local/lib/python3.10/dist-packages (from aiohttp->datasets->optimum[onnxruntime]) (1.9.4)\n",
- "Requirement already satisfied: frozenlist>=1.1.1 in /usr/local/lib/python3.10/dist-packages (from aiohttp->datasets->optimum[onnxruntime]) (1.4.1)\n",
- "Requirement already satisfied: aiosignal>=1.1.2 in /usr/local/lib/python3.10/dist-packages (from aiohttp->datasets->optimum[onnxruntime]) (1.3.1)\n",
- "Requirement already satisfied: async-timeout<5.0,>=4.0 in /usr/local/lib/python3.10/dist-packages (from aiohttp->datasets->optimum[onnxruntime]) (4.0.3)\n",
- "Requirement already satisfied: charset-normalizer<4,>=2 in /usr/local/lib/python3.10/dist-packages (from requests>=2.19.0->datasets->optimum[onnxruntime]) (3.3.2)\n",
- "Requirement already satisfied: idna<4,>=2.5 in /usr/local/lib/python3.10/dist-packages (from requests>=2.19.0->datasets->optimum[onnxruntime]) (3.6)\n",
- "Requirement already satisfied: urllib3<3,>=1.21.1 in /usr/local/lib/python3.10/dist-packages (from requests>=2.19.0->datasets->optimum[onnxruntime]) (2.0.7)\n",
- "Requirement already satisfied: certifi>=2017.4.17 in /usr/local/lib/python3.10/dist-packages (from requests>=2.19.0->datasets->optimum[onnxruntime]) (2023.11.17)\n",
- "Requirement already satisfied: MarkupSafe>=2.0 in /usr/local/lib/python3.10/dist-packages (from jinja2->torch>=1.9->optimum[onnxruntime]) (2.1.3)\n",
- "Requirement already satisfied: python-dateutil>=2.8.1 in /usr/local/lib/python3.10/dist-packages (from pandas->datasets->optimum[onnxruntime]) (2.8.2)\n",
- "Requirement already satisfied: pytz>=2020.1 in /usr/local/lib/python3.10/dist-packages (from pandas->datasets->optimum[onnxruntime]) (2023.3.post1)\n",
- "Requirement already satisfied: six>=1.5 in /usr/local/lib/python3.10/dist-packages (from python-dateutil>=2.8.1->pandas->datasets->optimum[onnxruntime]) (1.16.0)\n",
- "Installing collected packages: sentencepiece, pyarrow-hotfix, onnx, humanfriendly, dill, responses, multiprocess, coloredlogs, onnxruntime, datasets, evaluate, optimum\n",
- "Successfully installed coloredlogs-15.0.1 datasets-2.16.1 dill-0.3.7 evaluate-0.4.1 humanfriendly-10.0 multiprocess-0.70.15 onnx-1.15.0 onnxruntime-1.16.3 optimum-1.16.1 pyarrow-hotfix-0.6 responses-0.18.0 sentencepiece-0.1.99\n"
- ]
- }
- ],
- "source": [
- "!pip install --upgrade-strategy eager install optimum[onnxruntime]"
+ "text/plain": [
+ "model.safetensors: 0%| | 0.00/438M [00:00, ?B/s]"
]
+ },
+ "metadata": {},
+ "output_type": "display_data"
},
{
- "cell_type": "markdown",
- "metadata": {
- "id": "UXcTvyA007iA"
+ "data": {
+ "application/vnd.jupyter.widget-view+json": {
+ "model_id": "4d9593b4c3f843b3bc142b3177d88ec2",
+ "version_major": 2,
+ "version_minor": 0
},
- "source": [
- "- HuggingFace has an extension called Optimum which offers specialized model inference, including ONNX. We can use this to import and export ONNX models with `from_pretrained` and `save_pretrained`.\n",
- "- We'll use [BAAI/bge-base-en](https://huggingface.co/BAAI/bge-base-en) model from HuggingFace as an example and load it as a `ORTModelForFeatureExtraction`, representing an ONNX model.\n"
+ "text/plain": [
+ "tokenizer_config.json: 0%| | 0.00/366 [00:00, ?B/s]"
]
+ },
+ "metadata": {},
+ "output_type": "display_data"
},
{
- "cell_type": "code",
- "execution_count": 2,
- "metadata": {
- "colab": {
- "base_uri": "https://localhost:8080/",
- "height": 311,
- "referenced_widgets": [
- "b6aeecd601db44c4b8d92abef34156c2",
- "6f2b77719e3344b1954eaaf46e7d512e",
- "73b4a51894114681abdc74131668e43e",
- "2c75bce84ce749c797446623bfcfaf39",
- "48cff192c62444a292343467b1eec46a",
- "6ba1b72f64d94cd6878bce77ca47172b",
- "bf2876273c1b409f969cbee51441309b",
- "a4ca89a620284318996aa3ef1e1b9d28",
- "26970bab519f4c2293bb2d88455909a7",
- "bc73afc3091d40ca9c61d9352611a7a7",
- "0e2c74dfa0364df6a4eb7d0b5f41e694",
- "a14c903e07e84eebbef3d4da3f9ffb53",
- "563eba9b7c924ba9ad0e8abdb139a8e2",
- "82f71bd255b6416f9808f5805f017a26",
- "1c126c817ec941c58914112992764f24",
- "394c30efbf924843869e9073a95af196",
- "fdb324b3829f4a0791ebcfc11499062a",
- "d0d4e25e98f941ad91481b1d3e0aeb7b",
- "3e8ceaae9fe7468a9e14b2bbab3ece53",
- "34a28ead887e450b802ea8be16c0f592",
- "086dbc2868c0488b9d9dc5d3c8972133",
- "9221a3d70fb644749e9828ea60b6ee3d",
- "b94853f0f9c6437f82170bf67e9debc9",
- "0dac17a4e0304f33b1ad997590a663ad",
- "9f785d2b81c54695997e370210a61226",
- "26fa5822a4974257b8862581a60e3179",
- "cf7cfc607b2041a993df35b525aa0d45",
- "fa84fc0acea44fde89aa9ffd93a5aa9a",
- "0b9da9243f9e49bdb6411c131a7e4682",
- "cec343ddabf94dd0832e4ac7aec14ecc",
- "82e0ea7d46b5465ebc8faad3beab43b5",
- "fb7485359aa74e82963d8255b41cf81f",
- "aee26846c0634c9b8ae61b4dc14ed675",
- "e1e339b3d7a14048b0fc35b7d05cb60a",
- "b0a1cd96c31848b78b150258b0637a82",
- "84ba32d3a129477591e78264ddf22cb7",
- "8bdeba24a5b0463abcaa0213674b388b",
- "82052250508f40b483fd5d5a2e3bc316",
- "5bc65236ab3443eb89b761452f5f776c",
- "30696b2ee77846149f4b0d88f9d1cc32",
- "7c03e098f4aa4e61bc13da78d6b7b7d8",
- "de6ef93762a047998bb0d888d2a2720a",
- "291ce98198874d7ebac0affca544861c",
- "749855c3e9ac4566a509d834204ab0e4",
- "82438bb56d4841eaa7e4ff609e79edd9",
- "2aff7e730cce4d468136bab9c735d2e9",
- "517eb17af21949908b597e76f1c835b4",
- "0600b51130bc4f5bbe68e38bb5662ce1",
- "0b0f81687aac4432bdc06a75bcc53320",
- "f013cfd30cd948159d6a3216dc00ab94",
- "21f7d6700ffe4ce09d67147c17d13f20",
- "69ac10476cd5458a8b06333a559c9d28",
- "2e3a3b76638c44d481569a7d16d71cb7",
- "e0112abb7d0643f981094fb8ed67390f",
- "0d7d08ec18b04866ae4c9f0870d8d8f6",
- "85542508f8fa4545a8b48829d5b69ded",
- "1338f4e57b554fafba3d0fb2acf59b02",
- "bfcf2b27861a4c7b9451d6dc6ef600b6",
- "fdf60696d8be49ae9f9d98200b7c35e8",
- "3febcb4b4101454eafbe2be02b06d7b4",
- "fcaf78ec75af4b76a95de9d73194516d",
- "4b21dc70cd214d64ad2da330f38e1638",
- "66652fb210ff46cea975b7f02c34df5d",
- "7fa5ffc59fb14dc39feac160a10bce66",
- "03a985766f57423991c4a416d487b451",
- "a40c77d69fe641c298616c62381faaf1"
- ]
- },
- "id": "2jnG-ReQ07iA",
- "outputId": "c11a6199-b561-4c8e-e9d1-ebf62db3ef72"
+ "data": {
+ "application/vnd.jupyter.widget-view+json": {
+ "model_id": "98bdb7fefacf4f69ae6476621725637d",
+ "version_major": 2,
+ "version_minor": 0
},
- "outputs": [
- {
- "output_type": "display_data",
- "data": {
- "text/plain": [
- "config.json: 0%| | 0.00/719 [00:00, ?B/s]"
- ],
- "application/vnd.jupyter.widget-view+json": {
- "version_major": 2,
- "version_minor": 0,
- "model_id": "b6aeecd601db44c4b8d92abef34156c2"
- }
- },
- "metadata": {}
- },
- {
- "output_type": "stream",
- "name": "stderr",
- "text": [
- "Framework not specified. Using pt to export to ONNX.\n"
- ]
- },
- {
- "output_type": "display_data",
- "data": {
- "text/plain": [
- "model.safetensors: 0%| | 0.00/438M [00:00, ?B/s]"
- ],
- "application/vnd.jupyter.widget-view+json": {
- "version_major": 2,
- "version_minor": 0,
- "model_id": "a14c903e07e84eebbef3d4da3f9ffb53"
- }
- },
- "metadata": {}
- },
- {
- "output_type": "display_data",
- "data": {
- "text/plain": [
- "tokenizer_config.json: 0%| | 0.00/366 [00:00, ?B/s]"
- ],
- "application/vnd.jupyter.widget-view+json": {
- "version_major": 2,
- "version_minor": 0,
- "model_id": "b94853f0f9c6437f82170bf67e9debc9"
- }
- },
- "metadata": {}
- },
- {
- "output_type": "display_data",
- "data": {
- "text/plain": [
- "vocab.txt: 0%| | 0.00/232k [00:00, ?B/s]"
- ],
- "application/vnd.jupyter.widget-view+json": {
- "version_major": 2,
- "version_minor": 0,
- "model_id": "e1e339b3d7a14048b0fc35b7d05cb60a"
- }
- },
- "metadata": {}
- },
- {
- "output_type": "display_data",
- "data": {
- "text/plain": [
- "tokenizer.json: 0%| | 0.00/711k [00:00, ?B/s]"
- ],
- "application/vnd.jupyter.widget-view+json": {
- "version_major": 2,
- "version_minor": 0,
- "model_id": "82438bb56d4841eaa7e4ff609e79edd9"
- }
- },
- "metadata": {}
- },
- {
- "output_type": "display_data",
- "data": {
- "text/plain": [
- "special_tokens_map.json: 0%| | 0.00/125 [00:00, ?B/s]"
- ],
- "application/vnd.jupyter.widget-view+json": {
- "version_major": 2,
- "version_minor": 0,
- "model_id": "85542508f8fa4545a8b48829d5b69ded"
- }
- },
- "metadata": {}
- },
- {
- "output_type": "stream",
- "name": "stderr",
- "text": [
- "Using the export variant default. Available variants are:\n",
- " - default: The default ONNX variant.\n",
- "Using framework PyTorch: 2.1.0+cu121\n",
- "Overriding 1 configuration item(s)\n",
- "\t- use_cache -> False\n"
- ]
- }
- ],
- "source": [
- "from optimum.onnxruntime import ORTModelForFeatureExtraction\n",
- "\n",
- "MODEL_NAME = \"BAAI/bge-base-en\"\n",
- "EXPORT_PATH = f\"onnx_models/{MODEL_NAME}\"\n",
- "\n",
- "ort_model = ORTModelForFeatureExtraction.from_pretrained(MODEL_NAME, export=True)\n",
- "\n",
- "# Save the ONNX model\n",
- "ort_model.save_pretrained(EXPORT_PATH)\n",
- "\n",
- "# Create directory for assets and move the tokenizer files.\n",
- "# A separate folder is needed for Spark NLP.\n",
- "!mkdir {EXPORT_PATH}/assets\n",
- "!mv {EXPORT_PATH}/vocab.txt {EXPORT_PATH}/assets/"
+ "text/plain": [
+ "vocab.txt: 0%| | 0.00/232k [00:00, ?B/s]"
]
+ },
+ "metadata": {},
+ "output_type": "display_data"
},
{
- "cell_type": "markdown",
- "metadata": {
- "id": "94jRIamN07iB"
+ "data": {
+ "application/vnd.jupyter.widget-view+json": {
+ "model_id": "04fc855de92a4ac7bde136daffa9df93",
+ "version_major": 2,
+ "version_minor": 0
},
- "source": [
- "Let's have a look inside these two directories and see what we are dealing with:"
+ "text/plain": [
+ "tokenizer.json: 0%| | 0.00/711k [00:00, ?B/s]"
]
+ },
+ "metadata": {},
+ "output_type": "display_data"
},
{
- "cell_type": "code",
- "execution_count": 3,
- "metadata": {
- "id": "LEv_GmQZ07iB",
- "colab": {
- "base_uri": "https://localhost:8080/"
- },
- "outputId": "f80b15d9-3c83-41e5-f40c-11102bfb7b03"
+ "data": {
+ "application/vnd.jupyter.widget-view+json": {
+ "model_id": "ff2effbb2e10466e850209f56c354636",
+ "version_major": 2,
+ "version_minor": 0
},
- "outputs": [
- {
- "output_type": "stream",
- "name": "stdout",
- "text": [
- "total 426312\n",
- "drwxr-xr-x 2 root root 4096 Jan 1 09:23 assets\n",
- "-rw-r--r-- 1 root root 735 Jan 1 09:23 config.json\n",
- "-rw-r--r-- 1 root root 435811540 Jan 1 09:23 model.onnx\n",
- "-rw-r--r-- 1 root root 695 Jan 1 09:23 special_tokens_map.json\n",
- "-rw-r--r-- 1 root root 1242 Jan 1 09:23 tokenizer_config.json\n",
- "-rw-r--r-- 1 root root 711396 Jan 1 09:23 tokenizer.json\n"
- ]
- }
- ],
- "source": [
- "!ls -l {EXPORT_PATH}"
+ "text/plain": [
+ "special_tokens_map.json: 0%| | 0.00/125 [00:00, ?B/s]"
]
+ },
+ "metadata": {},
+ "output_type": "display_data"
},
{
- "cell_type": "code",
- "execution_count": 4,
- "metadata": {
- "id": "05FGr0W_07iB",
- "colab": {
- "base_uri": "https://localhost:8080/"
- },
- "outputId": "6f6336d4-7ec4-472a-e2ce-49b4d28a3a7e"
- },
- "outputs": [
- {
- "output_type": "stream",
- "name": "stdout",
- "text": [
- "total 228\n",
- "-rw-r--r-- 1 root root 231508 Jan 1 09:23 vocab.txt\n"
- ]
- }
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "Using the export variant default. Available variants are:\n",
+ " - default: The default ONNX variant.\n",
+ "Using framework PyTorch: 2.2.1+cu121\n",
+ "Overriding 1 configuration item(s)\n",
+ "\t- use_cache -> False\n"
+ ]
+ }
+ ],
+ "source": [
+ "from optimum.onnxruntime import ORTModelForFeatureExtraction\n",
+ "\n",
+ "MODEL_NAME = \"BAAI/bge-base-en\"\n",
+ "EXPORT_PATH = f\"onnx_models/{MODEL_NAME}\"\n",
+ "\n",
+ "ort_model = ORTModelForFeatureExtraction.from_pretrained(MODEL_NAME, export=True)\n",
+ "\n",
+ "# Save the ONNX model\n",
+ "ort_model.save_pretrained(EXPORT_PATH)\n",
+ "\n",
+ "# Create directory for assets and move the tokenizer files.\n",
+ "# A separate folder is needed for Spark NLP.\n",
+ "!mkdir {EXPORT_PATH}/assets\n",
+ "!mv {EXPORT_PATH}/vocab.txt {EXPORT_PATH}/assets/"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "Let's have a look inside these two directories and see what we are dealing with:"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {},
+ "outputs": [
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "total 426316\n",
+ "drwxr-xr-x 2 root root 4096 Apr 12 11:13 assets\n",
+ "-rw-r--r-- 1 root root 735 Apr 12 11:13 config.json\n",
+ "-rw-r--r-- 1 root root 435811541 Apr 12 11:13 model.onnx\n",
+ "-rw-r--r-- 1 root root 695 Apr 12 11:13 special_tokens_map.json\n",
+ "-rw-r--r-- 1 root root 1242 Apr 12 11:13 tokenizer_config.json\n",
+ "-rw-r--r-- 1 root root 711396 Apr 12 11:13 tokenizer.json\n"
+ ]
+ }
+ ],
+ "source": [
+ "!ls -l {EXPORT_PATH}"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {},
+ "outputs": [
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "total 228\n",
+ "-rw-r--r-- 1 root root 231508 Apr 12 11:13 vocab.txt\n"
+ ]
+ }
+ ],
+ "source": [
+ "!ls -l {EXPORT_PATH}/assets"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "## Import and Save BGE in Spark NLP\n",
+ "\n",
+ "- Let's install and setup Spark NLP in Google Colab\n",
+ "- This part is pretty easy via our simple script\n",
+ "- However, we need to upgrade Spark to a more recent version to use this annotator."
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {},
+ "outputs": [
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "Installing PySpark 3.2.3 and Spark NLP 5.3.3\n",
+ "setup Colab for PySpark 3.2.3 and Spark NLP 5.3.3\n",
+ "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m281.5/281.5 MB\u001b[0m \u001b[31m2.6 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n",
+ "\u001b[?25h Preparing metadata (setup.py) ... \u001b[?25l\u001b[?25hdone\n",
+ "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m568.4/568.4 kB\u001b[0m \u001b[31m38.7 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n",
+ "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m199.7/199.7 kB\u001b[0m \u001b[31m1.7 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n",
+ "\u001b[?25h Building wheel for pyspark (setup.py) ... \u001b[?25l\u001b[?25hdone\n",
+ "Collecting pyspark==3.4.1\n",
+ " Downloading pyspark-3.4.1.tar.gz (310.8 MB)\n",
+ "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m310.8/310.8 MB\u001b[0m \u001b[31m2.9 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n",
+ "\u001b[?25h Preparing metadata (setup.py) ... \u001b[?25l\u001b[?25hdone\n",
+ "Collecting py4j==0.10.9.7 (from pyspark==3.4.1)\n",
+ " Downloading py4j-0.10.9.7-py2.py3-none-any.whl (200 kB)\n",
+ "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m200.5/200.5 kB\u001b[0m \u001b[31m27.0 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n",
+ "\u001b[?25hBuilding wheels for collected packages: pyspark\n",
+ " Building wheel for pyspark (setup.py) ... \u001b[?25l\u001b[?25hdone\n",
+ " Created wheel for pyspark: filename=pyspark-3.4.1-py2.py3-none-any.whl size=311285388 sha256=62465da1460fcdc99650dde11bbf8f2ea59eed17293c05cc491293d1f701c682\n",
+ " Stored in directory: /root/.cache/pip/wheels/0d/77/a3/ff2f74cc9ab41f8f594dabf0579c2a7c6de920d584206e0834\n",
+ "Successfully built pyspark\n",
+ "Installing collected packages: py4j, pyspark\n",
+ " Attempting uninstall: py4j\n",
+ " Found existing installation: py4j 0.10.9.5\n",
+ " Uninstalling py4j-0.10.9.5:\n",
+ " Successfully uninstalled py4j-0.10.9.5\n",
+ " Attempting uninstall: pyspark\n",
+ " Found existing installation: pyspark 3.2.3\n",
+ " Uninstalling pyspark-3.2.3:\n",
+ " Successfully uninstalled pyspark-3.2.3\n",
+ "Successfully installed py4j-0.10.9.7 pyspark-3.4.1\n"
+ ]
+ }
+ ],
+ "source": [
+ "! wget -q http://setup.johnsnowlabs.com/colab.sh -O - | bash\n",
+ "! pip install -U pyspark==3.4.1"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "Let's start Spark with Spark NLP included via our simple `start()` function"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {},
+ "outputs": [
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "/usr/lib/python3.10/subprocess.py:1796: RuntimeWarning: os.fork() was called. os.fork() is incompatible with multithreaded code, and JAX is multithreaded, so this will likely lead to a deadlock.\n",
+ " self.pid = _posixsubprocess.fork_exec(\n"
+ ]
+ }
+ ],
+ "source": [
+ "import sparknlp\n",
+ "# let's start Spark with Spark NLP\n",
+ "spark = sparknlp.start()"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "- Let's use `loadSavedModel` functon in `E5Embeddings` which allows us to load the ONNX model\n",
+ "- Most params will be set automatically. They can also be set later after loading the model in `E5Embeddings` during runtime, so don't worry about setting them now\n",
+ "- `loadSavedModel` accepts two params, first is the path to the exported model. The second is the SparkSession that is `spark` variable we previously started via `sparknlp.start()`\n",
+ "- NOTE: `loadSavedModel` accepts local paths in addition to distributed file systems such as `HDFS`, `S3`, `DBFS`, etc. This feature was introduced in Spark NLP 4.2.2 release. Keep in mind the best and recommended way to move/share/reuse Spark NLP models is to use `write.save` so you can use `.load()` from any file systems natively.st and recommended way to move/share/reuse Spark NLP models is to use `write.save` so you can use `.load()` from any file systems natively.\n"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "from sparknlp.annotator import *\n",
+ "\n",
+ "# All these params should be identical to the original ONNX model\n",
+ "BGE = BGEEmbeddings.loadSavedModel(f\"{EXPORT_PATH}\", spark)\\\n",
+ " .setInputCols([\"document\"])\\\n",
+ " .setOutputCol(\"bge\")"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "metadata": {},
+ "outputs": [
+ {
+ "data": {
+ "text/html": [
+ "
Date: Mon, 27 May 2024 17:06:00 +0300
Subject: [PATCH 2/5] Fixies (#14307)
---
docs/en/auxiliary.md | 2 +-
docs/en/install.md | 2 +-
docs/en/transformers.md | 2 +-
docs/index.md | 4 ++--
4 files changed, 5 insertions(+), 5 deletions(-)
diff --git a/docs/en/auxiliary.md b/docs/en/auxiliary.md
index 0ad000ca9e72a1..1c65c3621ca3cb 100644
--- a/docs/en/auxiliary.md
+++ b/docs/en/auxiliary.md
@@ -66,7 +66,7 @@ import com.johnsnowlabs.nlp.Annotation
**Examples:**
Complete usage examples can be seen here:
-https://github.com/JohnSnowLabs/spark-nlp-workshop/blob/234-release-candidate/jupyter/annotation/english/spark-nlp-basics/spark-nlp-basics-functions.ipynb
+[https://github.com/JohnSnowLabs/spark-nlp-workshop/blob/234-release-candidate/jupyter/annotation/english/spark-nlp-basics/spark-nlp-basics-functions.ipynb](https://github.com/JohnSnowLabs/spark-nlp-workshop/blob/234-release-candidate/jupyter/annotation/english/spark-nlp-basics/spark-nlp-basics-functions.ipynb)
diff --git a/docs/en/install.md b/docs/en/install.md
index f405cab46030d8..dbd4ade00c0e26 100644
--- a/docs/en/install.md
+++ b/docs/en/install.md
@@ -760,7 +760,7 @@ Finally, use **jupyter_notebook_config.json** for the password:
In order to fully take advantage of Spark NLP on Windows (8 or 10), you need to setup/install Apache Spark, Apache Hadoop, Java and a Pyton environment correctly by following the following instructions: [https://github.com/JohnSnowLabs/spark-nlp/discussions/1022](https://github.com/JohnSnowLabs/spark-nlp/discussions/1022)
-
\
+
### How to correctly install Spark NLP on Windows
diff --git a/docs/en/transformers.md b/docs/en/transformers.md
index f73f644d3f3606..e17cf3de529afc 100644
--- a/docs/en/transformers.md
+++ b/docs/en/transformers.md
@@ -9,7 +9,7 @@ modify_date: "2023-06-18"
use_language_switcher: "Python-Scala-Java"
show_nav: true
sidebar:
-nav: sparknlp
+ nav: sparknlp
---
diff --git a/docs/index.md b/docs/index.md
index fcce82b00d9d01..154824a38a2398 100644
--- a/docs/index.md
+++ b/docs/index.md
@@ -314,7 +314,7 @@ data:
- title:
image:
- src: https://upload.wikimedia.org/wikipedia/fr/thumb/8/8e/Centre_national_de_la_recherche_scientifique.svg/2048px-Centre_national_de_la_recherche_scientifique.svg.png
+ src: https://iscpif.fr/wp-content/uploads/2023/11/Logo-CNRS-ISCPIF.png
url: https://iscpif.fr/
style: "padding: 30px;"
is_row: true
@@ -344,7 +344,7 @@ data:
is_row: true
- title:
image:
- src: https://upload.wikimedia.org/wikipedia/commons/thumb/f/f1/Columbia_University_shield.svg/1184px-Columbia_University_shield.svg.png
+ src: https://miro.medium.com/v2/resize:fit:1024/0*3qIWoFnZgVUtsXB-.png
url: https://www.columbia.edu/
style: "padding: 25px;"
is_row: true
From 1221b6241efc41c6950a223228bc9cd163c2fafa Mon Sep 17 00:00:00 2001
From: Mehmet Butgul
Date: Mon, 24 Jun 2024 15:52:32 +0300
Subject: [PATCH 3/5] refactor OpenAIEmbeddings in Scala
---
.../johnsnowlabs/ml/ai/OpenAIEmbeddings.scala | 104 +++++++++---------
.../ml/ai/OpenAIEmbeddingsTest.scala | 41 ++++++-
2 files changed, 92 insertions(+), 53 deletions(-)
diff --git a/src/main/scala/com/johnsnowlabs/ml/ai/OpenAIEmbeddings.scala b/src/main/scala/com/johnsnowlabs/ml/ai/OpenAIEmbeddings.scala
index bc61648d46454e..9230de64c5e735 100644
--- a/src/main/scala/com/johnsnowlabs/ml/ai/OpenAIEmbeddings.scala
+++ b/src/main/scala/com/johnsnowlabs/ml/ai/OpenAIEmbeddings.scala
@@ -1,7 +1,7 @@
package com.johnsnowlabs.ml.ai
import com.johnsnowlabs.ml.ai.model.TextEmbeddingResponse
-import com.johnsnowlabs.nlp.AnnotatorType.DOCUMENT
+import com.johnsnowlabs.nlp.AnnotatorType.{DOCUMENT, SENTENCE_EMBEDDINGS}
import com.johnsnowlabs.nlp.{Annotation, AnnotatorModel, HasSimpleAnnotate}
import com.johnsnowlabs.util.{ConfigHelper, ConfigLoader, JsonBuilder, JsonParser}
import org.apache.http.client.methods.HttpPost
@@ -10,7 +10,7 @@ import org.apache.http.impl.client.{CloseableHttpClient, HttpClients}
import org.apache.http.util.EntityUtils
import org.apache.spark.broadcast.Broadcast
import org.apache.spark.ml.param.Param
-import org.apache.spark.ml.util.Identifiable
+import org.apache.spark.ml.util.{DefaultParamsReadable, Identifiable}
import org.apache.spark.sql.{Dataset, SparkSession}
/** Transformer that makes a request for OpenAI Embeddings API for each executor.
@@ -20,39 +20,24 @@ import org.apache.spark.sql.{Dataset, SparkSession}
* reference
*
* ==Example==
- * {{{
- * import spark.implicits._
- * import com.johnsnowlabs.nlp.base.DocumentAssembler
- * import com.johnsnowlabs.ml.ai.OpenAIEmbeddings
- * import org.apache.spark.ml.Pipeline
+ * {{{ import spark.implicits._ import com.johnsnowlabs.nlp.base.DocumentAssembler import
+ * com.johnsnowlabs.ml.ai.OpenAIEmbeddings import org.apache.spark.ml.Pipeline
*
- * val documentAssembler = new DocumentAssembler()
- * .setInputCol("text")
- * .setOutputCol("document")
+ * val documentAssembler = new DocumentAssembler() .setInputCol("text") .setOutputCol("document")
*
- * val openAIEmbeddings = new OpenAICompletion()
- * .setInputCols("document")
- * .setOutputCol("embeddings")
- * .setModel("text-embedding-ada-002")
+ * val openAIEmbeddings = new OpenAICompletion() .setInputCols("document")
+ * .setOutputCol("embeddings") .setModel("text-embedding-ada-002")
*
+ * val pipeline = new Pipeline().setStages(Array( documentAssembler, openAIEmbeddings ))
*
- * val pipeline = new Pipeline().setStages(Array(
- * documentAssembler,
- * openAIEmbeddings
- * ))
- *
- * val inputDF = Seq(
- * "The food was delicious and the waiter...").toDS.toDF("text")
- * val embeddingsDF = pipeline.fit(inputDF).transform(inputDF)
+ * val inputDF = Seq( "The food was delicious and the waiter...").toDS.toDF("text") val
+ * embeddingsDF = pipeline.fit(inputDF).transform(inputDF)
*
* embeddingsDF.select("embeddings").show(false)
- * +-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+
- * |embeddings |
- * +-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+
- * |[{document, 0, 40, The food was delicious and the waiter..., {}, [0.0023141683, -0.009301115, 0.015719837, -0.007821825, -0.0046727783, 0.014881784, -0.009821723, -0.038220283, -0.0069075855, -0.028773142, 0.025217766, 0.018170506, -0.0035648984, -0.025535211, 5.1227555E-4, -0.016278539, 0.028366813, 0.0053457604, 0.009605861, -0.016481703, -0.015351601, 0.00426645, 0.0070345635, -0.0070853545, -0.003907738, 0.018449856, 0.008710668, -0.022767097, 0.011478782, 0.023859106, 0.015567463, -0.0035807705, -0.034893464, -0.0041743913, -0.02610661, -0.02156081, -0.0057806587, 0.011726389, 0.008342434, 0.0040982044, 0.019237118, -0.014411966, 0.008939228, 0.0063679307, -0.045711964, 0.01780227, -0.005482261, -7.650405E-4, -0.02201793, -0.003771237, 0.021002108, -0.01752292, -0.011707342, -0.022513142, 0.016392818, 0.01718008, -0.0085329, 0.0015808721, 0.025039999, -0.02491302, 0.0077456385, 0.0058949385, -0.022170303, 0.0030442898, -0.0062219063, -0.02542093, -0.008082129, 0.0011189908, 2.2952703E-5, 0.004625162, 0.020633873, 0.01353582, 0.004612464, -0.01598649, 0.016621377, -0.008920182, -0.0075678695, 0.013637402, -0.0069837724, 0.0053616324, 0.009891561, -0.04583894, 0.003052226, 0.023960687, 0.022932168, 0.00705361, -0.023617849, 0.009961399, -0.006602839, -0.03326815, -0.0025522513, 0.019884704, 0.0017475303, 0.001142799, -0.022741701, 0.004971176, 0.015376997, 0.03161744, -0.00546004, -0.016011884, -0.005164817, 0.019859308, -0.009396348, -0.006786957, -0.031185718, -0.009428092, -0.015211926, -0.028849328, 0.021027504, -0.018348275, -0.002917312, 0.012646977, 0.00523148, -0.04954669, -0.043020036, -3.9819407E-4, 0.021459227, -0.016849937, 0.0065393504, -0.041420117, 9.2773064E-4, 0.033471316, 0.013078701, -0.010494705, -4.924353E-4, 0.018411763, 1.132879E-4, -0.013066003, 0.011866064, 0.0057965307, 0.0071742386, 0.008507504, 0.018411763, -7.575012E-4, -0.019122839, 0.021929044, -0.029788963, -0.0043140664, 0.0014657986, -0.0050822813, 0.015008762, 0.021332249, -0.01883079, 0.011008965, -0.007472636, 0.022538537, 0.019199025, 0.01495797, -0.0036379104, 0.0062726974, 0.025674887, -0.02775732, 0.036620364, -0.004574371, 0.013865963, 0.007974198, -0.0056695533, 0.010285192, -0.00580288, -0.008717017, 0.010640729, -5.2527095E-5, 0.032125354, -0.023744825, -0.0025411407, 0.030246083, 0.02963659, 0.016519796, 0.002155446, 9.1900094E-4, -0.011561317, 0.018564137, -0.007580567, 0.007548823, -0.0010975633, 0.004529929, 0.009929654, -0.007580567, -0.0062314295, -0.0057933563, -0.028239835, 0.0043140664, 0.029255657, 0.024963811, -0.015567463, -0.018246692, 0.0076377075, 0.008602737, -0.0116628995, -0.006301267, 0.0020062474, 0.036899712, -0.0024982858, -0.020798944, -0.68953955, -0.019605353, 0.003549026, 0.0066663283, 0.028316023, 0.023452777, 0.007180588, 0.010520101, 0.009529674, -0.009548721, -0.021281458, 6.5026456E-5, 0.019732332, 0.0021935394, -0.009516977, -0.002047515, -3.8410746E-4, 0.006679026, -0.041166164, 0.011256571, -0.013472332, 0.027782716, -0.011415293, 1.2787049E-4, 0.015389695, -4.6584936E-4, 0.014424664, -0.008551947, -0.018868882, -0.017726084, -0.009339208, 0.024582878, 0.012831095, -0.008837647, 0.035020445, -0.0051965616, -0.024189247, 0.024125759, -0.003749016, 0.030982554, -0.015034157, -0.023249613, 0.030093709, 0.006812352, 0.010088377, 0.011466084, 0.030296873, 0.017586408, 0.0021506844, -0.00671077, 0.009802677, 0.016659472, 0.003590294, 0.027884297, 0.004079158, 0.003080796, 0.029763568, -0.016811844, 0.0021379867, 0.023186123, 0.011808924, 0.0142976865, -0.019656144, -0.029433426, -0.001558651, 0.018246692, -0.0027808112, 0.01917363, 0.027528761, -0.008482109, 0.012386672, 0.0028919165, -0.0052029104, 0.0064314194, 0.009351906, 0.022538537, 0.023465475, 0.0010158215, 0.018957768, -0.0030347665, -0.0068821902, -0.010170912, -0.007878965, -0.0072377278, 0.020608477, 0.010818498, -0.029890545, -0.003799807, 0.0026951013, -0.01888158, 0.029890545, 0.024646368, -0.004425172, 0.026411356, 0.017548315, 0.041115373, -0.020202149, 0.014716713, 0.021535413, -0.02991594, -0.0015134152, 0.0033776062, 0.034156997, 0.03606166, 0.02803667, 0.018449856, 0.003160157, 0.009345557, 0.020748153, -0.012532697, 0.017091196, 0.011637504, -0.0075615207, 0.013167585, -0.0074027986, -0.02258933, 0.005933032, 0.025789166, -0.019059349, -0.018970465, -0.013281865, -0.0026316124, 0.022462351, -0.007910709, -7.5472356E-4, 0.028189044, 0.013891358, -0.01997359, -0.021116387, -0.0029696904, 0.013510425, 0.016011884, 0.011961297, -0.016875334, 0.0048251515, -0.012939026, 0.025928842, -0.030373061, 0.017561013, -0.022462351, -0.018856185, 0.0019729156, -0.006142545, 0.0020919573, -0.0015181769, -0.011281966, -0.005399726, -0.011351804, -0.021510018, 0.005085456, 0.005542576, -2.3133746E-4, -0.012577139, 0.0033871296, 0.024608273, -0.0019570435, 0.0012483493, -0.0054473425, -0.024773344, -0.030474642, -0.015973791, 0.01672296, -0.013332657, -0.008577342, 0.009377302, -0.007383752, 0.0070726564, -0.0055965413, -0.012151764, -0.02377022, 0.028798537, -0.015910303, -0.003339513, 0.005282271, -0.016773751, 0.0014840516, -0.021878254, -0.019414887, -0.0063044415, 0.016532494, 0.00876146, 0.004060111, -0.01387866, -0.012926328, 0.009523326, 0.005733042, 0.0014515136, 0.025344744, -0.017840363, 0.015427788, 0.002011009, -0.010964522, 0.007440892, 0.0014816708, 0.016011884, 0.01330726, -0.002599868, 0.002106242, 0.014069127, -0.0022157605, -0.004212484, -0.0065837926, 0.003145872, -0.004783884, 0.013231074, -0.017535618, -0.011085152, -0.02963659, 0.0038632958, 0.007529776, 0.01610077, -0.013840566, -0.017332453, -0.0038061559, 0.02139574, 0.017040404, 0.019211723, 0.0069139344, -0.013967545, -0.009186835, -0.0023554359, -0.020938618, -0.0051552937, -0.001572936, 0.006358407, 0.003096668, 0.0030696853, -0.007371054, 0.0012380324, -0.0021808415, -0.0019745028, 0.018589532, 7.039325E-4, 0.015084948, 0.0069710743, 0.0013451697, 0.016367422, -0.008818599, 0.016748356, -4.6465895E-4, -0.0077202427, 0.016735658, -7.9956255E-4, -0.027909694, 0.0109137315, 5.084067E-5, -0.0060155676, -0.011237524, -0.027477968, 0.008920182, 0.012932677, 0.016811844, -0.017637199, 0.014691317, -0.0040188436, 0.008063083, -0.0019062523, -0.018779999, 0.034030017, 0.021014806, 0.016532494, 0.022284582, 0.015491277, -0.0010269319, 0.0045013586, 5.733836E-4, -0.0076884986, -0.026182797, 0.009809026, -0.006717119, 0.014742108, -0.025916144, -0.0023046448, -0.0066980724, 0.006723468, -0.0012253346, -0.018678416, 0.002269726, -0.017878456, 0.0047870586, 0.003180791, -0.021814765, 0.02991594, 0.011916855, -0.002744305, -0.010964522, -0.017345151, 0.007428194, -0.012494603, 0.0033014196, 0.0072948677, 0.014411966, 0.0011118483, -0.00961221, 0.0141199175, 6.3409476E-4, 0.04614369, -0.020798944, 0.031541254, -0.005158468, 0.006571095, -0.025179673, -0.02816365, -0.023516266, 0.026258985, -0.013104096, -0.022360768, -5.8965257E-4, 0.023452777, -0.0077773826, 0.0065393504, -0.0060155676, -0.012488254, -0.002161795, 0.023782918, -0.0033077686, -0.02940803, 0.0019078396, 0.0077202427, -8.5233763E-4, -0.030449247, -0.017053101, -0.008805902, -0.013396145, 0.07816746, -0.0049299086, 0.015148437, 0.008469411, 0.03669655, 4.7457908E-4, -0.038931355, -0.0047521396, -0.005444168, -0.012069228, -0.006679026, 0.0095614195, 0.024989206, 0.007218681, 0.02628438, -0.0042569265, -0.0059742997, -0.024532087, 0.019287908, -0.023859106, -0.008215455, 0.01667217, 0.015948396, 0.027122432, -0.015123041, 0.004431521, 0.025649492, 0.026182797, -0.0011642266, -0.023503568, 0.0016284888, -0.0012070816, -0.004891815, -0.002255441, -0.015554765, 0.004834675, 4.948161E-4, -0.012183508, 0.0049267337, -0.006244127, 0.04050588, -0.008513853, 0.005034665, -0.017078498, 0.004761663, -0.0016411865, -0.027579552, 0.050816465, -0.030474642, -0.0028887421, 0.015465881, 0.027046245, 0.0023046448, -0.010513752, -0.00429502, 0.011161338, -0.006679026, -0.024189247, -0.013929451, 0.01632933, -0.014716713, -0.03766158, -0.005542576, -6.202066E-4, -0.025966935, -0.020430708, -0.01268507, -0.012545395, -0.002966516, -0.0029109633, -0.012329533, 0.0037553648, -0.012869188, -0.0070409123, 0.017345151, -0.0024617796, -0.0035331538, -0.009828072, -9.451901E-4, 0.0099550495, 6.217938E-4, -0.008202758, 0.0014253245, 0.003526805, -0.029154075, 0.022767097, 0.026462149, 0.011116896, 0.00546004, 0.0042569265, -0.0022030626, -0.0025887573, 0.005244178, -0.015491277, -0.0055108313, -0.021827463, -0.016240444, 0.02509079, -0.0084567135, -0.0032363436, -0.008107524, 0.0018935546, -0.009250324, 4.317241E-4, 0.04362953, -0.0083868755, -0.011370851, -0.025052696, 0.004015669, -0.011047058, 0.020557687, 0.014754806, -0.01899586, 0.0074535897, -0.012037484, 0.030296873, 0.01212002, 0.032277726, 0.003606166, -0.009110648, -0.0074599385, -0.0064917337, 0.025128882, -0.012329533, 0.00932651, -9.1344566E-4, 0.01239937, -0.013294563, -0.0015507148, -0.012786652, -0.0037045737, 0.007155192, -0.010482008, 0.009904259, -0.0043013687, -0.0026252635, -0.004164868, 0.010799452, -0.0255987, -0.024151154, -0.040124945, -0.015199228, 0.012875536, -0.01325647, -0.028544582, -0.023592452, -0.004920385, -0.008037687, -0.016062677, 0.05137517, 0.011789877, 0.00932651, -0.031719025, 0.039515454, 0.0047362675, -0.014170709, -0.014856388, -0.0064822105, 0.0045267544, 0.027173223, 0.021636996, -2.57725E-4, 0.019554563, 0.0037045737, -7.073054E-5, -0.006615537, -0.0108438935, -0.004533103, -0.030423852, 0.029611195, 0.02651294, 0.014780202, 0.0098471185, 0.009288417, -0.020773549, 0.0036220383, 0.004733093, -0.008805902, -0.009650303, -0.013853265, 0.01757371, -0.027477968, 0.005006095, 0.007155192, 0.03276024, -0.007605963, 0.022551235, 0.006269523, 0.016011884, -2.5375694E-4, 0.028646164, -0.014437362, 0.002636374, -0.0102026565, -0.01723087, 0.010405821, -0.0052187825, -0.015376997, -0.018360972, -3.408557E-4, 0.02775732, 0.0011134355, 0.0049616527, -0.0134088425, -0.007891662, 0.005056886, 0.013510425, -0.014411966, -0.0047299187, -0.026132006, -0.018741906, -0.019668842, -0.012640628, -0.02986515, -0.009916957, -0.0033966529, -0.041166164, 0.013040608, -0.009542372, -0.03816949, -7.6900853E-4, -0.003945831, -0.014208802, -0.0037966326, 0.016697565, -7.793255E-4, -0.017281663, -0.015567463, 0.029382635, -0.0043204157, -0.009675699, -8.779316E-5, 0.011491479, 0.025014602, -0.021878254, -0.018856185, 0.02144653, 0.009974097, -0.02291947, 0.013688194, -0.0046727783, 0.029535009, -0.0127676055, 0.018310182, 6.606807E-4, 0.012900932, -0.020951318, 0.0035426773, 0.0036887014, 0.0067933057, -0.029890545, -0.0020443406, -0.024265435, 0.02610661, -0.00984077, -0.0102026565, 0.008171014, -0.010151865, -0.013116794, 0.021687787, -0.010939127, 0.008399573, -0.00847576, 0.016405515, -0.0036315615, -0.009770933, 0.013396145, -0.007853569, 0.01809432, 0.01951647, -0.022449654, -0.02337659, 0.003641085, 0.009402697, 0.027427178, -0.007180588, -0.015199228, -0.016913427, -0.0045584985, -0.013688194, -0.005533052, 0.010374077, 0.004939432, 0.008177362, -7.1623345E-4, -0.032404702, -0.028112859, 0.004755314, 0.0062092086, -0.015884908, -0.02184016, -0.020913223, 0.0015705551, -0.0015451596, 0.024646368, -0.0020364046, -0.012380323, 0.015288113, -0.012761257, 0.0090979505, -0.01029789, 0.019097442, -0.02542093, 0.008399573, 0.0034220484, 0.013040608, 0.022436956, -0.008977322, -0.023224218, -0.016354725, 0.0011626394, -0.00429502, 0.018107018, -0.0056886, 0.02605582, 0.0052695735, 0.006780608, -0.006402849, -0.018132413, 0.019618051, -0.01775148, -0.0012832681, 0.027198618, -0.015897606, -0.020583082, 0.039794803, 0.008659878, -0.0022951216, -0.029484216, 0.009294766, -0.02156081, 0.035680726, -0.014284989, -0.014577038, -0.023313101, 0.011459735, -0.016557889, 0.02030373, 0.0064155473, -0.013510425, 0.016481703, 0.013192981, 0.01979582, -0.0014705602, 0.016113468, 0.004783884, -0.013840566, 0.0077392897, -0.03596008, -0.02707164, -0.009923305, 0.009701095, -0.0044664396, -0.009910608, -0.014361176, 0.00984077, -0.04304543, 0.024595575, -0.01069787, 0.0048854663, 0.011066104, 0.02149732, -0.02344008, 0.006812352, -0.03100795, 0.005853671, -0.0051362473, -0.013904056, -0.006409198, 3.2379307E-4, 0.0093138125, -0.009707443, -0.04243594, -0.011085152, 0.008786855, 0.0024681287, 0.011993041, -0.006761561, -0.014056429, -0.0071678897, 0.0017903852, 0.014513548, 0.033090383, 0.0051521193, -0.0017443559, -0.0128374435, -0.015313508, 0.01832288, -0.0057997056, -0.04817533, -0.017662594, 0.009250324, -0.010723265, 5.8479174E-5, -0.015669046, -0.028189044, 0.017687991, -0.017268965, -0.0025935192, -0.022475049, -0.017218173, 0.015211926, 0.00802499, -0.019072047, 0.007853569, -1.0123494E-4, -0.019605353, 0.0164944, 0.007104401, 1.1487512E-4, -0.009288417, -0.015897606, 0.0050124438, -0.005891764, -0.020887828, 0.0034442695, 0.0037680627, -0.0017015008, 0.004555324, 0.012653326, -0.014907179, 0.012431115, 0.0024522564, -0.0038759937, 4.5672283E-4, -0.008882089, 0.015884908, -0.017383244, -0.016799146, -0.0051521193, -0.022170303, -0.02059578, 0.018157808, 0.009301115, -0.0077456385, 0.025916144, 0.21921426, 0.011980344, -0.005006095, 0.03743302, -4.2021676E-4, 0.031236509, 0.0020173579, 0.0024522564, -0.017167382, 0.01325647, -0.011351804, -0.006485385, 0.0015316682, -0.0030141326, 0.0063330117, -0.0049299086, -0.02514158, -0.023782918, 3.3668923E-4, -0.03532519, 0.010786754, -0.016532494, 8.2773576E-4, -0.01729436, 0.03771237, 0.0021094168, -0.044061255, 0.0065837926, 0.013980242, 0.024303528, -0.019084744, -0.0086344825, 0.0057933563, 0.0016475354, -0.014462758, 0.013040608, 0.0069075855, 0.003920436, 0.005682251, -0.0038029815, 0.009878864, -0.013078701, 0.017281663, -0.016443608, 0.017218173, 0.024468599, -0.018754603, -0.027274804, 0.003239518, 0.036417197, -0.015250019, -0.018767301, 0.006609188, 0.010228052, 0.0055298777, 0.009148742, 0.02599233, -0.020189451, -0.019884704, -0.0059711253, 0.01063438, 0.0095614195, -0.01632933, 9.761409E-4, -0.030119104, 0.009821723, -0.014805597, 0.014284989, -0.0032220585, -0.015961094, -0.0013919928, -0.024951113, 2.1764767E-4, 0.022284582, -0.009078904, -0.010113772, 0.025039999, -0.0127295125, 0.019541865, 0.034969654, -0.0267415, 8.843797E-5, -0.006920283, -0.011243873, -0.016938822, -0.030144501, 0.0040982044, 0.014513548, -0.018868882, -0.02064657, 0.011402596, -0.012723164, -3.5241264E-5, -0.0014578624, 0.017700689, 0.0056790765, -0.0064568147, 0.010215354, 0.0032490413, -0.011326409, -0.010723265, -0.055108313, -0.009332859, -0.0048251515, -0.028569978, -0.003176029, 0.0028204916, 0.036721945, 0.003310943, -0.005615588, -0.002679229, -4.021621E-4, 0.017903853, -0.0014769092, 0.0024332097, -0.00273002, -0.016811844, 0.003641085, 0.030169897, -0.024049573, 0.018868882, -0.019199025, -0.0028443, 0.03344592, -0.020557687, -0.012913629, -0.011554969, 0.012043833, 0.025560606, -0.011942251, 0.038474236, -0.0036029916, -0.007866267, 0.019884704, -0.033649083, -0.018754603, 0.009675699, 0.01825939, -0.026665313, -0.012240648, 0.024900323, 8.2932296E-4, -9.5074537E-4, 0.006352058, -0.004933083, -0.03550296, 0.01234223, 0.007434543, -0.02991594, -0.018284785, -0.030753994, -0.014627828, -0.017091196, -0.017205475, 0.024963811, -0.020214846, -0.04459456, -0.0057076467, -0.0137643805, -8.483696E-4, -0.002945882, -0.0064917337, 0.05297509, -0.011599411, 0.008126572, 0.005580669, -0.16161719, 0.0092757195, -0.024557482, -0.01638012, 0.01580872, 6.086992E-4, 0.023173425, -0.0072440766, -0.018056225, 0.018906977, 0.0102026565, 0.010393123, -0.0329888, 0.0023395638, 0.019021256, 0.01643091, 1.3888183E-4, -0.014284989, 0.023135332, 0.019605353, 0.03829647, 0.002658595, 0.0010705806, -0.007529776, 0.0026839906, 0.030449247, -0.025471723, 0.0038029815, -0.011072453, 0.0018649846, 0.005898113, -0.002909376, 0.025497118, -0.008444016, 0.010247098, 0.005399726, 1.3124333E-4, -0.0066409325, 0.017675294, 0.035249002, 0.013205678, 0.027960485, -0.0012864426, 0.014919877, -0.009764584, 0.009910608, 0.009478884, -0.001576904, 0.023452777, -0.004783884, 0.009415395, -0.037179064, 0.016113468, 0.0011642266, 0.0022824237, 0.01695152, -0.014094522, 0.0013919928, -0.005904462, -7.301216E-4, -0.012310485, -0.011332758, -0.013281865, 0.0020776722, -0.0012808873, -0.004088681, -0.006428245, -0.014869086, 0.0064663384, 0.006040963, -0.0024078141, 0.0025395534, 0.0033141174, 0.0073456587, 1.8064558E-4, 0.023401987, -0.017637199, -0.0066663283, 0.021649694, -0.023198823, -0.015034157, 0.034385554, -0.025890749, 0.021344947, -0.015656348, 0.002177667, 0.0041236, 0.014970669, 0.0142215, -0.007447241, 0.007498032, -0.003555375, -0.009224928, -0.025700282, 0.01808162, 0.010996267, 0.009015415, 0.010355029, -0.005752089, -0.003606166, 0.00551718, -0.021522716, -0.028722351, 0.02548442, 0.01643091, 0.033547502, 0.0123041365, 0.026944663, 0.01951647, -0.0051394217, -0.020011682, 0.010374077, 0.019935496, 0.02537014, -0.010755009, 0.038778983, -0.014932575, -0.025395535, 0.030474642, -0.00904081, 0.046727784, 7.880552E-4, 0.0015054791, 0.012812047, -7.70199E-4, 0.0032918963, -0.10767707, -0.022982959, 0.020659268, 0.020506894, -0.006279046, -0.0051902127, 0.009123346, 0.013434238, -0.014399269, 0.0035871193, -0.011212129, -0.018018132, -0.015288113, -0.013675496, 0.023630546, 0.008520202, 0.025116185, -0.028696954, -6.0076313E-4, 0.0052187825, -6.817114E-4, 0.011453386, -0.005028316, 0.006736166, -0.0043140664, 0.0075107296, -0.009104299, 0.02991594, 0.007313914, 0.011218478, 0.024163852, -0.009948701, 0.017345151, -0.0041585187, -0.01172004, -5.309254E-4, -0.024735251, 0.0022205221, 0.014754806, -0.026970059, 0.01274221, -0.007320263, -0.0025236814, -0.04754044, 0.0068250503, -0.004533103, 3.1486497E-4, 0.018576834, 0.022970261, -0.0070155165, -0.0037458416, 0.025687585, -0.029661985, 0.004606115, 0.041496307, -0.005926683, 0.016570587, -0.0017062626, -0.009751885, -0.006558397, 0.0068758414, -0.0011920029, -0.020240242, 0.008044036, 0.008063083, 0.01587221, -0.011072453, -0.0023109936, 0.0050822813, -0.015161134, 0.012031135, -0.006459989, -0.016697565, -0.008913833, -0.010088377, -0.038575817, -0.034182392, 0.005552099, -1.3570739E-4, -0.022538537, 0.0019697412, -0.01012647, 0.007548823, -0.0012753321, -5.9123983E-4, -0.02013866, -0.010215354, -0.006761561, -0.007390101, -0.015796022, -0.0043204157, 0.011294665, 0.03105874, -0.013573914, -0.016926125, 0.018132413, -0.014488153, -0.0021665567, 0.017370546, -0.02371943, -0.0063393605, -0.01001219, -0.04015034, 0.006888539, -0.017764177, -0.0067552123, 0.008863042, -0.0100248875, 0.016710263, 0.010005841, -0.008202758, 0.01695152, -0.010678823, 0.01274221, 0.013726287, 0.007929756, -0.017116591, -0.008939228, 0.015440485, 0.0051203747, 0.022284582, -0.009237626, 0.022233792, 0.030119104, -0.0046442086, -7.205983E-4, -0.020341825, 0.021865556, -0.013243772, 0.016849937, -0.027452573, -0.010831196, 0.011535922, -0.02462097, 0.003276024, 0.026005028, -0.014450059, -0.030017523, -0.004129949, 0.012373975, 0.009624908, 0.002771288, -0.006558397, -0.03669655, 0.011123245, -0.02366864, -0.012043833, 0.014932575, -0.016265841, -0.004002971, 0.018805394, 0.0038950401, -0.008183711, 0.011072453, 0.010431216, -0.01917363, 0.015656348, 0.0013594547, 0.005967951, -0.011777179, 0.0049806996, -0.031160321, 0.03578231, -0.00899002, 0.008793204, -0.009180486, -0.004555324, -0.013573914, -0.01672296, -0.013573914, 0.01467862, -0.02986515, -0.018665718, 0.0052251313, 0.019783122, 0.0110216625, 0.039159916, -0.017840363, -0.00699647, -0.02849379, -0.008374178, 0.010989918, 0.013599309, 0.019872006, -0.024367016, 0.010926429, 0.010247098, 0.02479874, -0.016710263, -0.0013967544, 0.005558448, 0.004571196, -0.0046854764, -0.013332657, 0.011256571, -0.0016078549, 0.004012495, 0.025243163, -0.0029823883, -0.007834523, 0.017941946, 0.03105874, -0.005507657, 0.004618813, 0.002966516, -0.007212332, -0.011954948, -0.016189653, -0.03385225, -0.04284227, 0.009085253, 0.007478985, 0.018284785, 0.016761053, -0.0040061455, 0.022602027, 0.007440892, 0.012094623, -0.001454688, -0.0059584277, -0.019033954, 0.026817685, 0.0031522207, 0.012183508, 0.007942454, -0.020392615, 0.0061076265, 0.017205475, -0.0041553443, 1.2033119E-4, 0.0010840719, 0.005250527, -0.0014531008, 0.009370953, -0.01643091, -0.010259796, -0.014538944, 0.007161541, 0.015923, 0.018767301, -0.025154278, 0.037128273, 0.0044791377, 0.008799553, 0.004012495, -0.007878965, 0.0053679813, 0.028087461, -0.020100566, -0.0063298373, 0.0045172307, 0.02434162, 0.0076123117, 0.00580288, -0.012646977, -0.026132006, -0.002952231, 4.2815285E-4, 8.134507E-4, -0.028950911, -0.023389287, 0.008863042, 0.01865302, 0.014373873, 0.028138254, -0.013954847, -0.0031442847, 0.00197609, -0.0034410951, 0.012900932, -0.040912207, 0.0025824085, -0.0018935546, -0.049292736, -0.008894786, -0.004510882, -0.02178937, -0.01410722, -0.015516672, 0.0042061354, 0.0026681183, -0.031363487, 0.04106458, -0.01780227, -0.018576834, 0.014602433, 0.010374077, -0.015288113, -0.019389492, -0.0028141427]}]|
- * +-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+
*
- * }}}
+ * | embeddings |
+ * |:------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|
+ * | [{sentence_embeddings, 0, 39, The food was delicious and the waiter..., {sentence -> 0}, [0.002297497, -0.009297881, 0.015739758, -0.0076794787, -0.004737794, 0.01487661, -0.009856389, -0.03823238, -0.0069305706, -0.028610818, 0.025208998, 0.018138802, -0.0036271256, -0.025539026, 5.204275E-4, -0.016374426, 0.02828079, 0.0054073683, 0.009710415, -0.016399812, -0.015397037, 0.00427766, 0.006987691, -0.0072859847, -0.003874646, 0.018544989, 0.008752067, -0.022657635, 0.011493831, 0.023901584, 0.015638212, -0.0035192322, -0.034932107, -0.0041919798, -0.02612292, -0.021515233, -0.005715182, 0.011754045, 0.008453773, 0.004080913, 0.019179657, -0.014419649, 0.00893612, 0.0063911034, -0.045670684, 0.017884934, -0.005610462, -7.219344E-4, -0.02211182, -0.0039539794, 0.021007499, -0.017631067, -0.011696924, -0.02260686, 0.016336346, 0.017174106, -0.008466466, 0.0015922225, 0.025094759, -0.024967825, 0.007806412, 0.005794516, -0.022187982, 0.0029162979, -0.0060959826, -0.025564414, -0.008104706, 0.0010178483, 1.9823447E-4, 0.0046425937, 0.02074094, 0.013467647, 0.004626727, -0.016006319, 0.0166156, -0.008948814, -0.007616012, 0.013619968, -0.0069749975, 0.0052677416, 0.009881775, -0.04592455, 0.0030464048, 0.024003131, 0.02301305, 0.006981344, -0.023571556, 0.009938896, -0.006537077, -0.033332746, -0.002690991, 0.019928563, 0.0017596161, 0.001090835, -0.022683023, 0.005007528, 0.01540973, 0.031530287, -0.0054676617, -0.015980931, -0.0051471544, 0.019890483, -0.009386734, -0.0062133963, -0.031174876, -0.009405775, -0.015270104, -0.028864685, 0.021020193, -0.018303815, -0.0029210579, 0.012693353, 0.005102728, -0.049580235, -0.04300508, -4.1293065E-4, 0.0215787, -0.016894853, 0.0065434235, -0.041431103, 9.662815E-4, 0.03351045, 0.0128901, -0.010510096, -5.807209E-4, 0.01835459, 9.2869726E-5, -0.01309954, 0.011982525, 0.005813556, 0.0070194243, 0.008637827, 0.018456135, -8.5521466E-4, -0.019141577, 0.021896034, -0.02975322, -0.0043220865, 0.0015160623, -0.0052074483, 0.0149527695, 0.0213883, -0.018836936, 0.01105591, -0.0074636918, 0.022632249, 0.019141577, 0.0149527695, -0.0036810723, 0.006286383, 0.025678653, -0.027773056, 0.03668379, -0.00445854, 0.013911915, 0.008015852, -0.0056739287, 0.010281616, -0.0057659554, -0.00872668, 0.010649723, 2.0787844E-5, 0.032164957, -0.023838118, -0.002641804, 0.030387888, 0.029626286, 0.016602905, 0.0021784967, 0.0010519617, -0.0116524985, 0.018519603, -0.007552545, 0.007419265, -0.0011090817, 0.0044331537, 0.009989669, -0.007533505, -0.0061943564, -0.0057088356, -0.028230017, 0.0042554466, 0.029321646, 0.024790118, -0.015676292, -0.018202268, 0.0075017717, 0.00865052, -0.011696924, -0.0063942764, 0.0020118963, 0.036963046, -0.002335577, -0.020804405, -0.6888937, -0.019598536, 0.0034748053, 0.0067401705, 0.02835695, 0.023393849, 0.0071527045, 0.010586256, 0.0096088685, -0.009488282, -0.021337526, 3.6766098E-5, 0.019801632, 0.0022705235, -0.009558095, -0.0020753632, -3.708839E-4, 0.0066449703, -0.04130417, 0.011220924, -0.013391487, 0.027722282, -0.011366897, 2.4434706E-4, 0.015460504, -5.549375E-4, 0.01449581, -0.008529933, -0.018875016, -0.017745307, -0.009437508, 0.024587024, 0.013010687, -0.008993241, 0.034932107, -0.005093208, -0.024218917, 0.024066597, -0.0037857925, 0.031047942, -0.015003543, -0.023266915, 0.03021018, 0.0069115306, 0.010154682, 0.011430364, 0.030311726, 0.01764376, 0.0020975766, -0.006746517, 0.009748495, 0.01665368, 0.003658859, 0.02789999, 0.0040682196, 0.0031289116, 0.029905539, -0.016882159, 0.0021689767, 0.023228835, 0.011773085, 0.014292715, -0.019827018, -0.029575512, -0.0015803224, 0.018405361, -0.002776671, 0.019370057, 0.027569963, -0.008460119, 0.012445833, 0.0028322043, -0.0052804346, 0.006422837, 0.009335961, 0.02260686, 0.02354617, 0.0010345082, 0.018900402, -0.0029908712, -0.0068544107, -0.010148335, -0.007939693, -0.0072796377, 0.020537846, 0.010928977, -0.029880153, -0.0038492593, 0.002795711, -0.01892579, 0.029956313, 0.024612412, -0.00446806, 0.026452947, 0.017605681, 0.041177236, -0.02018243, 0.014648129, 0.021553313, -0.029956313, -0.0015017823, 0.0034874987, 0.034170505, 0.036125284, 0.02805231, 0.018430749, 0.003404992, 0.009329614, 0.020766325, -0.012560072, 0.01707256, 0.011538258, -0.007711212, 0.01332802, -0.007412918, -0.022492621, 0.0059055826, 0.025754813, -0.019141577, -0.01904003, -0.013353407, -0.0026005507, 0.022530701, -0.007895266, -7.842112E-4, 0.028103083, 0.013962688, -0.019979337, -0.02115982, -0.0029305778, 0.01340418, 0.01609517, 0.011880978, -0.016793307, 0.0048837676, -0.013036073, 0.025767507, -0.030337114, 0.017631067, -0.022454541, -0.018824242, 0.0019785764, -0.006146756, 0.0021055099, -0.0014525956, -0.011157458, -0.005293128, -0.011468444, -0.021591393, 0.0051535014, 0.005597769, -2.1935701E-4, -0.012731433, 0.0034208586, 0.024688572, -0.0018103895, 0.001299482, -0.005461315, -0.024878971, -0.030565593, -0.01609517, 0.016717145, -0.013226474, -0.008764761, 0.009488282, -0.007355798, 0.0070638508, -0.005734222, -0.012084072, -0.023749264, 0.028813912, -0.015892077, -0.0033573918, 0.0052201413, -0.01672984, 0.0014105488, -0.02184526, -0.019560456, -0.0063752364, 0.016717145, 0.008777454, 0.00418246, -0.013861141, -0.012877407, 0.009500975, 0.005804036, 0.0013859555, 0.025335932, -0.01779608, 0.01537165, 0.0019722297, -0.011081297, 0.0073875315, 0.0015795291, 0.015968239, 0.013454954, -0.0026592575, 0.0020944031, 0.014140395, -0.0023339903, -0.0042554466, -0.0064989966, 0.0030828982, -0.0046870206, 0.013239168, -0.017491441, -0.011106684, -0.029702445, 0.003696939, 0.007419265, 0.01609517, -0.013784981, -0.017250266, -0.0037762725, 0.021413686, 0.017047172, 0.019268509, 0.006898837, -0.013924608, -0.009266147, -0.0023577902, -0.020905953, -0.005264568, -0.0014875022, 0.0064513967, 0.003044818, 0.0029210579, -0.0073431046, 0.0012431552, -0.0021166166, -0.0019404964, 0.018646536, 7.6913787E-4, 0.01518125, 0.0070194243, 0.0013581888, 0.016374426, -0.00872668, 0.016755225, -4.5418405E-4, -0.0076921717, 0.016780613, -8.56008E-4, -0.02805231, 0.010948017, 9.956349E-5, -0.006108676, -0.011290737, -0.027443029, 0.008910734, 0.012858367, 0.016844079, -0.017592987, 0.01476237, -0.0039793663, 0.008066626, -0.0018421229, -0.018836936, 0.03422128, 0.021020193, 0.016526746, 0.022200674, 0.015397037, -0.0010051549, 0.004474407, 4.6767073E-4, -0.007749292, -0.026249854, 0.009856389, -0.006670357, 0.014775063, -0.02589444, -0.0023530303, -0.0066068904, 0.0067147836, -0.0012542619, -0.018671922, 0.0022498968, -0.017884934, 0.0048552076, 0.0031463648, -0.0217691, 0.029905539, 0.011849245, -0.0026735375, -0.011024177, -0.01733912, 0.0073621445, -0.012407753, 0.0032939252, 0.0072288644, 0.014457729, 0.0011781019, -0.009615215, 0.0141150085, 6.025376E-4, 0.04615303, -0.020804405, 0.031631835, -0.005131288, 0.006594197, -0.025386706, -0.028204631, -0.023482703, 0.026249854, -0.013086847, -0.022314915, -5.2082416E-4, 0.023457317, -0.0076921717, 0.0064989966, -0.006013476, -0.0125029525, -0.0021404168, 0.023977743, -0.0033542186, -0.029423192, 0.0019960299, 0.0076477453, -8.080113E-4, -0.030413274, -0.017047172, -0.008790147, -0.013493034, 0.078089505, -0.004842514, 0.015232024, 0.00825068, 0.036785338, 5.335175E-4, -0.03891782, -0.004680674, -0.005451795, -0.012134845, -0.006746517, 0.009710415, 0.02490436, 0.007101931, 0.026351402, -0.0043093935, -0.0059595294, -0.024561638, 0.019331977, -0.02385081, -0.008206253, 0.016602905, 0.015942851, 0.027138388, -0.01521933, 0.0043728603, 0.025500946, 0.026173694, -0.0011558884, -0.023381157, 0.0016207825, -0.001237602, -0.0049916613, -0.0024085636, -0.015587438, 0.0048203007, 4.35144E-4, -0.012255432, 0.0048742476, -0.0062546497, 0.04051718, -0.008777454, 0.0051090745, -0.016932933, 0.004626727, -0.0016660026, -0.02774767, 0.050976507, -0.03043866, -0.0028655245, 0.01540973, 0.027138388, 0.0023292303, -0.0104275895, -0.004360167, 0.011144764, -0.0066068904, -0.024282385, -0.013988075, 0.016234798, -0.014698903, -0.037673872, -0.0054644886, -7.842112E-4, -0.02589444, -0.020461684, -0.012598153, -0.012363326, -0.002833791, -0.0029274046, -0.01243314, 0.0037413659, -0.012820287, -0.0070511578, 0.017364508, -0.0025545373, -0.0034843255, -0.009773882, -0.0010368882, 0.009894469, 8.330013E-4, -0.008237986, 0.0013804021, 0.0035890455, -0.029194713, 0.022721102, 0.026605267, 0.011151111, 0.0054200618, 0.0043919003, -0.0022181633, -0.0025402573, 0.005093208, -0.015562051, -0.005461315, -0.021984888, -0.016234798, 0.025145533, -0.008422039, -0.0032590183, -0.008130092, 0.0019309763, -0.009278841, 5.981743E-4, 0.04363975, -0.008510893, -0.011360551, -0.025069373, 0.004252273, -0.011132071, 0.020474378, 0.014889303, -0.01896387, 0.0075461986, -0.012096765, 0.030489434, 0.012166579, 0.032393437, 0.0035763523, -0.009018627, -0.007438305, -0.0064196633, 0.025056679, -0.012230045, 0.009488282, -9.821482E-4, 0.0124839125, -0.013239168, -0.0014454556, -0.012744127, -0.003696939, 0.007159051, -0.010402203, 0.010053135, -0.0042808335, -0.0025307373, -0.004128513, 0.010890896, -0.025716733, -0.024155451, -0.04023793, -0.015257411, 0.0129154865, -0.013264554, -0.028636204, -0.023520783, -0.004890114, -0.008022199, -0.016184025, 0.051535014, 0.011792125, 0.009291534, -0.031707995, 0.039476328, 0.004699714, -0.014216555, -0.01480045, -0.0065053436, 0.0044997935, 0.027138388, 0.021705633, -2.0904366E-4, 0.019585844, 0.0036842457, -1.455769E-4, -0.006727477, -0.0108718565, -0.0046076872, -0.0303625, 0.02967706, 0.026554495, 0.014825836, 0.009786575, 0.009285187, -0.020931339, 0.003630299, 0.004693367, -0.008637827, -0.009589829, -0.013886528, 0.017694535, -0.027493803, 0.004982141, 0.0071717445, 0.03297733, -0.007571585, 0.022657635, 0.006276863, 0.016069785, -3.0464047E-4, 0.028636204, -0.014419649, 0.0025450173, -0.010148335, -0.01733912, 0.0104275895, -0.0052804346, -0.015358957, -0.018494215, -3.7068556E-4, 0.027646123, 0.0011114617, 0.005093208, -0.013429567, -0.007920653, 0.0050011813, 0.013543808, -0.014381569, -0.0047346205, -0.026173694, -0.018798856, -0.019674698, -0.012629886, -0.029803993, -0.009862735, -0.0033732585, -0.04130417, 0.013048767, -0.009456548, -0.03815622, -7.286778E-4, -0.0040301397, -0.014254635, -0.0038809928, 0.016666373, -6.6997105E-4, -0.017351814, -0.015549357, 0.02952474, -0.00431574, -0.009818309, -6.470635E-5, 0.011404978, 0.025082065, -0.021908727, -0.018951176, 0.021553313, 0.010148335, -0.022936888, 0.013658048, -0.004671154, 0.0296009, -0.0127949, 0.018341895, 5.6842424E-4, 0.01292818, -0.020931339, 0.0034843255, 0.0036429923, 0.0067401705, -0.030083247, -0.00215311, -0.024206225, 0.02619908, -0.009837349, -0.010256229, 0.008168173, -0.0100340955, -0.013150314, 0.02188334, -0.010935323, 0.008371267, -0.00857436, 0.016399812, -0.0036144322, -0.009697721, 0.013493034, -0.007863532, 0.018100722, 0.019446217, -0.022492621, -0.023495397, 0.0037032857, 0.009380388, 0.027265321, -0.007140011, -0.015193944, -0.017047172, -0.004556914, -0.013632661, -0.0056358487, 0.01040855, 0.0050519546, 0.008155479, -6.9020106E-4, -0.032571144, -0.028230017, 0.0048076073, 0.0060293428, -0.016031705, -0.021781793, -0.020931339, 0.0015866691, -0.0016088824, 0.024752038, -0.0019547765, -0.012369673, 0.015320877, -0.012706046, 0.009082094, -0.010249883, 0.019128883, -0.02543748, 0.0084982, 0.0032970984, 0.012991647, 0.022479929, -0.00893612, -0.02316537, -0.016399812, 0.0012312552, -0.0042840065, 0.018227655, -0.005731049, 0.02604676, 0.005293128, 0.006689397, -0.006305423, -0.018075334, 0.019484296, -0.01783416, -0.0012130085, 0.027265321, -0.015866691, -0.020626698, 0.039882515, 0.008682254, -0.0022546567, -0.029423192, 0.009323268, -0.021553313, 0.035871416, -0.014330796, -0.0145465825, -0.023216143, 0.011531911, -0.0166156, 0.020372832, 0.00641649, -0.013531114, 0.016437892, 0.013124927, 0.019814324, -0.0015136823, 0.016247492, 0.004753661, -0.013823061, 0.007907959, -0.036125284, -0.027113002, -0.009932549, 0.009659641, -0.0044807536, -0.009850042, -0.014191168, 0.009856389, -0.042954307, 0.024701266, -0.01059895, 0.0047885673, 0.011081297, 0.021629473, -0.023571556, 0.006651317, -0.031098714, 0.0058262493, -0.0051249415, -0.013823061, -0.0065180366, 4.0519563E-4, 0.009488282, -0.009792922, -0.0423958, -0.010992444, 0.008739374, 0.002449817, 0.012045992, -0.0068544107, -0.014089622, -0.0070511578, 0.0018310162, 0.014406956, 0.033180423, 0.0052709146, -0.0016802826, -0.012750473, -0.015358957, 0.018329201, -0.005750089, -0.048234742, -0.01771992, 0.009240761, -0.0108718565, 1.789961E-5, -0.015866691, -0.028204631, 0.017669147, -0.01730104, -0.0026529108, -0.022543395, -0.017288346, 0.015193944, 0.007971426, -0.019065415, 0.007857186, -1.0481933E-4, -0.019484296, 0.016488666, 0.007101931, 1.709636E-4, -0.009348654, -0.015866691, 0.0049281945, -0.0059436625, -0.020956725, 0.003538272, 0.0038905127, -0.0016485492, 0.0044141137, 0.01271874, -0.01483853, 0.01245218, 0.0023657237, -0.0037794458, 4.5497736E-4, -0.00882188, 0.015815917, -0.017351814, -0.016767919, -0.005185235, -0.022187982, -0.020626698, 0.018049948, 0.009335961, -0.007685825, 0.02589444, 0.21934114, 0.012007912, -0.005039261, 0.037445392, -4.4307736E-4, 0.031403355, 0.0018468829, 0.0024656837, -0.01722488, 0.013213781, -0.011512871, -0.006594197, 0.0015811158, -0.0035287521, 0.0062419563, -0.0048456877, -0.025120145, -0.023800036, 2.0269697E-4, -0.03554139, 0.01071319, -0.016526746, 8.2110125E-4, -0.017313734, 0.03777542, 0.0019944431, -0.04402055, 0.0065434235, 0.013988075, 0.02442201, -0.018976564, -0.00865052, 0.005873849, 0.0016660026, -0.014419649, 0.013048767, 0.006924224, 0.003865126, 0.0057437425, -0.0038206992, 0.009894469, -0.013163007, 0.017351814, -0.01646328, 0.01733912, 0.02446009, -0.018748082, -0.027239935, 0.0032479118, 0.03653147, -0.015206637, -0.018773468, 0.00643553, 0.010141989, 0.0054200618, 0.009183641, 0.02604676, -0.02025859, -0.019852404, -0.006054729, 0.010630683, 0.009481935, -0.016374426, 9.059881E-4, -0.03005786, 0.009589829, -0.014851223, 0.014280022, -0.003274885, -0.016031705, -0.0014168955, -0.025005905, 1.9089613E-4, 0.022302222, -0.008999587, -0.010097562, 0.024942439, -0.012807593, 0.019547764, 0.034957495, -0.026833748, -3.7683392E-5, -0.0068417173, -0.011182844, -0.016907547, -0.03013402, 0.0041062995, 0.014571969, -0.018951176, -0.02070286, 0.011335164, -0.012725086, -7.8341785E-5, -0.0013653288, 0.017859548, 0.0056802756, -0.006556117, 0.010249883, 0.0033002717, -0.011398631, -0.010954363, -0.055139925, -0.009424815, -0.004959928, -0.028788524, -0.0031241516, 0.0027465243, 0.036810722, 0.0031828582, -0.005543822, -0.0026053106, -2.6973375E-4, 0.017935708, -0.0015406557, 0.0023911104, -0.0026735375, -0.016945627, 0.0035636588, 0.030311726, -0.02396505, 0.018836936, -0.01911619, -0.0029448578, 0.033408906, -0.020550538, -0.01294722, -0.011500178, 0.011988872, 0.025424786, -0.011887325, 0.038587794, -0.003395472, -0.007946039, 0.019966645, -0.033713546, -0.018798856, 0.009615215, 0.018189576, -0.026859134, -0.012223699, 0.024802811, 8.099946E-4, -0.0010448216, 0.006422837, -0.005020221, -0.03554139, 0.012356979, 0.007590625, -0.029956313, -0.018303815, -0.03089562, -0.014521196, -0.017250266, -0.017212186, 0.024917051, -0.020169739, -0.044680603, -0.005658062, -0.013835755, -8.3776127E-4, -0.0028496578, -0.006467263, 0.053007443, -0.011614418, 0.008066626, 0.0056453687, -0.16145945, 0.0091963345, -0.024548944, -0.016425198, 0.015701678, 6.862344E-4, 0.023190755, -0.0074509983, -0.018088028, 0.018875016, 0.010205456, 0.010383163, -0.033028103, 0.0023324036, 0.019052723, 0.016590212, 1.4408938E-4, -0.014406956, 0.02324153, 0.019623924, 0.0383847, 0.002686231, 0.0010852817, -0.0076223584, 0.002762391, 0.030540207, -0.025539026, 0.0037667525, -0.011005137, 0.0017850028, 0.005984916, -0.0029353378, 0.02555172, -0.00855532, 0.010287963, 0.005451795, 1.2544602E-4, -0.0065624635, 0.017808774, 0.03528752, 0.013188394, 0.027925376, -0.0014248289, 0.014889303, -0.009710415, 0.009881775, 0.009342308, -0.0017247093, 0.023596942, -0.004709234, 0.009456548, -0.037369233, 0.016082479, 0.0011963486, 0.00222451, 0.016945627, -0.014165782, 0.0014414889, -0.0058865426, -6.2633766E-4, -0.012274472, -0.011328817, -0.013150314, 0.0020372833, -0.0013026553, -0.0039793663, -0.00635937, -0.01487661, 0.00651169, 0.005984916, -0.0024672705, 0.0026640175, 0.0033669118, 0.0074763848, 6.311968E-5, 0.023444623, -0.017656455, -0.0065243836, 0.021832567, -0.02320345, -0.015092397, 0.034119733, -0.025983294, 0.021324834, -0.015663598, 0.00222451, 0.00417294, 0.014965463, 0.014203862, -0.0074319583, 0.007381185, -0.0035446188, -0.009310574, -0.02562788, 0.018049948, 0.01101783, 0.009050361, 0.010484709, -0.005835769, -0.0036620323, 0.0055565154, -0.021515233, -0.028712364, 0.025564414, 0.016374426, 0.033586614, 0.012407753, 0.027087616, 0.019509684, -0.005166195, -0.020042805, 0.010281616, 0.019903177, 0.025424786, -0.010738577, 0.038816273, -0.014990849, -0.025412092, 0.030464048, -0.009158255, 0.046609994, 7.9095457E-4, 0.0016675893, 0.012921833, -7.2828116E-4, 0.0033288319, -0.10784273, -0.022898808, 0.020563232, 0.020487072, -0.0063117696, -0.005299475, 0.009348654, 0.013442261, -0.014330796, 0.0036620323, -0.0112590045, -0.018075334, -0.015282797, -0.013581888, 0.023723876, 0.00847916, 0.025221692, -0.028686978, -3.8655227E-4, 0.005169368, -7.0765446E-4, 0.011436711, -0.004963101, 0.0067592105, -0.00427766, 0.007527158, -0.008999587, 0.029854767, 0.0072098244, 0.011246311, 0.024218917, -0.009945242, 0.017326428, -0.004052353, -0.011684231, -5.311375E-4, -0.024688572, 0.002335577, 0.01476237, -0.026986068, 0.012801247, -0.0074636918, -0.0023815904, -0.047600072, 0.006886144, -0.004464887, 2.9809546E-4, 0.018684616, 0.022924196, -0.0070575043, -0.0037730993, 0.025830973, -0.029651672, 0.0046140337, 0.041710358, -0.0058960626, 0.016666373, -0.0018706829, -0.009786575, -0.0065878504, 0.0067338236, -0.0011431951, -0.020233205, 0.007971426, 0.008218946, 0.015930157, -0.01105591, -0.0024022171, 0.0051439814, -0.015193944, 0.0120777255, -0.0064989966, -0.016590212, -0.00895516, -0.010116602, -0.038638566, -0.034119733, 0.0056231553, -8.840722E-5, -0.022632249, 0.0019944431, -0.009754842, 0.0074256114, -0.0011773085, -6.7314436E-4, -0.02014435, -0.010186416, -0.0067211306, -0.0074256114, -0.015828611, -0.0043665133, 0.0112526575, 0.031073328, -0.013632661, -0.016932933, 0.018126108, -0.014432343, -0.0021118566, 0.017389894, -0.023635022, -0.0062736897, -0.010116602, -0.040187154, 0.006905184, -0.017884934, -0.0068163304, 0.0087838005, -0.0100340955, 0.016717145, 0.010072175, -0.00832684, 0.017047172, -0.01061799, 0.01268066, 0.0137088215, 0.007926999, -0.01711064, -0.00885996, 0.015422424, 0.0052011013, 0.022327607, -0.0092280675, 0.022251448, 0.0303625, -0.0045251804, -6.5886433E-4, -0.020360138, 0.021870647, -0.013251861, 0.016844079, -0.027595349, -0.01094167, 0.011550951, -0.024612412, 0.0033034452, 0.026072146, -0.014419649, -0.030032473, -0.00411582, 0.012185619, 0.0096215615, 0.002618004, -0.006575157, -0.03675995, 0.010986097, -0.023673104, -0.011900018, 0.0149527695, -0.016044399, -0.0040206197, 0.018722696, 0.0038873393, -0.00825068, 0.011163804, 0.010484709, -0.01919235, 0.015790531, 0.0013692954, 0.0059595294, -0.011836552, 0.005096381, -0.031200262, 0.0358968, -0.009126521, 0.0087838005, -0.009158255, -0.004693367, -0.013619968, -0.016717145, -0.013696128, 0.014711596, -0.029880153, -0.018608455, 0.005166195, 0.019801632, 0.0112526575, 0.03922246, -0.0179484, -0.0069178776, -0.028610818, -0.00832684, 0.010909937, 0.013569194, 0.019839711, -0.024447398, 0.01086551, 0.010294309, 0.024726652, -0.016679065, -0.0013145554, 0.005451795, 0.004617207, -0.004690194, -0.013315327, 0.0112653505, -0.0016009491, 0.003998406, 0.025272466, -0.0030051514, -0.007869879, 0.017935708, 0.031251036, -0.005375635, 0.0046203807, 0.0030099114, -0.0071273176, -0.012020606, -0.016285572, -0.033865865, -0.04290353, 0.009107481, 0.007400225, 0.018253041, 0.016704453, -0.003957153, 0.022644943, 0.0074446513, 0.012122152, -0.0013796088, -0.005835769, -0.019014644, 0.026909908, 0.003035298, 0.012153885, 0.007863532, -0.020499766, 0.006010303, 0.017212186, -0.004026966, 1.3466855E-4, 0.001078935, 0.0051725414, -0.0014906756, 0.009526362, -0.016310958, -0.010357776, -0.0145338895, 0.0070511578, 0.015993625, 0.018748082, -0.025259772, 0.036937658, 0.0044014202, 0.008713987, 0.003931766, -0.007863532, 0.0053597684, 0.02797615, -0.020093577, -0.006286383, 0.004550567, 0.024434704, 0.0076223584, 0.0057437425, -0.0125029525, -0.02619908, -0.0029956312, 3.6632223E-4, 8.51248E-4, -0.028915457, -0.023470009, 0.008675907, 0.018684616, 0.014406956, 0.028204631, -0.014013462, -0.0031527115, 0.0018865496, -0.0033986452, 0.012991647, -0.040974144, 0.002589444, -0.0018516429, -0.049504075, -0.00884092, -0.004541047, -0.0217691, -0.014076929, -0.015473197, 0.004080913, 0.0027211376, -0.031327195, 0.041126464, -0.017656455, -0.018595763, 0.014571969, 0.0104593225, -0.015397037, -0.01938275, -0.0027592175]}] |
*
* @param uid
* required uid for storing annotator to disk
@@ -75,13 +60,13 @@ import org.apache.spark.sql.{Dataset, SparkSession}
*/
class OpenAIEmbeddings(override val uid: String)
- extends AnnotatorModel[OpenAICompletion]
- with HasSimpleAnnotate[OpenAICompletion] {
+ extends AnnotatorModel[OpenAIEmbeddings]
+ with HasSimpleAnnotate[OpenAIEmbeddings] {
def this() = this(Identifiable.randomUID("OPENAI_EMBEDDINGS"))
override val inputAnnotatorTypes: Array[AnnotatorType] = Array(DOCUMENT)
- override val outputAnnotatorType: AnnotatorType = DOCUMENT
+ override val outputAnnotatorType: AnnotatorType = SENTENCE_EMBEDDINGS
val model = new Param[String](this, "model", "ID of the OpenAI model to use")
@@ -107,6 +92,15 @@ class OpenAIEmbeddings(override val uid: String)
if (bearerToken.isDefined) bearerToken.get.value else ""
}
+ private val jsonTemplate =
+ """{
+ | "model": "%s",
+ | "input": "%s"
+ | %s
+ |}""".stripMargin
+
+ private val openAIUrlEmbeddings = "https://api.openai.com/v1/embeddings"
+
override def beforeAnnotate(dataset: Dataset[_]): Dataset[_] = {
this.setBearerTokenIfNotSet(
dataset.sparkSession,
@@ -124,30 +118,18 @@ class OpenAIEmbeddings(override val uid: String)
* relationship
*/
override def annotate(annotations: Seq[Annotation]): Seq[Annotation] = {
-
- val inputs = annotations.map(annotation => annotation.result)
val userJson = JsonBuilder.formatOptionalField("user", get(user))
-
- val jsonTemplate =
- """
- |{
- | "model": "%s",
- | "input": "%s"
- | %s
- |}
- |""".stripMargin
-
- val jsons = inputs.map(input => (input, jsonTemplate.format($(model), input, userJson)))
- val openAIUrlEmbeddings = "https://api.openai.com/v1/embeddings"
- val annotationsEmbeddings = jsons.map { case (input, json) =>
- val response = post(openAIUrlEmbeddings, json)
- Annotation(DOCUMENT, 0, input.length, input, Map(), embeddings = response)
+ annotations.map { annotation =>
+ val input = annotation.result
+ val escapedInput = escapeJsonString(input)
+ val json = jsonTemplate.format($(model), escapedInput, userJson)
+ val annotationEmbeddings = post(json)
+ annotation.copy(annotatorType = outputAnnotatorType, embeddings = annotationEmbeddings)
}
- annotationsEmbeddings
}
- private def post(url: String, jsonBody: String): Array[Float] = {
- val httpPost = new HttpPost(url)
+ private def post(jsonBody: String): Array[Float] = {
+ val httpPost = new HttpPost(openAIUrlEmbeddings)
httpPost.setEntity(new StringEntity(jsonBody, ContentType.APPLICATION_JSON))
val bearerToken = getBearerToken
require(bearerToken.nonEmpty, "OpenAI API Key required")
@@ -174,4 +156,24 @@ class OpenAIEmbeddings(override val uid: String)
embeddings.toArray
}
+ private def escapeJsonString(input: String): String = {
+ // searched the escaped chars from "https://www.ietf.org/rfc/rfc4627.txt" and "org.apache.commons.lang3.StringEscapeUtils.escapeJava(input)"
+ input.map {
+ case '"' => "\\\""
+ case '\\' => "\\\\"
+ case '/' => "\\/"
+ case '\b' => "\\b"
+ case '\f' => "\\f"
+ case '\n' => "\\n"
+ case '\r' => "\\r"
+ case '\t' => "\\t"
+ case c => c
+ }.mkString
+ }
+
}
+
+/** This is the companion object of [[OpenAIEmbeddings]]. Please refer to that class for the
+ * documentation.
+ */
+object OpenAIEmbeddings extends DefaultParamsReadable[OpenAIEmbeddings]
diff --git a/src/test/scala/com/johnsnowlabs/ml/ai/OpenAIEmbeddingsTest.scala b/src/test/scala/com/johnsnowlabs/ml/ai/OpenAIEmbeddingsTest.scala
index f32c96461e98c2..d18178754ad8f7 100644
--- a/src/test/scala/com/johnsnowlabs/ml/ai/OpenAIEmbeddingsTest.scala
+++ b/src/test/scala/com/johnsnowlabs/ml/ai/OpenAIEmbeddingsTest.scala
@@ -1,13 +1,28 @@
package com.johnsnowlabs.ml.ai
-import com.johnsnowlabs.nlp.annotators.SparkSessionTest
import com.johnsnowlabs.tags.SlowTest
import org.apache.spark.ml.Pipeline
+import org.apache.spark.sql.SparkSession
import org.scalatest.flatspec.AnyFlatSpec
-class OpenAIEmbeddingsTest extends AnyFlatSpec with SparkSessionTest {
+class OpenAIEmbeddingsTest extends AnyFlatSpec {
+
+ private val spark = SparkSession
+ .builder()
+ .appName("test")
+ .master("local[*]")
+ .config("spark.driver.memory", "16G")
+ .config("spark.driver.maxResultSize", "0")
+ .config("spark.kryoserializer.buffer.max", "2000M")
+ .config("spark.serializer", "org.apache.spark.serializer.KryoSerializer")
+ .config("spark.jsl.settings.openai.api.key",
+ "" // Set your OpenAI API key here...
+ )
+ .getOrCreate()
import spark.implicits._
+ private val documentAssembler =
+ new com.johnsnowlabs.nlp.DocumentAssembler().setInputCol("text").setOutputCol("document")
"OpenAIEmbeddings" should "generate a completion for prompts" taggedAs SlowTest in {
// Set OPENAI_API_KEY env variable to make this work
@@ -25,4 +40,26 @@ class OpenAIEmbeddingsTest extends AnyFlatSpec with SparkSessionTest {
completionDF.select("embeddings").show(false)
}
+ "OpenAIEmbeddings" should "work with escape chars" taggedAs SlowTest in {
+ val data = Seq(
+ (1, "Hello \"World\""),
+ (2, "Hello \n World"),
+ (3, "Hello \t World"),
+ (4, "Hello \r World"),
+ (5, "Hello \b World"),
+ (6, "Hello \f World"),
+ (7, "Hello \\ World"))
+ val columns = Seq("id", "text")
+ val testDF = spark.createDataFrame(data).toDF(columns: _*)
+
+ val openAIEmbeddings = new OpenAIEmbeddings()
+ .setInputCols("document")
+ .setOutputCol("embeddings")
+ .setModel("text-embedding-ada-002")
+
+ val pipeline = new Pipeline().setStages(Array(documentAssembler, openAIEmbeddings))
+ val resultDF = pipeline.fit(testDF).transform(testDF)
+ resultDF.select("embeddings").show(false)
+ }
+
}
From 9a0148cec08cad3850a3c8ed9c035d26960b3f5f Mon Sep 17 00:00:00 2001
From: Mehmet Butgul
Date: Mon, 24 Jun 2024 15:55:56 +0300
Subject: [PATCH 4/5] refactor OpenAIEmbeddings in Python
---
python/com/johnsnowlabs/ml/__init__.py | 0
python/com/johnsnowlabs/ml/ai/__init__.py | 10 ++
python/sparknlp/__init__.py | 1 +
.../annotator/openai/openai_embeddings.py | 112 +++++++-----------
.../embeddings/open_ai_embeddings_test.py | 47 ++++++++
5 files changed, 101 insertions(+), 69 deletions(-)
create mode 100644 python/com/johnsnowlabs/ml/__init__.py
create mode 100644 python/com/johnsnowlabs/ml/ai/__init__.py
create mode 100644 python/test/annotator/embeddings/open_ai_embeddings_test.py
diff --git a/python/com/johnsnowlabs/ml/__init__.py b/python/com/johnsnowlabs/ml/__init__.py
new file mode 100644
index 00000000000000..e69de29bb2d1d6
diff --git a/python/com/johnsnowlabs/ml/ai/__init__.py b/python/com/johnsnowlabs/ml/ai/__init__.py
new file mode 100644
index 00000000000000..01cdc7ef0a78fb
--- /dev/null
+++ b/python/com/johnsnowlabs/ml/ai/__init__.py
@@ -0,0 +1,10 @@
+import sys
+
+if sys.version_info[0] == 2:
+ raise ImportError(
+ "Spark NLP for Python 2.x is deprecated since version >= 4.0. "
+ "Please use an older versions to use it with this Python version."
+ )
+else:
+ import sparknlp
+ sys.modules['com.johnsnowlabs.ml.ai'] = sparknlp
\ No newline at end of file
diff --git a/python/sparknlp/__init__.py b/python/sparknlp/__init__.py
index e16222ae82b04c..2ae256525c95ce 100644
--- a/python/sparknlp/__init__.py
+++ b/python/sparknlp/__init__.py
@@ -58,6 +58,7 @@
sys.modules['com.johnsnowlabs.nlp.annotators.coref'] = annotator
sys.modules['com.johnsnowlabs.nlp.annotators.cv'] = annotator
sys.modules['com.johnsnowlabs.nlp.annotators.audio'] = annotator
+sys.modules['com.johnsnowlabs.ml.ai'] = annotator
annotators = annotator
embeddings = annotator
diff --git a/python/sparknlp/annotator/openai/openai_embeddings.py b/python/sparknlp/annotator/openai/openai_embeddings.py
index d1d7d3286e5523..bf917fc433df14 100644
--- a/python/sparknlp/annotator/openai/openai_embeddings.py
+++ b/python/sparknlp/annotator/openai/openai_embeddings.py
@@ -14,85 +14,59 @@
"""Contains classes for OpenAIEmbeddings."""
from sparknlp.common import *
-"""Transformer that makes a request for OpenAI Completion API for each executor.
+class OpenAIEmbeddings(AnnotatorModel):
+ """Transformer that makes a request for OpenAI Embeddings API for each executor.
- See OpenAI API Doc: https://platform.openai.com/docs/api-reference/completions/create for reference
-
- ====================== ======================
- Input Annotation types Output Annotation type
- ====================== ======================
- ``DOCUMENT`` ``DOCUMENT``
- ====================== ======================
+ See OpenAI API Doc: https://platform.openai.com/docs/api-reference/embeddings/create for reference
- Parameters
- ----------
- model
- ID of the OpenAI model to use
- suffix
- The suffix that comes after a completion of inserted text
- maxTokens
- The maximum number of tokens to generate in the completion.
- temperature
- What sampling temperature to use, between 0 and 2
- topP
- An alternative to sampling with temperature, called nucleus sampling, where the model considers the results of the tokens with top_p probability mass
- numberOfCompletions
- How many completions to generate for each prompt.
- logprobs
- Include the log probabilities on the logprobs most likely tokens, as well the chosen tokens.
- echo
- Echo back the prompt in addition to the completion
- stop
- Up to 4 sequences where the API will stop generating further tokens.
- presencePenalty
- Number between -2.0 and 2.0. Positive values penalize new tokens based on whether they appear in the text so far, increasing the model's likelihood to talk about new topics.
- frequencyPenalty
- Number between -2.0 and 2.0. Positive values penalize new tokens based on their existing frequency in the text so far, decreasing the model's likelihood to repeat the same line verbatim.
- bestOf
- Generates best_of completions server-side and returns the `best` (the one with the highest log probability per token).
- logitBias
- Modify the likelihood of specified tokens appearing in the completion.
- user
- A unique identifier representing your end-user, which can help OpenAI to monitor and detect abuse.
-
- Examples
- --------
- >>> import sparknlp
- >>> from sparknlp.base import *
- >>> from sparknlp.annotator import *
- >>> from sparknlp.common import *
- >>> from pyspark.ml import Pipeline
+ ====================== =======================
+ Input Annotation types Output Annotation type
+ ====================== =======================
+ ``DOCUMENT`` ``SENTENCE_EMBEDDINGS``
+ ====================== =======================
- >>> documentAssembler = DocumentAssembler() \\
- ... .setInputCol("text") \\
- ... .setOutputCol("document")
- >>> openai_embeddings = OpenAIEmbeddings() \\
- ... .setInputCols("document") \\
- ... .setOutputCol("embeddings") \\
- ... .setModel("text-embedding-ada-002")
- >>> pipeline = Pipeline().setStages([
- ... documentAssembler,
- ... openai_embeddings
- ... ])
- >>> empty_df = spark.createDataFrame([[""]], ["text"])
- >>> sample_text= [["The food was delicious and the waiter..."]]
- >>> sample_df = spark.createDataFrame(sample_text).toDF("text")
- >>> sample_df.select("embeddings").show()
- +-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+
- |embeddings |
- +-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+
- |[{document, 0, 40, The food was delicious and the waiter..., {}, [0.0023141683, -0.009301115, 0.015719837, -0.007821825, -0.0046727783, 0.014881784, -0.009821723, -0.038220283, -0.0069075855, -0.028773142, 0.025217766, 0.018170506, -0.0035648984, -0.025535211, 5.1227555E-4, -0.016278539, 0.028366813, 0.0053457604, 0.009605861, -0.016481703, -0.015351601, 0.00426645, 0.0070345635, -0.0070853545, -0.003907738, 0.018449856, 0.008710668, -0.022767097, 0.011478782, 0.023859106, 0.015567463, -0.0035807705, -0.034893464, -0.0041743913, -0.02610661, -0.02156081, -0.0057806587, 0.011726389, 0.008342434, 0.0040982044, 0.019237118, -0.014411966, 0.008939228, 0.0063679307, -0.045711964, 0.01780227, -0.005482261, -7.650405E-4, -0.02201793, -0.003771237, 0.021002108, -0.01752292, -0.011707342, -0.022513142, 0.016392818, 0.01718008, -0.0085329, 0.0015808721, 0.025039999, -0.02491302, 0.0077456385, 0.0058949385, -0.022170303, 0.0030442898, -0.0062219063, -0.02542093, -0.008082129, 0.0011189908, 2.2952703E-5, 0.004625162, 0.020633873, 0.01353582, 0.004612464, -0.01598649, 0.016621377, -0.008920182, -0.0075678695, 0.013637402, -0.0069837724, 0.0053616324, 0.009891561, -0.04583894, 0.003052226, 0.023960687, 0.022932168, 0.00705361, -0.023617849, 0.009961399, -0.006602839, -0.03326815, -0.0025522513, 0.019884704, 0.0017475303, 0.001142799, -0.022741701, 0.004971176, 0.015376997, 0.03161744, -0.00546004, -0.016011884, -0.005164817, 0.019859308, -0.009396348, -0.006786957, -0.031185718, -0.009428092, -0.015211926, -0.028849328, 0.021027504, -0.018348275, -0.002917312, 0.012646977, 0.00523148, -0.04954669, -0.043020036, -3.9819407E-4, 0.021459227, -0.016849937, 0.0065393504, -0.041420117, 9.2773064E-4, 0.033471316, 0.013078701, -0.010494705, -4.924353E-4, 0.018411763, 1.132879E-4, -0.013066003, 0.011866064, 0.0057965307, 0.0071742386, 0.008507504, 0.018411763, -7.575012E-4, -0.019122839, 0.021929044, -0.029788963, -0.0043140664, 0.0014657986, -0.0050822813, 0.015008762, 0.021332249, -0.01883079, 0.011008965, -0.007472636, 0.022538537, 0.019199025, 0.01495797, -0.0036379104, 0.0062726974, 0.025674887, -0.02775732, 0.036620364, -0.004574371, 0.013865963, 0.007974198, -0.0056695533, 0.010285192, -0.00580288, -0.008717017, 0.010640729, -5.2527095E-5, 0.032125354, -0.023744825, -0.0025411407, 0.030246083, 0.02963659, 0.016519796, 0.002155446, 9.1900094E-4, -0.011561317, 0.018564137, -0.007580567, 0.007548823, -0.0010975633, 0.004529929, 0.009929654, -0.007580567, -0.0062314295, -0.0057933563, -0.028239835, 0.0043140664, 0.029255657, 0.024963811, -0.015567463, -0.018246692, 0.0076377075, 0.008602737, -0.0116628995, -0.006301267, 0.0020062474, 0.036899712, -0.0024982858, -0.020798944, -0.68953955, -0.019605353, 0.003549026, 0.0066663283, 0.028316023, 0.023452777, 0.007180588, 0.010520101, 0.009529674, -0.009548721, -0.021281458, 6.5026456E-5, 0.019732332, 0.0021935394, -0.009516977, -0.002047515, -3.8410746E-4, 0.006679026, -0.041166164, 0.011256571, -0.013472332, 0.027782716, -0.011415293, 1.2787049E-4, 0.015389695, -4.6584936E-4, 0.014424664, -0.008551947, -0.018868882, -0.017726084, -0.009339208, 0.024582878, 0.012831095, -0.008837647, 0.035020445, -0.0051965616, -0.024189247, 0.024125759, -0.003749016, 0.030982554, -0.015034157, -0.023249613, 0.030093709, 0.006812352, 0.010088377, 0.011466084, 0.030296873, 0.017586408, 0.0021506844, -0.00671077, 0.009802677, 0.016659472, 0.003590294, 0.027884297, 0.004079158, 0.003080796, 0.029763568, -0.016811844, 0.0021379867, 0.023186123, 0.011808924, 0.0142976865, -0.019656144, -0.029433426, -0.001558651, 0.018246692, -0.0027808112, 0.01917363, 0.027528761, -0.008482109, 0.012386672, 0.0028919165, -0.0052029104, 0.0064314194, 0.009351906, 0.022538537, 0.023465475, 0.0010158215, 0.018957768, -0.0030347665, -0.0068821902, -0.010170912, -0.007878965, -0.0072377278, 0.020608477, 0.010818498, -0.029890545, -0.003799807, 0.0026951013, -0.01888158, 0.029890545, 0.024646368, -0.004425172, 0.026411356, 0.017548315, 0.041115373, -0.020202149, 0.014716713, 0.021535413, -0.02991594, -0.0015134152, 0.0033776062, 0.034156997, 0.03606166, 0.02803667, 0.018449856, 0.003160157, 0.009345557, 0.020748153, -0.012532697, 0.017091196, 0.011637504, -0.0075615207, 0.013167585, -0.0074027986, -0.02258933, 0.005933032, 0.025789166, -0.019059349, -0.018970465, -0.013281865, -0.0026316124, 0.022462351, -0.007910709, -7.5472356E-4, 0.028189044, 0.013891358, -0.01997359, -0.021116387, -0.0029696904, 0.013510425, 0.016011884, 0.011961297, -0.016875334, 0.0048251515, -0.012939026, 0.025928842, -0.030373061, 0.017561013, -0.022462351, -0.018856185, 0.0019729156, -0.006142545, 0.0020919573, -0.0015181769, -0.011281966, -0.005399726, -0.011351804, -0.021510018, 0.005085456, 0.005542576, -2.3133746E-4, -0.012577139, 0.0033871296, 0.024608273, -0.0019570435, 0.0012483493, -0.0054473425, -0.024773344, -0.030474642, -0.015973791, 0.01672296, -0.013332657, -0.008577342, 0.009377302, -0.007383752, 0.0070726564, -0.0055965413, -0.012151764, -0.02377022, 0.028798537, -0.015910303, -0.003339513, 0.005282271, -0.016773751, 0.0014840516, -0.021878254, -0.019414887, -0.0063044415, 0.016532494, 0.00876146, 0.004060111, -0.01387866, -0.012926328, 0.009523326, 0.005733042, 0.0014515136, 0.025344744, -0.017840363, 0.015427788, 0.002011009, -0.010964522, 0.007440892, 0.0014816708, 0.016011884, 0.01330726, -0.002599868, 0.002106242, 0.014069127, -0.0022157605, -0.004212484, -0.0065837926, 0.003145872, -0.004783884, 0.013231074, -0.017535618, -0.011085152, -0.02963659, 0.0038632958, 0.007529776, 0.01610077, -0.013840566, -0.017332453, -0.0038061559, 0.02139574, 0.017040404, 0.019211723, 0.0069139344, -0.013967545, -0.009186835, -0.0023554359, -0.020938618, -0.0051552937, -0.001572936, 0.006358407, 0.003096668, 0.0030696853, -0.007371054, 0.0012380324, -0.0021808415, -0.0019745028, 0.018589532, 7.039325E-4, 0.015084948, 0.0069710743, 0.0013451697, 0.016367422, -0.008818599, 0.016748356, -4.6465895E-4, -0.0077202427, 0.016735658, -7.9956255E-4, -0.027909694, 0.0109137315, 5.084067E-5, -0.0060155676, -0.011237524, -0.027477968, 0.008920182, 0.012932677, 0.016811844, -0.017637199, 0.014691317, -0.0040188436, 0.008063083, -0.0019062523, -0.018779999, 0.034030017, 0.021014806, 0.016532494, 0.022284582, 0.015491277, -0.0010269319, 0.0045013586, 5.733836E-4, -0.0076884986, -0.026182797, 0.009809026, -0.006717119, 0.014742108, -0.025916144, -0.0023046448, -0.0066980724, 0.006723468, -0.0012253346, -0.018678416, 0.002269726, -0.017878456, 0.0047870586, 0.003180791, -0.021814765, 0.02991594, 0.011916855, -0.002744305, -0.010964522, -0.017345151, 0.007428194, -0.012494603, 0.0033014196, 0.0072948677, 0.014411966, 0.0011118483, -0.00961221, 0.0141199175, 6.3409476E-4, 0.04614369, -0.020798944, 0.031541254, -0.005158468, 0.006571095, -0.025179673, -0.02816365, -0.023516266, 0.026258985, -0.013104096, -0.022360768, -5.8965257E-4, 0.023452777, -0.0077773826, 0.0065393504, -0.0060155676, -0.012488254, -0.002161795, 0.023782918, -0.0033077686, -0.02940803, 0.0019078396, 0.0077202427, -8.5233763E-4, -0.030449247, -0.017053101, -0.008805902, -0.013396145, 0.07816746, -0.0049299086, 0.015148437, 0.008469411, 0.03669655, 4.7457908E-4, -0.038931355, -0.0047521396, -0.005444168, -0.012069228, -0.006679026, 0.0095614195, 0.024989206, 0.007218681, 0.02628438, -0.0042569265, -0.0059742997, -0.024532087, 0.019287908, -0.023859106, -0.008215455, 0.01667217, 0.015948396, 0.027122432, -0.015123041, 0.004431521, 0.025649492, 0.026182797, -0.0011642266, -0.023503568, 0.0016284888, -0.0012070816, -0.004891815, -0.002255441, -0.015554765, 0.004834675, 4.948161E-4, -0.012183508, 0.0049267337, -0.006244127, 0.04050588, -0.008513853, 0.005034665, -0.017078498, 0.004761663, -0.0016411865, -0.027579552, 0.050816465, -0.030474642, -0.0028887421, 0.015465881, 0.027046245, 0.0023046448, -0.010513752, -0.00429502, 0.011161338, -0.006679026, -0.024189247, -0.013929451, 0.01632933, -0.014716713, -0.03766158, -0.005542576, -6.202066E-4, -0.025966935, -0.020430708, -0.01268507, -0.012545395, -0.002966516, -0.0029109633, -0.012329533, 0.0037553648, -0.012869188, -0.0070409123, 0.017345151, -0.0024617796, -0.0035331538, -0.009828072, -9.451901E-4, 0.0099550495, 6.217938E-4, -0.008202758, 0.0014253245, 0.003526805, -0.029154075, 0.022767097, 0.026462149, 0.011116896, 0.00546004, 0.0042569265, -0.0022030626, -0.0025887573, 0.005244178, -0.015491277, -0.0055108313, -0.021827463, -0.016240444, 0.02509079, -0.0084567135, -0.0032363436, -0.008107524, 0.0018935546, -0.009250324, 4.317241E-4, 0.04362953, -0.0083868755, -0.011370851, -0.025052696, 0.004015669, -0.011047058, 0.020557687, 0.014754806, -0.01899586, 0.0074535897, -0.012037484, 0.030296873, 0.01212002, 0.032277726, 0.003606166, -0.009110648, -0.0074599385, -0.0064917337, 0.025128882, -0.012329533, 0.00932651, -9.1344566E-4, 0.01239937, -0.013294563, -0.0015507148, -0.012786652, -0.0037045737, 0.007155192, -0.010482008, 0.009904259, -0.0043013687, -0.0026252635, -0.004164868, 0.010799452, -0.0255987, -0.024151154, -0.040124945, -0.015199228, 0.012875536, -0.01325647, -0.028544582, -0.023592452, -0.004920385, -0.008037687, -0.016062677, 0.05137517, 0.011789877, 0.00932651, -0.031719025, 0.039515454, 0.0047362675, -0.014170709, -0.014856388, -0.0064822105, 0.0045267544, 0.027173223, 0.021636996, -2.57725E-4, 0.019554563, 0.0037045737, -7.073054E-5, -0.006615537, -0.0108438935, -0.004533103, -0.030423852, 0.029611195, 0.02651294, 0.014780202, 0.0098471185, 0.009288417, -0.020773549, 0.0036220383, 0.004733093, -0.008805902, -0.009650303, -0.013853265, 0.01757371, -0.027477968, 0.005006095, 0.007155192, 0.03276024, -0.007605963, 0.022551235, 0.006269523, 0.016011884, -2.5375694E-4, 0.028646164, -0.014437362, 0.002636374, -0.0102026565, -0.01723087, 0.010405821, -0.0052187825, -0.015376997, -0.018360972, -3.408557E-4, 0.02775732, 0.0011134355, 0.0049616527, -0.0134088425, -0.007891662, 0.005056886, 0.013510425, -0.014411966, -0.0047299187, -0.026132006, -0.018741906, -0.019668842, -0.012640628, -0.02986515, -0.009916957, -0.0033966529, -0.041166164, 0.013040608, -0.009542372, -0.03816949, -7.6900853E-4, -0.003945831, -0.014208802, -0.0037966326, 0.016697565, -7.793255E-4, -0.017281663, -0.015567463, 0.029382635, -0.0043204157, -0.009675699, -8.779316E-5, 0.011491479, 0.025014602, -0.021878254, -0.018856185, 0.02144653, 0.009974097, -0.02291947, 0.013688194, -0.0046727783, 0.029535009, -0.0127676055, 0.018310182, 6.606807E-4, 0.012900932, -0.020951318, 0.0035426773, 0.0036887014, 0.0067933057, -0.029890545, -0.0020443406, -0.024265435, 0.02610661, -0.00984077, -0.0102026565, 0.008171014, -0.010151865, -0.013116794, 0.021687787, -0.010939127, 0.008399573, -0.00847576, 0.016405515, -0.0036315615, -0.009770933, 0.013396145, -0.007853569, 0.01809432, 0.01951647, -0.022449654, -0.02337659, 0.003641085, 0.009402697, 0.027427178, -0.007180588, -0.015199228, -0.016913427, -0.0045584985, -0.013688194, -0.005533052, 0.010374077, 0.004939432, 0.008177362, -7.1623345E-4, -0.032404702, -0.028112859, 0.004755314, 0.0062092086, -0.015884908, -0.02184016, -0.020913223, 0.0015705551, -0.0015451596, 0.024646368, -0.0020364046, -0.012380323, 0.015288113, -0.012761257, 0.0090979505, -0.01029789, 0.019097442, -0.02542093, 0.008399573, 0.0034220484, 0.013040608, 0.022436956, -0.008977322, -0.023224218, -0.016354725, 0.0011626394, -0.00429502, 0.018107018, -0.0056886, 0.02605582, 0.0052695735, 0.006780608, -0.006402849, -0.018132413, 0.019618051, -0.01775148, -0.0012832681, 0.027198618, -0.015897606, -0.020583082, 0.039794803, 0.008659878, -0.0022951216, -0.029484216, 0.009294766, -0.02156081, 0.035680726, -0.014284989, -0.014577038, -0.023313101, 0.011459735, -0.016557889, 0.02030373, 0.0064155473, -0.013510425, 0.016481703, 0.013192981, 0.01979582, -0.0014705602, 0.016113468, 0.004783884, -0.013840566, 0.0077392897, -0.03596008, -0.02707164, -0.009923305, 0.009701095, -0.0044664396, -0.009910608, -0.014361176, 0.00984077, -0.04304543, 0.024595575, -0.01069787, 0.0048854663, 0.011066104, 0.02149732, -0.02344008, 0.006812352, -0.03100795, 0.005853671, -0.0051362473, -0.013904056, -0.006409198, 3.2379307E-4, 0.0093138125, -0.009707443, -0.04243594, -0.011085152, 0.008786855, 0.0024681287, 0.011993041, -0.006761561, -0.014056429, -0.0071678897, 0.0017903852, 0.014513548, 0.033090383, 0.0051521193, -0.0017443559, -0.0128374435, -0.015313508, 0.01832288, -0.0057997056, -0.04817533, -0.017662594, 0.009250324, -0.010723265, 5.8479174E-5, -0.015669046, -0.028189044, 0.017687991, -0.017268965, -0.0025935192, -0.022475049, -0.017218173, 0.015211926, 0.00802499, -0.019072047, 0.007853569, -1.0123494E-4, -0.019605353, 0.0164944, 0.007104401, 1.1487512E-4, -0.009288417, -0.015897606, 0.0050124438, -0.005891764, -0.020887828, 0.0034442695, 0.0037680627, -0.0017015008, 0.004555324, 0.012653326, -0.014907179, 0.012431115, 0.0024522564, -0.0038759937, 4.5672283E-4, -0.008882089, 0.015884908, -0.017383244, -0.016799146, -0.0051521193, -0.022170303, -0.02059578, 0.018157808, 0.009301115, -0.0077456385, 0.025916144, 0.21921426, 0.011980344, -0.005006095, 0.03743302, -4.2021676E-4, 0.031236509, 0.0020173579, 0.0024522564, -0.017167382, 0.01325647, -0.011351804, -0.006485385, 0.0015316682, -0.0030141326, 0.0063330117, -0.0049299086, -0.02514158, -0.023782918, 3.3668923E-4, -0.03532519, 0.010786754, -0.016532494, 8.2773576E-4, -0.01729436, 0.03771237, 0.0021094168, -0.044061255, 0.0065837926, 0.013980242, 0.024303528, -0.019084744, -0.0086344825, 0.0057933563, 0.0016475354, -0.014462758, 0.013040608, 0.0069075855, 0.003920436, 0.005682251, -0.0038029815, 0.009878864, -0.013078701, 0.017281663, -0.016443608, 0.017218173, 0.024468599, -0.018754603, -0.027274804, 0.003239518, 0.036417197, -0.015250019, -0.018767301, 0.006609188, 0.010228052, 0.0055298777, 0.009148742, 0.02599233, -0.020189451, -0.019884704, -0.0059711253, 0.01063438, 0.0095614195, -0.01632933, 9.761409E-4, -0.030119104, 0.009821723, -0.014805597, 0.014284989, -0.0032220585, -0.015961094, -0.0013919928, -0.024951113, 2.1764767E-4, 0.022284582, -0.009078904, -0.010113772, 0.025039999, -0.0127295125, 0.019541865, 0.034969654, -0.0267415, 8.843797E-5, -0.006920283, -0.011243873, -0.016938822, -0.030144501, 0.0040982044, 0.014513548, -0.018868882, -0.02064657, 0.011402596, -0.012723164, -3.5241264E-5, -0.0014578624, 0.017700689, 0.0056790765, -0.0064568147, 0.010215354, 0.0032490413, -0.011326409, -0.010723265, -0.055108313, -0.009332859, -0.0048251515, -0.028569978, -0.003176029, 0.0028204916, 0.036721945, 0.003310943, -0.005615588, -0.002679229, -4.021621E-4, 0.017903853, -0.0014769092, 0.0024332097, -0.00273002, -0.016811844, 0.003641085, 0.030169897, -0.024049573, 0.018868882, -0.019199025, -0.0028443, 0.03344592, -0.020557687, -0.012913629, -0.011554969, 0.012043833, 0.025560606, -0.011942251, 0.038474236, -0.0036029916, -0.007866267, 0.019884704, -0.033649083, -0.018754603, 0.009675699, 0.01825939, -0.026665313, -0.012240648, 0.024900323, 8.2932296E-4, -9.5074537E-4, 0.006352058, -0.004933083, -0.03550296, 0.01234223, 0.007434543, -0.02991594, -0.018284785, -0.030753994, -0.014627828, -0.017091196, -0.017205475, 0.024963811, -0.020214846, -0.04459456, -0.0057076467, -0.0137643805, -8.483696E-4, -0.002945882, -0.0064917337, 0.05297509, -0.011599411, 0.008126572, 0.005580669, -0.16161719, 0.0092757195, -0.024557482, -0.01638012, 0.01580872, 6.086992E-4, 0.023173425, -0.0072440766, -0.018056225, 0.018906977, 0.0102026565, 0.010393123, -0.0329888, 0.0023395638, 0.019021256, 0.01643091, 1.3888183E-4, -0.014284989, 0.023135332, 0.019605353, 0.03829647, 0.002658595, 0.0010705806, -0.007529776, 0.0026839906, 0.030449247, -0.025471723, 0.0038029815, -0.011072453, 0.0018649846, 0.005898113, -0.002909376, 0.025497118, -0.008444016, 0.010247098, 0.005399726, 1.3124333E-4, -0.0066409325, 0.017675294, 0.035249002, 0.013205678, 0.027960485, -0.0012864426, 0.014919877, -0.009764584, 0.009910608, 0.009478884, -0.001576904, 0.023452777, -0.004783884, 0.009415395, -0.037179064, 0.016113468, 0.0011642266, 0.0022824237, 0.01695152, -0.014094522, 0.0013919928, -0.005904462, -7.301216E-4, -0.012310485, -0.011332758, -0.013281865, 0.0020776722, -0.0012808873, -0.004088681, -0.006428245, -0.014869086, 0.0064663384, 0.006040963, -0.0024078141, 0.0025395534, 0.0033141174, 0.0073456587, 1.8064558E-4, 0.023401987, -0.017637199, -0.0066663283, 0.021649694, -0.023198823, -0.015034157, 0.034385554, -0.025890749, 0.021344947, -0.015656348, 0.002177667, 0.0041236, 0.014970669, 0.0142215, -0.007447241, 0.007498032, -0.003555375, -0.009224928, -0.025700282, 0.01808162, 0.010996267, 0.009015415, 0.010355029, -0.005752089, -0.003606166, 0.00551718, -0.021522716, -0.028722351, 0.02548442, 0.01643091, 0.033547502, 0.0123041365, 0.026944663, 0.01951647, -0.0051394217, -0.020011682, 0.010374077, 0.019935496, 0.02537014, -0.010755009, 0.038778983, -0.014932575, -0.025395535, 0.030474642, -0.00904081, 0.046727784, 7.880552E-4, 0.0015054791, 0.012812047, -7.70199E-4, 0.0032918963, -0.10767707, -0.022982959, 0.020659268, 0.020506894, -0.006279046, -0.0051902127, 0.009123346, 0.013434238, -0.014399269, 0.0035871193, -0.011212129, -0.018018132, -0.015288113, -0.013675496, 0.023630546, 0.008520202, 0.025116185, -0.028696954, -6.0076313E-4, 0.0052187825, -6.817114E-4, 0.011453386, -0.005028316, 0.006736166, -0.0043140664, 0.0075107296, -0.009104299, 0.02991594, 0.007313914, 0.011218478, 0.024163852, -0.009948701, 0.017345151, -0.0041585187, -0.01172004, -5.309254E-4, -0.024735251, 0.0022205221, 0.014754806, -0.026970059, 0.01274221, -0.007320263, -0.0025236814, -0.04754044, 0.0068250503, -0.004533103, 3.1486497E-4, 0.018576834, 0.022970261, -0.0070155165, -0.0037458416, 0.025687585, -0.029661985, 0.004606115, 0.041496307, -0.005926683, 0.016570587, -0.0017062626, -0.009751885, -0.006558397, 0.0068758414, -0.0011920029, -0.020240242, 0.008044036, 0.008063083, 0.01587221, -0.011072453, -0.0023109936, 0.0050822813, -0.015161134, 0.012031135, -0.006459989, -0.016697565, -0.008913833, -0.010088377, -0.038575817, -0.034182392, 0.005552099, -1.3570739E-4, -0.022538537, 0.0019697412, -0.01012647, 0.007548823, -0.0012753321, -5.9123983E-4, -0.02013866, -0.010215354, -0.006761561, -0.007390101, -0.015796022, -0.0043204157, 0.011294665, 0.03105874, -0.013573914, -0.016926125, 0.018132413, -0.014488153, -0.0021665567, 0.017370546, -0.02371943, -0.0063393605, -0.01001219, -0.04015034, 0.006888539, -0.017764177, -0.0067552123, 0.008863042, -0.0100248875, 0.016710263, 0.010005841, -0.008202758, 0.01695152, -0.010678823, 0.01274221, 0.013726287, 0.007929756, -0.017116591, -0.008939228, 0.015440485, 0.0051203747, 0.022284582, -0.009237626, 0.022233792, 0.030119104, -0.0046442086, -7.205983E-4, -0.020341825, 0.021865556, -0.013243772, 0.016849937, -0.027452573, -0.010831196, 0.011535922, -0.02462097, 0.003276024, 0.026005028, -0.014450059, -0.030017523, -0.004129949, 0.012373975, 0.009624908, 0.002771288, -0.006558397, -0.03669655, 0.011123245, -0.02366864, -0.012043833, 0.014932575, -0.016265841, -0.004002971, 0.018805394, 0.0038950401, -0.008183711, 0.011072453, 0.010431216, -0.01917363, 0.015656348, 0.0013594547, 0.005967951, -0.011777179, 0.0049806996, -0.031160321, 0.03578231, -0.00899002, 0.008793204, -0.009180486, -0.004555324, -0.013573914, -0.01672296, -0.013573914, 0.01467862, -0.02986515, -0.018665718, 0.0052251313, 0.019783122, 0.0110216625, 0.039159916, -0.017840363, -0.00699647, -0.02849379, -0.008374178, 0.010989918, 0.013599309, 0.019872006, -0.024367016, 0.010926429, 0.010247098, 0.02479874, -0.016710263, -0.0013967544, 0.005558448, 0.004571196, -0.0046854764, -0.013332657, 0.011256571, -0.0016078549, 0.004012495, 0.025243163, -0.0029823883, -0.007834523, 0.017941946, 0.03105874, -0.005507657, 0.004618813, 0.002966516, -0.007212332, -0.011954948, -0.016189653, -0.03385225, -0.04284227, 0.009085253, 0.007478985, 0.018284785, 0.016761053, -0.0040061455, 0.022602027, 0.007440892, 0.012094623, -0.001454688, -0.0059584277, -0.019033954, 0.026817685, 0.0031522207, 0.012183508, 0.007942454, -0.020392615, 0.0061076265, 0.017205475, -0.0041553443, 1.2033119E-4, 0.0010840719, 0.005250527, -0.0014531008, 0.009370953, -0.01643091, -0.010259796, -0.014538944, 0.007161541, 0.015923, 0.018767301, -0.025154278, 0.037128273, 0.0044791377, 0.008799553, 0.004012495, -0.007878965, 0.0053679813, 0.028087461, -0.020100566, -0.0063298373, 0.0045172307, 0.02434162, 0.0076123117, 0.00580288, -0.012646977, -0.026132006, -0.002952231, 4.2815285E-4, 8.134507E-4, -0.028950911, -0.023389287, 0.008863042, 0.01865302, 0.014373873, 0.028138254, -0.013954847, -0.0031442847, 0.00197609, -0.0034410951, 0.012900932, -0.040912207, 0.0025824085, -0.0018935546, -0.049292736, -0.008894786, -0.004510882, -0.02178937, -0.01410722, -0.015516672, 0.0042061354, 0.0026681183, -0.031363487, 0.04106458, -0.01780227, -0.018576834, 0.014602433, 0.010374077, -0.015288113, -0.019389492, -0.0028141427]}]|
- +-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+
- """
+ Parameters
+ ----------
+ model
+ ID of the OpenAI model to use.
+ user
+ A unique identifier representing your end-user, which can help OpenAI to monitor and detect abuse.
+ Examples
+ --------
+ >>> import sparknlp
+ >>> from sparknlp.base import *
+ >>> from sparknlp.annotator import *
+ >>> from sparknlp.common import *
+ >>> from pyspark.ml import Pipeline
-class OpenAIEmbeddings(AnnotatorModel):
+ >>> documentAssembler = DocumentAssembler() \\
+ ... .setInputCol("text") \\
+ ... .setOutputCol("document")
+ >>> openai_embeddings = OpenAIEmbeddings() \\
+ ... .setInputCols("document") \\
+ ... .setOutputCol("embeddings") \\
+ ... .setModel("text-embedding-ada-002")
+ >>> pipeline = Pipeline().setStages([
+ ... documentAssembler,
+ ... openai_embeddings
+ ... ])
+ >>> empty_df = spark.createDataFrame([[""]], ["text"])
+ >>> sample_text= [["The food was delicious and the waiter..."]]
+ >>> sample_df = spark.createDataFrame(sample_text).toDF("text")
+ >>> sample_df.select("embeddings").show()
+ +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+
+ |embeddings |
+ +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+
+ |[{sentence_embeddings, 0, 39, The food was delicious and the waiter..., {sentence -> 0}, [0.002297497, -0.009297881, 0.015739758, -0.0076794787, -0.004737794, 0.01487661, -0.009856389, -0.03823238, -0.0069305706, -0.028610818, 0.025208998, 0.018138802, -0.0036271256, -0.025539026, 5.204275E-4, -0.016374426, 0.02828079, 0.0054073683, 0.009710415, -0.016399812, -0.015397037, 0.00427766, 0.006987691, -0.0072859847, -0.003874646, 0.018544989, 0.008752067, -0.022657635, 0.011493831, 0.023901584, 0.015638212, -0.0035192322, -0.034932107, -0.0041919798, -0.02612292, -0.021515233, -0.005715182, 0.011754045, 0.008453773, 0.004080913, 0.019179657, -0.014419649, 0.00893612, 0.0063911034, -0.045670684, 0.017884934, -0.005610462, -7.219344E-4, -0.02211182, -0.0039539794, 0.021007499, -0.017631067, -0.011696924, -0.02260686, 0.016336346, 0.017174106, -0.008466466, 0.0015922225, 0.025094759, -0.024967825, 0.007806412, 0.005794516, -0.022187982, 0.0029162979, -0.0060959826, -0.025564414, -0.008104706, 0.0010178483, 1.9823447E-4, 0.0046425937, 0.02074094, 0.013467647, 0.004626727, -0.016006319, 0.0166156, -0.008948814, -0.007616012, 0.013619968, -0.0069749975, 0.0052677416, 0.009881775, -0.04592455, 0.0030464048, 0.024003131, 0.02301305, 0.006981344, -0.023571556, 0.009938896, -0.006537077, -0.033332746, -0.002690991, 0.019928563, 0.0017596161, 0.001090835, -0.022683023, 0.005007528, 0.01540973, 0.031530287, -0.0054676617, -0.015980931, -0.0051471544, 0.019890483, -0.009386734, -0.0062133963, -0.031174876, -0.009405775, -0.015270104, -0.028864685, 0.021020193, -0.018303815, -0.0029210579, 0.012693353, 0.005102728, -0.049580235, -0.04300508, -4.1293065E-4, 0.0215787, -0.016894853, 0.0065434235, -0.041431103, 9.662815E-4, 0.03351045, 0.0128901, -0.010510096, -5.807209E-4, 0.01835459, 9.2869726E-5, -0.01309954, 0.011982525, 0.005813556, 0.0070194243, 0.008637827, 0.018456135, -8.5521466E-4, -0.019141577, 0.021896034, -0.02975322, -0.0043220865, 0.0015160623, -0.0052074483, 0.0149527695, 0.0213883, -0.018836936, 0.01105591, -0.0074636918, 0.022632249, 0.019141577, 0.0149527695, -0.0036810723, 0.006286383, 0.025678653, -0.027773056, 0.03668379, -0.00445854, 0.013911915, 0.008015852, -0.0056739287, 0.010281616, -0.0057659554, -0.00872668, 0.010649723, 2.0787844E-5, 0.032164957, -0.023838118, -0.002641804, 0.030387888, 0.029626286, 0.016602905, 0.0021784967, 0.0010519617, -0.0116524985, 0.018519603, -0.007552545, 0.007419265, -0.0011090817, 0.0044331537, 0.009989669, -0.007533505, -0.0061943564, -0.0057088356, -0.028230017, 0.0042554466, 0.029321646, 0.024790118, -0.015676292, -0.018202268, 0.0075017717, 0.00865052, -0.011696924, -0.0063942764, 0.0020118963, 0.036963046, -0.002335577, -0.020804405, -0.6888937, -0.019598536, 0.0034748053, 0.0067401705, 0.02835695, 0.023393849, 0.0071527045, 0.010586256, 0.0096088685, -0.009488282, -0.021337526, 3.6766098E-5, 0.019801632, 0.0022705235, -0.009558095, -0.0020753632, -3.708839E-4, 0.0066449703, -0.04130417, 0.011220924, -0.013391487, 0.027722282, -0.011366897, 2.4434706E-4, 0.015460504, -5.549375E-4, 0.01449581, -0.008529933, -0.018875016, -0.017745307, -0.009437508, 0.024587024, 0.013010687, -0.008993241, 0.034932107, -0.005093208, -0.024218917, 0.024066597, -0.0037857925, 0.031047942, -0.015003543, -0.023266915, 0.03021018, 0.0069115306, 0.010154682, 0.011430364, 0.030311726, 0.01764376, 0.0020975766, -0.006746517, 0.009748495, 0.01665368, 0.003658859, 0.02789999, 0.0040682196, 0.0031289116, 0.029905539, -0.016882159, 0.0021689767, 0.023228835, 0.011773085, 0.014292715, -0.019827018, -0.029575512, -0.0015803224, 0.018405361, -0.002776671, 0.019370057, 0.027569963, -0.008460119, 0.012445833, 0.0028322043, -0.0052804346, 0.006422837, 0.009335961, 0.02260686, 0.02354617, 0.0010345082, 0.018900402, -0.0029908712, -0.0068544107, -0.010148335, -0.007939693, -0.0072796377, 0.020537846, 0.010928977, -0.029880153, -0.0038492593, 0.002795711, -0.01892579, 0.029956313, 0.024612412, -0.00446806, 0.026452947, 0.017605681, 0.041177236, -0.02018243, 0.014648129, 0.021553313, -0.029956313, -0.0015017823, 0.0034874987, 0.034170505, 0.036125284, 0.02805231, 0.018430749, 0.003404992, 0.009329614, 0.020766325, -0.012560072, 0.01707256, 0.011538258, -0.007711212, 0.01332802, -0.007412918, -0.022492621, 0.0059055826, 0.025754813, -0.019141577, -0.01904003, -0.013353407, -0.0026005507, 0.022530701, -0.007895266, -7.842112E-4, 0.028103083, 0.013962688, -0.019979337, -0.02115982, -0.0029305778, 0.01340418, 0.01609517, 0.011880978, -0.016793307, 0.0048837676, -0.013036073, 0.025767507, -0.030337114, 0.017631067, -0.022454541, -0.018824242, 0.0019785764, -0.006146756, 0.0021055099, -0.0014525956, -0.011157458, -0.005293128, -0.011468444, -0.021591393, 0.0051535014, 0.005597769, -2.1935701E-4, -0.012731433, 0.0034208586, 0.024688572, -0.0018103895, 0.001299482, -0.005461315, -0.024878971, -0.030565593, -0.01609517, 0.016717145, -0.013226474, -0.008764761, 0.009488282, -0.007355798, 0.0070638508, -0.005734222, -0.012084072, -0.023749264, 0.028813912, -0.015892077, -0.0033573918, 0.0052201413, -0.01672984, 0.0014105488, -0.02184526, -0.019560456, -0.0063752364, 0.016717145, 0.008777454, 0.00418246, -0.013861141, -0.012877407, 0.009500975, 0.005804036, 0.0013859555, 0.025335932, -0.01779608, 0.01537165, 0.0019722297, -0.011081297, 0.0073875315, 0.0015795291, 0.015968239, 0.013454954, -0.0026592575, 0.0020944031, 0.014140395, -0.0023339903, -0.0042554466, -0.0064989966, 0.0030828982, -0.0046870206, 0.013239168, -0.017491441, -0.011106684, -0.029702445, 0.003696939, 0.007419265, 0.01609517, -0.013784981, -0.017250266, -0.0037762725, 0.021413686, 0.017047172, 0.019268509, 0.006898837, -0.013924608, -0.009266147, -0.0023577902, -0.020905953, -0.005264568, -0.0014875022, 0.0064513967, 0.003044818, 0.0029210579, -0.0073431046, 0.0012431552, -0.0021166166, -0.0019404964, 0.018646536, 7.6913787E-4, 0.01518125, 0.0070194243, 0.0013581888, 0.016374426, -0.00872668, 0.016755225, -4.5418405E-4, -0.0076921717, 0.016780613, -8.56008E-4, -0.02805231, 0.010948017, 9.956349E-5, -0.006108676, -0.011290737, -0.027443029, 0.008910734, 0.012858367, 0.016844079, -0.017592987, 0.01476237, -0.0039793663, 0.008066626, -0.0018421229, -0.018836936, 0.03422128, 0.021020193, 0.016526746, 0.022200674, 0.015397037, -0.0010051549, 0.004474407, 4.6767073E-4, -0.007749292, -0.026249854, 0.009856389, -0.006670357, 0.014775063, -0.02589444, -0.0023530303, -0.0066068904, 0.0067147836, -0.0012542619, -0.018671922, 0.0022498968, -0.017884934, 0.0048552076, 0.0031463648, -0.0217691, 0.029905539, 0.011849245, -0.0026735375, -0.011024177, -0.01733912, 0.0073621445, -0.012407753, 0.0032939252, 0.0072288644, 0.014457729, 0.0011781019, -0.009615215, 0.0141150085, 6.025376E-4, 0.04615303, -0.020804405, 0.031631835, -0.005131288, 0.006594197, -0.025386706, -0.028204631, -0.023482703, 0.026249854, -0.013086847, -0.022314915, -5.2082416E-4, 0.023457317, -0.0076921717, 0.0064989966, -0.006013476, -0.0125029525, -0.0021404168, 0.023977743, -0.0033542186, -0.029423192, 0.0019960299, 0.0076477453, -8.080113E-4, -0.030413274, -0.017047172, -0.008790147, -0.013493034, 0.078089505, -0.004842514, 0.015232024, 0.00825068, 0.036785338, 5.335175E-4, -0.03891782, -0.004680674, -0.005451795, -0.012134845, -0.006746517, 0.009710415, 0.02490436, 0.007101931, 0.026351402, -0.0043093935, -0.0059595294, -0.024561638, 0.019331977, -0.02385081, -0.008206253, 0.016602905, 0.015942851, 0.027138388, -0.01521933, 0.0043728603, 0.025500946, 0.026173694, -0.0011558884, -0.023381157, 0.0016207825, -0.001237602, -0.0049916613, -0.0024085636, -0.015587438, 0.0048203007, 4.35144E-4, -0.012255432, 0.0048742476, -0.0062546497, 0.04051718, -0.008777454, 0.0051090745, -0.016932933, 0.004626727, -0.0016660026, -0.02774767, 0.050976507, -0.03043866, -0.0028655245, 0.01540973, 0.027138388, 0.0023292303, -0.0104275895, -0.004360167, 0.011144764, -0.0066068904, -0.024282385, -0.013988075, 0.016234798, -0.014698903, -0.037673872, -0.0054644886, -7.842112E-4, -0.02589444, -0.020461684, -0.012598153, -0.012363326, -0.002833791, -0.0029274046, -0.01243314, 0.0037413659, -0.012820287, -0.0070511578, 0.017364508, -0.0025545373, -0.0034843255, -0.009773882, -0.0010368882, 0.009894469, 8.330013E-4, -0.008237986, 0.0013804021, 0.0035890455, -0.029194713, 0.022721102, 0.026605267, 0.011151111, 0.0054200618, 0.0043919003, -0.0022181633, -0.0025402573, 0.005093208, -0.015562051, -0.005461315, -0.021984888, -0.016234798, 0.025145533, -0.008422039, -0.0032590183, -0.008130092, 0.0019309763, -0.009278841, 5.981743E-4, 0.04363975, -0.008510893, -0.011360551, -0.025069373, 0.004252273, -0.011132071, 0.020474378, 0.014889303, -0.01896387, 0.0075461986, -0.012096765, 0.030489434, 0.012166579, 0.032393437, 0.0035763523, -0.009018627, -0.007438305, -0.0064196633, 0.025056679, -0.012230045, 0.009488282, -9.821482E-4, 0.0124839125, -0.013239168, -0.0014454556, -0.012744127, -0.003696939, 0.007159051, -0.010402203, 0.010053135, -0.0042808335, -0.0025307373, -0.004128513, 0.010890896, -0.025716733, -0.024155451, -0.04023793, -0.015257411, 0.0129154865, -0.013264554, -0.028636204, -0.023520783, -0.004890114, -0.008022199, -0.016184025, 0.051535014, 0.011792125, 0.009291534, -0.031707995, 0.039476328, 0.004699714, -0.014216555, -0.01480045, -0.0065053436, 0.0044997935, 0.027138388, 0.021705633, -2.0904366E-4, 0.019585844, 0.0036842457, -1.455769E-4, -0.006727477, -0.0108718565, -0.0046076872, -0.0303625, 0.02967706, 0.026554495, 0.014825836, 0.009786575, 0.009285187, -0.020931339, 0.003630299, 0.004693367, -0.008637827, -0.009589829, -0.013886528, 0.017694535, -0.027493803, 0.004982141, 0.0071717445, 0.03297733, -0.007571585, 0.022657635, 0.006276863, 0.016069785, -3.0464047E-4, 0.028636204, -0.014419649, 0.0025450173, -0.010148335, -0.01733912, 0.0104275895, -0.0052804346, -0.015358957, -0.018494215, -3.7068556E-4, 0.027646123, 0.0011114617, 0.005093208, -0.013429567, -0.007920653, 0.0050011813, 0.013543808, -0.014381569, -0.0047346205, -0.026173694, -0.018798856, -0.019674698, -0.012629886, -0.029803993, -0.009862735, -0.0033732585, -0.04130417, 0.013048767, -0.009456548, -0.03815622, -7.286778E-4, -0.0040301397, -0.014254635, -0.0038809928, 0.016666373, -6.6997105E-4, -0.017351814, -0.015549357, 0.02952474, -0.00431574, -0.009818309, -6.470635E-5, 0.011404978, 0.025082065, -0.021908727, -0.018951176, 0.021553313, 0.010148335, -0.022936888, 0.013658048, -0.004671154, 0.0296009, -0.0127949, 0.018341895, 5.6842424E-4, 0.01292818, -0.020931339, 0.0034843255, 0.0036429923, 0.0067401705, -0.030083247, -0.00215311, -0.024206225, 0.02619908, -0.009837349, -0.010256229, 0.008168173, -0.0100340955, -0.013150314, 0.02188334, -0.010935323, 0.008371267, -0.00857436, 0.016399812, -0.0036144322, -0.009697721, 0.013493034, -0.007863532, 0.018100722, 0.019446217, -0.022492621, -0.023495397, 0.0037032857, 0.009380388, 0.027265321, -0.007140011, -0.015193944, -0.017047172, -0.004556914, -0.013632661, -0.0056358487, 0.01040855, 0.0050519546, 0.008155479, -6.9020106E-4, -0.032571144, -0.028230017, 0.0048076073, 0.0060293428, -0.016031705, -0.021781793, -0.020931339, 0.0015866691, -0.0016088824, 0.024752038, -0.0019547765, -0.012369673, 0.015320877, -0.012706046, 0.009082094, -0.010249883, 0.019128883, -0.02543748, 0.0084982, 0.0032970984, 0.012991647, 0.022479929, -0.00893612, -0.02316537, -0.016399812, 0.0012312552, -0.0042840065, 0.018227655, -0.005731049, 0.02604676, 0.005293128, 0.006689397, -0.006305423, -0.018075334, 0.019484296, -0.01783416, -0.0012130085, 0.027265321, -0.015866691, -0.020626698, 0.039882515, 0.008682254, -0.0022546567, -0.029423192, 0.009323268, -0.021553313, 0.035871416, -0.014330796, -0.0145465825, -0.023216143, 0.011531911, -0.0166156, 0.020372832, 0.00641649, -0.013531114, 0.016437892, 0.013124927, 0.019814324, -0.0015136823, 0.016247492, 0.004753661, -0.013823061, 0.007907959, -0.036125284, -0.027113002, -0.009932549, 0.009659641, -0.0044807536, -0.009850042, -0.014191168, 0.009856389, -0.042954307, 0.024701266, -0.01059895, 0.0047885673, 0.011081297, 0.021629473, -0.023571556, 0.006651317, -0.031098714, 0.0058262493, -0.0051249415, -0.013823061, -0.0065180366, 4.0519563E-4, 0.009488282, -0.009792922, -0.0423958, -0.010992444, 0.008739374, 0.002449817, 0.012045992, -0.0068544107, -0.014089622, -0.0070511578, 0.0018310162, 0.014406956, 0.033180423, 0.0052709146, -0.0016802826, -0.012750473, -0.015358957, 0.018329201, -0.005750089, -0.048234742, -0.01771992, 0.009240761, -0.0108718565, 1.789961E-5, -0.015866691, -0.028204631, 0.017669147, -0.01730104, -0.0026529108, -0.022543395, -0.017288346, 0.015193944, 0.007971426, -0.019065415, 0.007857186, -1.0481933E-4, -0.019484296, 0.016488666, 0.007101931, 1.709636E-4, -0.009348654, -0.015866691, 0.0049281945, -0.0059436625, -0.020956725, 0.003538272, 0.0038905127, -0.0016485492, 0.0044141137, 0.01271874, -0.01483853, 0.01245218, 0.0023657237, -0.0037794458, 4.5497736E-4, -0.00882188, 0.015815917, -0.017351814, -0.016767919, -0.005185235, -0.022187982, -0.020626698, 0.018049948, 0.009335961, -0.007685825, 0.02589444, 0.21934114, 0.012007912, -0.005039261, 0.037445392, -4.4307736E-4, 0.031403355, 0.0018468829, 0.0024656837, -0.01722488, 0.013213781, -0.011512871, -0.006594197, 0.0015811158, -0.0035287521, 0.0062419563, -0.0048456877, -0.025120145, -0.023800036, 2.0269697E-4, -0.03554139, 0.01071319, -0.016526746, 8.2110125E-4, -0.017313734, 0.03777542, 0.0019944431, -0.04402055, 0.0065434235, 0.013988075, 0.02442201, -0.018976564, -0.00865052, 0.005873849, 0.0016660026, -0.014419649, 0.013048767, 0.006924224, 0.003865126, 0.0057437425, -0.0038206992, 0.009894469, -0.013163007, 0.017351814, -0.01646328, 0.01733912, 0.02446009, -0.018748082, -0.027239935, 0.0032479118, 0.03653147, -0.015206637, -0.018773468, 0.00643553, 0.010141989, 0.0054200618, 0.009183641, 0.02604676, -0.02025859, -0.019852404, -0.006054729, 0.010630683, 0.009481935, -0.016374426, 9.059881E-4, -0.03005786, 0.009589829, -0.014851223, 0.014280022, -0.003274885, -0.016031705, -0.0014168955, -0.025005905, 1.9089613E-4, 0.022302222, -0.008999587, -0.010097562, 0.024942439, -0.012807593, 0.019547764, 0.034957495, -0.026833748, -3.7683392E-5, -0.0068417173, -0.011182844, -0.016907547, -0.03013402, 0.0041062995, 0.014571969, -0.018951176, -0.02070286, 0.011335164, -0.012725086, -7.8341785E-5, -0.0013653288, 0.017859548, 0.0056802756, -0.006556117, 0.010249883, 0.0033002717, -0.011398631, -0.010954363, -0.055139925, -0.009424815, -0.004959928, -0.028788524, -0.0031241516, 0.0027465243, 0.036810722, 0.0031828582, -0.005543822, -0.0026053106, -2.6973375E-4, 0.017935708, -0.0015406557, 0.0023911104, -0.0026735375, -0.016945627, 0.0035636588, 0.030311726, -0.02396505, 0.018836936, -0.01911619, -0.0029448578, 0.033408906, -0.020550538, -0.01294722, -0.011500178, 0.011988872, 0.025424786, -0.011887325, 0.038587794, -0.003395472, -0.007946039, 0.019966645, -0.033713546, -0.018798856, 0.009615215, 0.018189576, -0.026859134, -0.012223699, 0.024802811, 8.099946E-4, -0.0010448216, 0.006422837, -0.005020221, -0.03554139, 0.012356979, 0.007590625, -0.029956313, -0.018303815, -0.03089562, -0.014521196, -0.017250266, -0.017212186, 0.024917051, -0.020169739, -0.044680603, -0.005658062, -0.013835755, -8.3776127E-4, -0.0028496578, -0.006467263, 0.053007443, -0.011614418, 0.008066626, 0.0056453687, -0.16145945, 0.0091963345, -0.024548944, -0.016425198, 0.015701678, 6.862344E-4, 0.023190755, -0.0074509983, -0.018088028, 0.018875016, 0.010205456, 0.010383163, -0.033028103, 0.0023324036, 0.019052723, 0.016590212, 1.4408938E-4, -0.014406956, 0.02324153, 0.019623924, 0.0383847, 0.002686231, 0.0010852817, -0.0076223584, 0.002762391, 0.030540207, -0.025539026, 0.0037667525, -0.011005137, 0.0017850028, 0.005984916, -0.0029353378, 0.02555172, -0.00855532, 0.010287963, 0.005451795, 1.2544602E-4, -0.0065624635, 0.017808774, 0.03528752, 0.013188394, 0.027925376, -0.0014248289, 0.014889303, -0.009710415, 0.009881775, 0.009342308, -0.0017247093, 0.023596942, -0.004709234, 0.009456548, -0.037369233, 0.016082479, 0.0011963486, 0.00222451, 0.016945627, -0.014165782, 0.0014414889, -0.0058865426, -6.2633766E-4, -0.012274472, -0.011328817, -0.013150314, 0.0020372833, -0.0013026553, -0.0039793663, -0.00635937, -0.01487661, 0.00651169, 0.005984916, -0.0024672705, 0.0026640175, 0.0033669118, 0.0074763848, 6.311968E-5, 0.023444623, -0.017656455, -0.0065243836, 0.021832567, -0.02320345, -0.015092397, 0.034119733, -0.025983294, 0.021324834, -0.015663598, 0.00222451, 0.00417294, 0.014965463, 0.014203862, -0.0074319583, 0.007381185, -0.0035446188, -0.009310574, -0.02562788, 0.018049948, 0.01101783, 0.009050361, 0.010484709, -0.005835769, -0.0036620323, 0.0055565154, -0.021515233, -0.028712364, 0.025564414, 0.016374426, 0.033586614, 0.012407753, 0.027087616, 0.019509684, -0.005166195, -0.020042805, 0.010281616, 0.019903177, 0.025424786, -0.010738577, 0.038816273, -0.014990849, -0.025412092, 0.030464048, -0.009158255, 0.046609994, 7.9095457E-4, 0.0016675893, 0.012921833, -7.2828116E-4, 0.0033288319, -0.10784273, -0.022898808, 0.020563232, 0.020487072, -0.0063117696, -0.005299475, 0.009348654, 0.013442261, -0.014330796, 0.0036620323, -0.0112590045, -0.018075334, -0.015282797, -0.013581888, 0.023723876, 0.00847916, 0.025221692, -0.028686978, -3.8655227E-4, 0.005169368, -7.0765446E-4, 0.011436711, -0.004963101, 0.0067592105, -0.00427766, 0.007527158, -0.008999587, 0.029854767, 0.0072098244, 0.011246311, 0.024218917, -0.009945242, 0.017326428, -0.004052353, -0.011684231, -5.311375E-4, -0.024688572, 0.002335577, 0.01476237, -0.026986068, 0.012801247, -0.0074636918, -0.0023815904, -0.047600072, 0.006886144, -0.004464887, 2.9809546E-4, 0.018684616, 0.022924196, -0.0070575043, -0.0037730993, 0.025830973, -0.029651672, 0.0046140337, 0.041710358, -0.0058960626, 0.016666373, -0.0018706829, -0.009786575, -0.0065878504, 0.0067338236, -0.0011431951, -0.020233205, 0.007971426, 0.008218946, 0.015930157, -0.01105591, -0.0024022171, 0.0051439814, -0.015193944, 0.0120777255, -0.0064989966, -0.016590212, -0.00895516, -0.010116602, -0.038638566, -0.034119733, 0.0056231553, -8.840722E-5, -0.022632249, 0.0019944431, -0.009754842, 0.0074256114, -0.0011773085, -6.7314436E-4, -0.02014435, -0.010186416, -0.0067211306, -0.0074256114, -0.015828611, -0.0043665133, 0.0112526575, 0.031073328, -0.013632661, -0.016932933, 0.018126108, -0.014432343, -0.0021118566, 0.017389894, -0.023635022, -0.0062736897, -0.010116602, -0.040187154, 0.006905184, -0.017884934, -0.0068163304, 0.0087838005, -0.0100340955, 0.016717145, 0.010072175, -0.00832684, 0.017047172, -0.01061799, 0.01268066, 0.0137088215, 0.007926999, -0.01711064, -0.00885996, 0.015422424, 0.0052011013, 0.022327607, -0.0092280675, 0.022251448, 0.0303625, -0.0045251804, -6.5886433E-4, -0.020360138, 0.021870647, -0.013251861, 0.016844079, -0.027595349, -0.01094167, 0.011550951, -0.024612412, 0.0033034452, 0.026072146, -0.014419649, -0.030032473, -0.00411582, 0.012185619, 0.0096215615, 0.002618004, -0.006575157, -0.03675995, 0.010986097, -0.023673104, -0.011900018, 0.0149527695, -0.016044399, -0.0040206197, 0.018722696, 0.0038873393, -0.00825068, 0.011163804, 0.010484709, -0.01919235, 0.015790531, 0.0013692954, 0.0059595294, -0.011836552, 0.005096381, -0.031200262, 0.0358968, -0.009126521, 0.0087838005, -0.009158255, -0.004693367, -0.013619968, -0.016717145, -0.013696128, 0.014711596, -0.029880153, -0.018608455, 0.005166195, 0.019801632, 0.0112526575, 0.03922246, -0.0179484, -0.0069178776, -0.028610818, -0.00832684, 0.010909937, 0.013569194, 0.019839711, -0.024447398, 0.01086551, 0.010294309, 0.024726652, -0.016679065, -0.0013145554, 0.005451795, 0.004617207, -0.004690194, -0.013315327, 0.0112653505, -0.0016009491, 0.003998406, 0.025272466, -0.0030051514, -0.007869879, 0.017935708, 0.031251036, -0.005375635, 0.0046203807, 0.0030099114, -0.0071273176, -0.012020606, -0.016285572, -0.033865865, -0.04290353, 0.009107481, 0.007400225, 0.018253041, 0.016704453, -0.003957153, 0.022644943, 0.0074446513, 0.012122152, -0.0013796088, -0.005835769, -0.019014644, 0.026909908, 0.003035298, 0.012153885, 0.007863532, -0.020499766, 0.006010303, 0.017212186, -0.004026966, 1.3466855E-4, 0.001078935, 0.0051725414, -0.0014906756, 0.009526362, -0.016310958, -0.010357776, -0.0145338895, 0.0070511578, 0.015993625, 0.018748082, -0.025259772, 0.036937658, 0.0044014202, 0.008713987, 0.003931766, -0.007863532, 0.0053597684, 0.02797615, -0.020093577, -0.006286383, 0.004550567, 0.024434704, 0.0076223584, 0.0057437425, -0.0125029525, -0.02619908, -0.0029956312, 3.6632223E-4, 8.51248E-4, -0.028915457, -0.023470009, 0.008675907, 0.018684616, 0.014406956, 0.028204631, -0.014013462, -0.0031527115, 0.0018865496, -0.0033986452, 0.012991647, -0.040974144, 0.002589444, -0.0018516429, -0.049504075, -0.00884092, -0.004541047, -0.0217691, -0.014076929, -0.015473197, 0.004080913, 0.0027211376, -0.031327195, 0.041126464, -0.017656455, -0.018595763, 0.014571969, 0.0104593225, -0.015397037, -0.01938275, -0.0027592175]}]|
+ +-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+
+ """
name = "OpenAIEmbeddings"
inputAnnotatorTypes = [AnnotatorType.DOCUMENT]
- outputAnnotatorType = AnnotatorType.DOCUMENT
+ outputAnnotatorType = AnnotatorType.SENTENCE_EMBEDDINGS
model = Param(Params._dummy(),
"model",
diff --git a/python/test/annotator/embeddings/open_ai_embeddings_test.py b/python/test/annotator/embeddings/open_ai_embeddings_test.py
new file mode 100644
index 00000000000000..986346134d579e
--- /dev/null
+++ b/python/test/annotator/embeddings/open_ai_embeddings_test.py
@@ -0,0 +1,47 @@
+import unittest
+from sparknlp.annotator import *
+from sparknlp.base import *
+from pyspark.sql import DataFrame
+from pyspark.sql import SparkSession
+
+class OpenAIEmbeddingsTestCase(unittest.TestCase):
+# Set your OpenAI API key to run unit test...
+ def setUp(self):
+ self.spark = SparkSession.builder \
+ .appName("Tests") \
+ .master("local[*]") \
+ .config("spark.driver.memory","8G") \
+ .config("spark.driver.maxResultSize", "2G") \
+ .config("spark.jars", "lib/sparknlp.jar") \
+ .config("spark.serializer", "org.apache.spark.serializer.KryoSerializer") \
+ .config("spark.kryoserializer.buffer.max", "1000m") \
+ .config("spark.jsl.settings.openai.api.key","") \
+ .getOrCreate()
+
+ def test_openai_embeddings(self):
+
+ documentAssembler = DocumentAssembler() \
+ .setInputCol("text") \
+ .setOutputCol("document")
+ openai_embeddings = OpenAIEmbeddings() \
+ .setInputCols("document") \
+ .setOutputCol("embeddings") \
+ .setModel("text-embedding-ada-002")
+
+ import tempfile
+ openai_embeddings.write().overwrite().save("file:///" + tempfile.gettempdir() + "/openai_embeddings")
+ loaded = OpenAIEmbeddings.load("file:///" + tempfile.gettempdir() + "/openai_embeddings")
+
+ pipeline = Pipeline().setStages([
+ documentAssembler,
+ loaded
+ ])
+
+ sample_text = [["The food was delicious and the waiter..."]]
+ sample_df = self.spark.createDataFrame(sample_text).toDF("text")
+ pipeline.fit(sample_df).transform(sample_df).select("embeddings").show(truncate=False)
+
+
+
+if __name__ == '__main__':
+ unittest.main()
From e4a7c1a43071bec2ea2f7f046baadd3e819711c0 Mon Sep 17 00:00:00 2001
From: Mehmet Butgul
Date: Mon, 24 Jun 2024 20:04:03 +0300
Subject: [PATCH 5/5] add pytest.mark.slow and improve doc
---
.../embeddings/open_ai_embeddings_test.py | 15 ++++++++++
.../johnsnowlabs/ml/ai/OpenAIEmbeddings.scala | 29 ++++++++++++-------
2 files changed, 33 insertions(+), 11 deletions(-)
diff --git a/python/test/annotator/embeddings/open_ai_embeddings_test.py b/python/test/annotator/embeddings/open_ai_embeddings_test.py
index 986346134d579e..69645bfbca9723 100644
--- a/python/test/annotator/embeddings/open_ai_embeddings_test.py
+++ b/python/test/annotator/embeddings/open_ai_embeddings_test.py
@@ -1,9 +1,24 @@
+# Copyright 2017-2022 John Snow Labs
+#
+# Licensed under the Apache License, Version 2.0 (the "License");
+# you may not use this file except in compliance with the License.
+# You may obtain a copy of the License at
+#
+# http://www.apache.org/licenses/LICENSE-2.0
+#
+# Unless required by applicable law or agreed to in writing, software
+# distributed under the License is distributed on an "AS IS" BASIS,
+# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
+# See the License for the specific language governing permissions and
+# limitations under the License.
import unittest
+import pytest
from sparknlp.annotator import *
from sparknlp.base import *
from pyspark.sql import DataFrame
from pyspark.sql import SparkSession
+@pytest.mark.slow
class OpenAIEmbeddingsTestCase(unittest.TestCase):
# Set your OpenAI API key to run unit test...
def setUp(self):
diff --git a/src/main/scala/com/johnsnowlabs/ml/ai/OpenAIEmbeddings.scala b/src/main/scala/com/johnsnowlabs/ml/ai/OpenAIEmbeddings.scala
index 9230de64c5e735..847d1a4162c7c4 100644
--- a/src/main/scala/com/johnsnowlabs/ml/ai/OpenAIEmbeddings.scala
+++ b/src/main/scala/com/johnsnowlabs/ml/ai/OpenAIEmbeddings.scala
@@ -15,30 +15,37 @@ import org.apache.spark.sql.{Dataset, SparkSession}
/** Transformer that makes a request for OpenAI Embeddings API for each executor.
*
- * @see
- * [[https://platform.openai.com/docs/api-reference/embeddings/create OpenAI API Doc]] for
- * reference
+ * @see [[https://platform.openai.com/docs/api-reference/embeddings/create OpenAI API Doc]] for reference
*
* ==Example==
- * {{{ import spark.implicits._ import com.johnsnowlabs.nlp.base.DocumentAssembler import
- * com.johnsnowlabs.ml.ai.OpenAIEmbeddings import org.apache.spark.ml.Pipeline
+ * {{{
+ * import spark.implicits._
+ * import com.johnsnowlabs.nlp.base.DocumentAssembler
+ * import com.johnsnowlabs.ml.ai.OpenAIEmbeddings
+ * import org.apache.spark.ml.Pipeline
*
- * val documentAssembler = new DocumentAssembler() .setInputCol("text") .setOutputCol("document")
+ * val documentAssembler = new DocumentAssembler()
+ * .setInputCol("text")
+ * .setOutputCol("document")
*
- * val openAIEmbeddings = new OpenAICompletion() .setInputCols("document")
- * .setOutputCol("embeddings") .setModel("text-embedding-ada-002")
+ * val openAIEmbeddings = new OpenAIEmbeddings()
+ * .setInputCols("document")
+ * .setOutputCol("embeddings")
+ * .setModel("text-embedding-ada-002")
*
* val pipeline = new Pipeline().setStages(Array( documentAssembler, openAIEmbeddings ))
*
- * val inputDF = Seq( "The food was delicious and the waiter...").toDS.toDF("text") val
- * embeddingsDF = pipeline.fit(inputDF).transform(inputDF)
+ * val inputDF = Seq( "The food was delicious and the waiter...").toDS.toDF("text")
+ * val embeddingsDF = pipeline.fit(inputDF).transform(inputDF)
*
* embeddingsDF.select("embeddings").show(false)
*
+ * +-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+
* | embeddings |
* |:------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|
* | [{sentence_embeddings, 0, 39, The food was delicious and the waiter..., {sentence -> 0}, [0.002297497, -0.009297881, 0.015739758, -0.0076794787, -0.004737794, 0.01487661, -0.009856389, -0.03823238, -0.0069305706, -0.028610818, 0.025208998, 0.018138802, -0.0036271256, -0.025539026, 5.204275E-4, -0.016374426, 0.02828079, 0.0054073683, 0.009710415, -0.016399812, -0.015397037, 0.00427766, 0.006987691, -0.0072859847, -0.003874646, 0.018544989, 0.008752067, -0.022657635, 0.011493831, 0.023901584, 0.015638212, -0.0035192322, -0.034932107, -0.0041919798, -0.02612292, -0.021515233, -0.005715182, 0.011754045, 0.008453773, 0.004080913, 0.019179657, -0.014419649, 0.00893612, 0.0063911034, -0.045670684, 0.017884934, -0.005610462, -7.219344E-4, -0.02211182, -0.0039539794, 0.021007499, -0.017631067, -0.011696924, -0.02260686, 0.016336346, 0.017174106, -0.008466466, 0.0015922225, 0.025094759, -0.024967825, 0.007806412, 0.005794516, -0.022187982, 0.0029162979, -0.0060959826, -0.025564414, -0.008104706, 0.0010178483, 1.9823447E-4, 0.0046425937, 0.02074094, 0.013467647, 0.004626727, -0.016006319, 0.0166156, -0.008948814, -0.007616012, 0.013619968, -0.0069749975, 0.0052677416, 0.009881775, -0.04592455, 0.0030464048, 0.024003131, 0.02301305, 0.006981344, -0.023571556, 0.009938896, -0.006537077, -0.033332746, -0.002690991, 0.019928563, 0.0017596161, 0.001090835, -0.022683023, 0.005007528, 0.01540973, 0.031530287, -0.0054676617, -0.015980931, -0.0051471544, 0.019890483, -0.009386734, -0.0062133963, -0.031174876, -0.009405775, -0.015270104, -0.028864685, 0.021020193, -0.018303815, -0.0029210579, 0.012693353, 0.005102728, -0.049580235, -0.04300508, -4.1293065E-4, 0.0215787, -0.016894853, 0.0065434235, -0.041431103, 9.662815E-4, 0.03351045, 0.0128901, -0.010510096, -5.807209E-4, 0.01835459, 9.2869726E-5, -0.01309954, 0.011982525, 0.005813556, 0.0070194243, 0.008637827, 0.018456135, -8.5521466E-4, -0.019141577, 0.021896034, -0.02975322, -0.0043220865, 0.0015160623, -0.0052074483, 0.0149527695, 0.0213883, -0.018836936, 0.01105591, -0.0074636918, 0.022632249, 0.019141577, 0.0149527695, -0.0036810723, 0.006286383, 0.025678653, -0.027773056, 0.03668379, -0.00445854, 0.013911915, 0.008015852, -0.0056739287, 0.010281616, -0.0057659554, -0.00872668, 0.010649723, 2.0787844E-5, 0.032164957, -0.023838118, -0.002641804, 0.030387888, 0.029626286, 0.016602905, 0.0021784967, 0.0010519617, -0.0116524985, 0.018519603, -0.007552545, 0.007419265, -0.0011090817, 0.0044331537, 0.009989669, -0.007533505, -0.0061943564, -0.0057088356, -0.028230017, 0.0042554466, 0.029321646, 0.024790118, -0.015676292, -0.018202268, 0.0075017717, 0.00865052, -0.011696924, -0.0063942764, 0.0020118963, 0.036963046, -0.002335577, -0.020804405, -0.6888937, -0.019598536, 0.0034748053, 0.0067401705, 0.02835695, 0.023393849, 0.0071527045, 0.010586256, 0.0096088685, -0.009488282, -0.021337526, 3.6766098E-5, 0.019801632, 0.0022705235, -0.009558095, -0.0020753632, -3.708839E-4, 0.0066449703, -0.04130417, 0.011220924, -0.013391487, 0.027722282, -0.011366897, 2.4434706E-4, 0.015460504, -5.549375E-4, 0.01449581, -0.008529933, -0.018875016, -0.017745307, -0.009437508, 0.024587024, 0.013010687, -0.008993241, 0.034932107, -0.005093208, -0.024218917, 0.024066597, -0.0037857925, 0.031047942, -0.015003543, -0.023266915, 0.03021018, 0.0069115306, 0.010154682, 0.011430364, 0.030311726, 0.01764376, 0.0020975766, -0.006746517, 0.009748495, 0.01665368, 0.003658859, 0.02789999, 0.0040682196, 0.0031289116, 0.029905539, -0.016882159, 0.0021689767, 0.023228835, 0.011773085, 0.014292715, -0.019827018, -0.029575512, -0.0015803224, 0.018405361, -0.002776671, 0.019370057, 0.027569963, -0.008460119, 0.012445833, 0.0028322043, -0.0052804346, 0.006422837, 0.009335961, 0.02260686, 0.02354617, 0.0010345082, 0.018900402, -0.0029908712, -0.0068544107, -0.010148335, -0.007939693, -0.0072796377, 0.020537846, 0.010928977, -0.029880153, -0.0038492593, 0.002795711, -0.01892579, 0.029956313, 0.024612412, -0.00446806, 0.026452947, 0.017605681, 0.041177236, -0.02018243, 0.014648129, 0.021553313, -0.029956313, -0.0015017823, 0.0034874987, 0.034170505, 0.036125284, 0.02805231, 0.018430749, 0.003404992, 0.009329614, 0.020766325, -0.012560072, 0.01707256, 0.011538258, -0.007711212, 0.01332802, -0.007412918, -0.022492621, 0.0059055826, 0.025754813, -0.019141577, -0.01904003, -0.013353407, -0.0026005507, 0.022530701, -0.007895266, -7.842112E-4, 0.028103083, 0.013962688, -0.019979337, -0.02115982, -0.0029305778, 0.01340418, 0.01609517, 0.011880978, -0.016793307, 0.0048837676, -0.013036073, 0.025767507, -0.030337114, 0.017631067, -0.022454541, -0.018824242, 0.0019785764, -0.006146756, 0.0021055099, -0.0014525956, -0.011157458, -0.005293128, -0.011468444, -0.021591393, 0.0051535014, 0.005597769, -2.1935701E-4, -0.012731433, 0.0034208586, 0.024688572, -0.0018103895, 0.001299482, -0.005461315, -0.024878971, -0.030565593, -0.01609517, 0.016717145, -0.013226474, -0.008764761, 0.009488282, -0.007355798, 0.0070638508, -0.005734222, -0.012084072, -0.023749264, 0.028813912, -0.015892077, -0.0033573918, 0.0052201413, -0.01672984, 0.0014105488, -0.02184526, -0.019560456, -0.0063752364, 0.016717145, 0.008777454, 0.00418246, -0.013861141, -0.012877407, 0.009500975, 0.005804036, 0.0013859555, 0.025335932, -0.01779608, 0.01537165, 0.0019722297, -0.011081297, 0.0073875315, 0.0015795291, 0.015968239, 0.013454954, -0.0026592575, 0.0020944031, 0.014140395, -0.0023339903, -0.0042554466, -0.0064989966, 0.0030828982, -0.0046870206, 0.013239168, -0.017491441, -0.011106684, -0.029702445, 0.003696939, 0.007419265, 0.01609517, -0.013784981, -0.017250266, -0.0037762725, 0.021413686, 0.017047172, 0.019268509, 0.006898837, -0.013924608, -0.009266147, -0.0023577902, -0.020905953, -0.005264568, -0.0014875022, 0.0064513967, 0.003044818, 0.0029210579, -0.0073431046, 0.0012431552, -0.0021166166, -0.0019404964, 0.018646536, 7.6913787E-4, 0.01518125, 0.0070194243, 0.0013581888, 0.016374426, -0.00872668, 0.016755225, -4.5418405E-4, -0.0076921717, 0.016780613, -8.56008E-4, -0.02805231, 0.010948017, 9.956349E-5, -0.006108676, -0.011290737, -0.027443029, 0.008910734, 0.012858367, 0.016844079, -0.017592987, 0.01476237, -0.0039793663, 0.008066626, -0.0018421229, -0.018836936, 0.03422128, 0.021020193, 0.016526746, 0.022200674, 0.015397037, -0.0010051549, 0.004474407, 4.6767073E-4, -0.007749292, -0.026249854, 0.009856389, -0.006670357, 0.014775063, -0.02589444, -0.0023530303, -0.0066068904, 0.0067147836, -0.0012542619, -0.018671922, 0.0022498968, -0.017884934, 0.0048552076, 0.0031463648, -0.0217691, 0.029905539, 0.011849245, -0.0026735375, -0.011024177, -0.01733912, 0.0073621445, -0.012407753, 0.0032939252, 0.0072288644, 0.014457729, 0.0011781019, -0.009615215, 0.0141150085, 6.025376E-4, 0.04615303, -0.020804405, 0.031631835, -0.005131288, 0.006594197, -0.025386706, -0.028204631, -0.023482703, 0.026249854, -0.013086847, -0.022314915, -5.2082416E-4, 0.023457317, -0.0076921717, 0.0064989966, -0.006013476, -0.0125029525, -0.0021404168, 0.023977743, -0.0033542186, -0.029423192, 0.0019960299, 0.0076477453, -8.080113E-4, -0.030413274, -0.017047172, -0.008790147, -0.013493034, 0.078089505, -0.004842514, 0.015232024, 0.00825068, 0.036785338, 5.335175E-4, -0.03891782, -0.004680674, -0.005451795, -0.012134845, -0.006746517, 0.009710415, 0.02490436, 0.007101931, 0.026351402, -0.0043093935, -0.0059595294, -0.024561638, 0.019331977, -0.02385081, -0.008206253, 0.016602905, 0.015942851, 0.027138388, -0.01521933, 0.0043728603, 0.025500946, 0.026173694, -0.0011558884, -0.023381157, 0.0016207825, -0.001237602, -0.0049916613, -0.0024085636, -0.015587438, 0.0048203007, 4.35144E-4, -0.012255432, 0.0048742476, -0.0062546497, 0.04051718, -0.008777454, 0.0051090745, -0.016932933, 0.004626727, -0.0016660026, -0.02774767, 0.050976507, -0.03043866, -0.0028655245, 0.01540973, 0.027138388, 0.0023292303, -0.0104275895, -0.004360167, 0.011144764, -0.0066068904, -0.024282385, -0.013988075, 0.016234798, -0.014698903, -0.037673872, -0.0054644886, -7.842112E-4, -0.02589444, -0.020461684, -0.012598153, -0.012363326, -0.002833791, -0.0029274046, -0.01243314, 0.0037413659, -0.012820287, -0.0070511578, 0.017364508, -0.0025545373, -0.0034843255, -0.009773882, -0.0010368882, 0.009894469, 8.330013E-4, -0.008237986, 0.0013804021, 0.0035890455, -0.029194713, 0.022721102, 0.026605267, 0.011151111, 0.0054200618, 0.0043919003, -0.0022181633, -0.0025402573, 0.005093208, -0.015562051, -0.005461315, -0.021984888, -0.016234798, 0.025145533, -0.008422039, -0.0032590183, -0.008130092, 0.0019309763, -0.009278841, 5.981743E-4, 0.04363975, -0.008510893, -0.011360551, -0.025069373, 0.004252273, -0.011132071, 0.020474378, 0.014889303, -0.01896387, 0.0075461986, -0.012096765, 0.030489434, 0.012166579, 0.032393437, 0.0035763523, -0.009018627, -0.007438305, -0.0064196633, 0.025056679, -0.012230045, 0.009488282, -9.821482E-4, 0.0124839125, -0.013239168, -0.0014454556, -0.012744127, -0.003696939, 0.007159051, -0.010402203, 0.010053135, -0.0042808335, -0.0025307373, -0.004128513, 0.010890896, -0.025716733, -0.024155451, -0.04023793, -0.015257411, 0.0129154865, -0.013264554, -0.028636204, -0.023520783, -0.004890114, -0.008022199, -0.016184025, 0.051535014, 0.011792125, 0.009291534, -0.031707995, 0.039476328, 0.004699714, -0.014216555, -0.01480045, -0.0065053436, 0.0044997935, 0.027138388, 0.021705633, -2.0904366E-4, 0.019585844, 0.0036842457, -1.455769E-4, -0.006727477, -0.0108718565, -0.0046076872, -0.0303625, 0.02967706, 0.026554495, 0.014825836, 0.009786575, 0.009285187, -0.020931339, 0.003630299, 0.004693367, -0.008637827, -0.009589829, -0.013886528, 0.017694535, -0.027493803, 0.004982141, 0.0071717445, 0.03297733, -0.007571585, 0.022657635, 0.006276863, 0.016069785, -3.0464047E-4, 0.028636204, -0.014419649, 0.0025450173, -0.010148335, -0.01733912, 0.0104275895, -0.0052804346, -0.015358957, -0.018494215, -3.7068556E-4, 0.027646123, 0.0011114617, 0.005093208, -0.013429567, -0.007920653, 0.0050011813, 0.013543808, -0.014381569, -0.0047346205, -0.026173694, -0.018798856, -0.019674698, -0.012629886, -0.029803993, -0.009862735, -0.0033732585, -0.04130417, 0.013048767, -0.009456548, -0.03815622, -7.286778E-4, -0.0040301397, -0.014254635, -0.0038809928, 0.016666373, -6.6997105E-4, -0.017351814, -0.015549357, 0.02952474, -0.00431574, -0.009818309, -6.470635E-5, 0.011404978, 0.025082065, -0.021908727, -0.018951176, 0.021553313, 0.010148335, -0.022936888, 0.013658048, -0.004671154, 0.0296009, -0.0127949, 0.018341895, 5.6842424E-4, 0.01292818, -0.020931339, 0.0034843255, 0.0036429923, 0.0067401705, -0.030083247, -0.00215311, -0.024206225, 0.02619908, -0.009837349, -0.010256229, 0.008168173, -0.0100340955, -0.013150314, 0.02188334, -0.010935323, 0.008371267, -0.00857436, 0.016399812, -0.0036144322, -0.009697721, 0.013493034, -0.007863532, 0.018100722, 0.019446217, -0.022492621, -0.023495397, 0.0037032857, 0.009380388, 0.027265321, -0.007140011, -0.015193944, -0.017047172, -0.004556914, -0.013632661, -0.0056358487, 0.01040855, 0.0050519546, 0.008155479, -6.9020106E-4, -0.032571144, -0.028230017, 0.0048076073, 0.0060293428, -0.016031705, -0.021781793, -0.020931339, 0.0015866691, -0.0016088824, 0.024752038, -0.0019547765, -0.012369673, 0.015320877, -0.012706046, 0.009082094, -0.010249883, 0.019128883, -0.02543748, 0.0084982, 0.0032970984, 0.012991647, 0.022479929, -0.00893612, -0.02316537, -0.016399812, 0.0012312552, -0.0042840065, 0.018227655, -0.005731049, 0.02604676, 0.005293128, 0.006689397, -0.006305423, -0.018075334, 0.019484296, -0.01783416, -0.0012130085, 0.027265321, -0.015866691, -0.020626698, 0.039882515, 0.008682254, -0.0022546567, -0.029423192, 0.009323268, -0.021553313, 0.035871416, -0.014330796, -0.0145465825, -0.023216143, 0.011531911, -0.0166156, 0.020372832, 0.00641649, -0.013531114, 0.016437892, 0.013124927, 0.019814324, -0.0015136823, 0.016247492, 0.004753661, -0.013823061, 0.007907959, -0.036125284, -0.027113002, -0.009932549, 0.009659641, -0.0044807536, -0.009850042, -0.014191168, 0.009856389, -0.042954307, 0.024701266, -0.01059895, 0.0047885673, 0.011081297, 0.021629473, -0.023571556, 0.006651317, -0.031098714, 0.0058262493, -0.0051249415, -0.013823061, -0.0065180366, 4.0519563E-4, 0.009488282, -0.009792922, -0.0423958, -0.010992444, 0.008739374, 0.002449817, 0.012045992, -0.0068544107, -0.014089622, -0.0070511578, 0.0018310162, 0.014406956, 0.033180423, 0.0052709146, -0.0016802826, -0.012750473, -0.015358957, 0.018329201, -0.005750089, -0.048234742, -0.01771992, 0.009240761, -0.0108718565, 1.789961E-5, -0.015866691, -0.028204631, 0.017669147, -0.01730104, -0.0026529108, -0.022543395, -0.017288346, 0.015193944, 0.007971426, -0.019065415, 0.007857186, -1.0481933E-4, -0.019484296, 0.016488666, 0.007101931, 1.709636E-4, -0.009348654, -0.015866691, 0.0049281945, -0.0059436625, -0.020956725, 0.003538272, 0.0038905127, -0.0016485492, 0.0044141137, 0.01271874, -0.01483853, 0.01245218, 0.0023657237, -0.0037794458, 4.5497736E-4, -0.00882188, 0.015815917, -0.017351814, -0.016767919, -0.005185235, -0.022187982, -0.020626698, 0.018049948, 0.009335961, -0.007685825, 0.02589444, 0.21934114, 0.012007912, -0.005039261, 0.037445392, -4.4307736E-4, 0.031403355, 0.0018468829, 0.0024656837, -0.01722488, 0.013213781, -0.011512871, -0.006594197, 0.0015811158, -0.0035287521, 0.0062419563, -0.0048456877, -0.025120145, -0.023800036, 2.0269697E-4, -0.03554139, 0.01071319, -0.016526746, 8.2110125E-4, -0.017313734, 0.03777542, 0.0019944431, -0.04402055, 0.0065434235, 0.013988075, 0.02442201, -0.018976564, -0.00865052, 0.005873849, 0.0016660026, -0.014419649, 0.013048767, 0.006924224, 0.003865126, 0.0057437425, -0.0038206992, 0.009894469, -0.013163007, 0.017351814, -0.01646328, 0.01733912, 0.02446009, -0.018748082, -0.027239935, 0.0032479118, 0.03653147, -0.015206637, -0.018773468, 0.00643553, 0.010141989, 0.0054200618, 0.009183641, 0.02604676, -0.02025859, -0.019852404, -0.006054729, 0.010630683, 0.009481935, -0.016374426, 9.059881E-4, -0.03005786, 0.009589829, -0.014851223, 0.014280022, -0.003274885, -0.016031705, -0.0014168955, -0.025005905, 1.9089613E-4, 0.022302222, -0.008999587, -0.010097562, 0.024942439, -0.012807593, 0.019547764, 0.034957495, -0.026833748, -3.7683392E-5, -0.0068417173, -0.011182844, -0.016907547, -0.03013402, 0.0041062995, 0.014571969, -0.018951176, -0.02070286, 0.011335164, -0.012725086, -7.8341785E-5, -0.0013653288, 0.017859548, 0.0056802756, -0.006556117, 0.010249883, 0.0033002717, -0.011398631, -0.010954363, -0.055139925, -0.009424815, -0.004959928, -0.028788524, -0.0031241516, 0.0027465243, 0.036810722, 0.0031828582, -0.005543822, -0.0026053106, -2.6973375E-4, 0.017935708, -0.0015406557, 0.0023911104, -0.0026735375, -0.016945627, 0.0035636588, 0.030311726, -0.02396505, 0.018836936, -0.01911619, -0.0029448578, 0.033408906, -0.020550538, -0.01294722, -0.011500178, 0.011988872, 0.025424786, -0.011887325, 0.038587794, -0.003395472, -0.007946039, 0.019966645, -0.033713546, -0.018798856, 0.009615215, 0.018189576, -0.026859134, -0.012223699, 0.024802811, 8.099946E-4, -0.0010448216, 0.006422837, -0.005020221, -0.03554139, 0.012356979, 0.007590625, -0.029956313, -0.018303815, -0.03089562, -0.014521196, -0.017250266, -0.017212186, 0.024917051, -0.020169739, -0.044680603, -0.005658062, -0.013835755, -8.3776127E-4, -0.0028496578, -0.006467263, 0.053007443, -0.011614418, 0.008066626, 0.0056453687, -0.16145945, 0.0091963345, -0.024548944, -0.016425198, 0.015701678, 6.862344E-4, 0.023190755, -0.0074509983, -0.018088028, 0.018875016, 0.010205456, 0.010383163, -0.033028103, 0.0023324036, 0.019052723, 0.016590212, 1.4408938E-4, -0.014406956, 0.02324153, 0.019623924, 0.0383847, 0.002686231, 0.0010852817, -0.0076223584, 0.002762391, 0.030540207, -0.025539026, 0.0037667525, -0.011005137, 0.0017850028, 0.005984916, -0.0029353378, 0.02555172, -0.00855532, 0.010287963, 0.005451795, 1.2544602E-4, -0.0065624635, 0.017808774, 0.03528752, 0.013188394, 0.027925376, -0.0014248289, 0.014889303, -0.009710415, 0.009881775, 0.009342308, -0.0017247093, 0.023596942, -0.004709234, 0.009456548, -0.037369233, 0.016082479, 0.0011963486, 0.00222451, 0.016945627, -0.014165782, 0.0014414889, -0.0058865426, -6.2633766E-4, -0.012274472, -0.011328817, -0.013150314, 0.0020372833, -0.0013026553, -0.0039793663, -0.00635937, -0.01487661, 0.00651169, 0.005984916, -0.0024672705, 0.0026640175, 0.0033669118, 0.0074763848, 6.311968E-5, 0.023444623, -0.017656455, -0.0065243836, 0.021832567, -0.02320345, -0.015092397, 0.034119733, -0.025983294, 0.021324834, -0.015663598, 0.00222451, 0.00417294, 0.014965463, 0.014203862, -0.0074319583, 0.007381185, -0.0035446188, -0.009310574, -0.02562788, 0.018049948, 0.01101783, 0.009050361, 0.010484709, -0.005835769, -0.0036620323, 0.0055565154, -0.021515233, -0.028712364, 0.025564414, 0.016374426, 0.033586614, 0.012407753, 0.027087616, 0.019509684, -0.005166195, -0.020042805, 0.010281616, 0.019903177, 0.025424786, -0.010738577, 0.038816273, -0.014990849, -0.025412092, 0.030464048, -0.009158255, 0.046609994, 7.9095457E-4, 0.0016675893, 0.012921833, -7.2828116E-4, 0.0033288319, -0.10784273, -0.022898808, 0.020563232, 0.020487072, -0.0063117696, -0.005299475, 0.009348654, 0.013442261, -0.014330796, 0.0036620323, -0.0112590045, -0.018075334, -0.015282797, -0.013581888, 0.023723876, 0.00847916, 0.025221692, -0.028686978, -3.8655227E-4, 0.005169368, -7.0765446E-4, 0.011436711, -0.004963101, 0.0067592105, -0.00427766, 0.007527158, -0.008999587, 0.029854767, 0.0072098244, 0.011246311, 0.024218917, -0.009945242, 0.017326428, -0.004052353, -0.011684231, -5.311375E-4, -0.024688572, 0.002335577, 0.01476237, -0.026986068, 0.012801247, -0.0074636918, -0.0023815904, -0.047600072, 0.006886144, -0.004464887, 2.9809546E-4, 0.018684616, 0.022924196, -0.0070575043, -0.0037730993, 0.025830973, -0.029651672, 0.0046140337, 0.041710358, -0.0058960626, 0.016666373, -0.0018706829, -0.009786575, -0.0065878504, 0.0067338236, -0.0011431951, -0.020233205, 0.007971426, 0.008218946, 0.015930157, -0.01105591, -0.0024022171, 0.0051439814, -0.015193944, 0.0120777255, -0.0064989966, -0.016590212, -0.00895516, -0.010116602, -0.038638566, -0.034119733, 0.0056231553, -8.840722E-5, -0.022632249, 0.0019944431, -0.009754842, 0.0074256114, -0.0011773085, -6.7314436E-4, -0.02014435, -0.010186416, -0.0067211306, -0.0074256114, -0.015828611, -0.0043665133, 0.0112526575, 0.031073328, -0.013632661, -0.016932933, 0.018126108, -0.014432343, -0.0021118566, 0.017389894, -0.023635022, -0.0062736897, -0.010116602, -0.040187154, 0.006905184, -0.017884934, -0.0068163304, 0.0087838005, -0.0100340955, 0.016717145, 0.010072175, -0.00832684, 0.017047172, -0.01061799, 0.01268066, 0.0137088215, 0.007926999, -0.01711064, -0.00885996, 0.015422424, 0.0052011013, 0.022327607, -0.0092280675, 0.022251448, 0.0303625, -0.0045251804, -6.5886433E-4, -0.020360138, 0.021870647, -0.013251861, 0.016844079, -0.027595349, -0.01094167, 0.011550951, -0.024612412, 0.0033034452, 0.026072146, -0.014419649, -0.030032473, -0.00411582, 0.012185619, 0.0096215615, 0.002618004, -0.006575157, -0.03675995, 0.010986097, -0.023673104, -0.011900018, 0.0149527695, -0.016044399, -0.0040206197, 0.018722696, 0.0038873393, -0.00825068, 0.011163804, 0.010484709, -0.01919235, 0.015790531, 0.0013692954, 0.0059595294, -0.011836552, 0.005096381, -0.031200262, 0.0358968, -0.009126521, 0.0087838005, -0.009158255, -0.004693367, -0.013619968, -0.016717145, -0.013696128, 0.014711596, -0.029880153, -0.018608455, 0.005166195, 0.019801632, 0.0112526575, 0.03922246, -0.0179484, -0.0069178776, -0.028610818, -0.00832684, 0.010909937, 0.013569194, 0.019839711, -0.024447398, 0.01086551, 0.010294309, 0.024726652, -0.016679065, -0.0013145554, 0.005451795, 0.004617207, -0.004690194, -0.013315327, 0.0112653505, -0.0016009491, 0.003998406, 0.025272466, -0.0030051514, -0.007869879, 0.017935708, 0.031251036, -0.005375635, 0.0046203807, 0.0030099114, -0.0071273176, -0.012020606, -0.016285572, -0.033865865, -0.04290353, 0.009107481, 0.007400225, 0.018253041, 0.016704453, -0.003957153, 0.022644943, 0.0074446513, 0.012122152, -0.0013796088, -0.005835769, -0.019014644, 0.026909908, 0.003035298, 0.012153885, 0.007863532, -0.020499766, 0.006010303, 0.017212186, -0.004026966, 1.3466855E-4, 0.001078935, 0.0051725414, -0.0014906756, 0.009526362, -0.016310958, -0.010357776, -0.0145338895, 0.0070511578, 0.015993625, 0.018748082, -0.025259772, 0.036937658, 0.0044014202, 0.008713987, 0.003931766, -0.007863532, 0.0053597684, 0.02797615, -0.020093577, -0.006286383, 0.004550567, 0.024434704, 0.0076223584, 0.0057437425, -0.0125029525, -0.02619908, -0.0029956312, 3.6632223E-4, 8.51248E-4, -0.028915457, -0.023470009, 0.008675907, 0.018684616, 0.014406956, 0.028204631, -0.014013462, -0.0031527115, 0.0018865496, -0.0033986452, 0.012991647, -0.040974144, 0.002589444, -0.0018516429, -0.049504075, -0.00884092, -0.004541047, -0.0217691, -0.014076929, -0.015473197, 0.004080913, 0.0027211376, -0.031327195, 0.041126464, -0.017656455, -0.018595763, 0.014571969, 0.0104593225, -0.015397037, -0.01938275, -0.0027592175]}] |
- *
+ * +-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+
+ * }}}
* @param uid
* required uid for storing annotator to disk
* @groupname anno Annotator types