From 4c1865d3306612caac2aff9d138218d79e1e834c Mon Sep 17 00:00:00 2001 From: Montana Low Date: Sat, 10 Aug 2024 16:49:33 -0700 Subject: [PATCH 1/8] fix links --- .../open-source/pgml/guides/embeddings/README.md | 16 ++++++++-------- 1 file changed, 8 insertions(+), 8 deletions(-) diff --git a/pgml-cms/docs/open-source/pgml/guides/embeddings/README.md b/pgml-cms/docs/open-source/pgml/guides/embeddings/README.md index a50e0b673..9694558f2 100644 --- a/pgml-cms/docs/open-source/pgml/guides/embeddings/README.md +++ b/pgml-cms/docs/open-source/pgml/guides/embeddings/README.md @@ -20,15 +20,15 @@ This guide will introduce you to the fundamentals of embeddings within PostgresM In this guide, we will cover: -* [In-database Generation](guides/embeddings/in-database-generation.md) -* [Dimensionality Reduction](guides/embeddings/dimensionality-reduction.md) -* [Aggregation](guides/embeddings/vector-aggregation.md) -* [Similarity](guides/embeddings/vector-similarity.md) -* [Normalization](guides/embeddings/vector-normalization.md) +* [In-database Generation](in-database-generation.md) +* [Dimensionality Reduction](dimensionality-reduction.md) +* [Aggregation](vector-aggregation.md) +* [Similarity](vector-similarity.md) +* [Normalization](vector-normalization.md) ## Embeddings are vectors From c043713907d0eb8111e1b325239bee6c0cbe49ec Mon Sep 17 00:00:00 2001 From: Montana Low Date: Sat, 10 Aug 2024 18:06:23 -0700 Subject: [PATCH 2/8] prevent excessive wrapping --- pgml-cms/docs/SUMMARY.md | 36 +++++++++---------- pgml-cms/docs/open-source/pgml/README.md | 2 +- .../{pgml.train/README.md => pgml.train.md} | 4 +-- .../README.md => pgml.transform.md} | 28 ++------------- .../docs/open-source/pgml/guides/README.md | 2 +- .../open-source/pgml/guides/llms/README.md | 28 +++++++++++++++ .../llms}/fill-mask.md | 0 .../llms}/question-answering.md | 0 .../llms}/summarization.md | 0 .../llms}/text-classification.md | 0 .../llms}/text-generation.md | 0 .../llms}/text-to-text-generation.md | 0 .../llms}/token-classification.md | 0 .../llms}/translation.md | 0 .../llms}/zero-shot-classification.md | 0 .../README.md} | 0 .../supervised-learning}/classification.md | 0 .../supervised-learning}/clustering.md | 0 .../data-pre-processing.md | 0 .../supervised-learning}/decomposition.md | 0 .../hyperparameter-search.md | 0 .../joint-optimization.md | 0 .../supervised-learning}/regression.md | 0 .../components/cms/index_link/index_link.scss | 2 +- .../navigation/left_nav/docs/docs.scss | 6 +++- .../static/css/scss/abstracts/variables.scss | 2 +- 26 files changed, 59 insertions(+), 51 deletions(-) rename pgml-cms/docs/open-source/pgml/api/{pgml.train/README.md => pgml.train.md} (95%) rename pgml-cms/docs/open-source/pgml/api/{pgml.transform/README.md => pgml.transform.md} (70%) create mode 100644 pgml-cms/docs/open-source/pgml/guides/llms/README.md rename pgml-cms/docs/open-source/pgml/{api/pgml.transform => guides/llms}/fill-mask.md (100%) rename pgml-cms/docs/open-source/pgml/{api/pgml.transform => guides/llms}/question-answering.md (100%) rename pgml-cms/docs/open-source/pgml/{api/pgml.transform => guides/llms}/summarization.md (100%) rename pgml-cms/docs/open-source/pgml/{api/pgml.transform => guides/llms}/text-classification.md (100%) rename pgml-cms/docs/open-source/pgml/{api/pgml.transform => guides/llms}/text-generation.md (100%) rename pgml-cms/docs/open-source/pgml/{api/pgml.transform => guides/llms}/text-to-text-generation.md (100%) rename pgml-cms/docs/open-source/pgml/{api/pgml.transform => guides/llms}/token-classification.md (100%) rename pgml-cms/docs/open-source/pgml/{api/pgml.transform => guides/llms}/translation.md (100%) rename pgml-cms/docs/open-source/pgml/{api/pgml.transform => guides/llms}/zero-shot-classification.md (100%) rename pgml-cms/docs/open-source/pgml/guides/{supervised-learning.md => supervised-learning/README.md} (100%) rename pgml-cms/docs/open-source/pgml/{api/pgml.train => guides/supervised-learning}/classification.md (100%) rename pgml-cms/docs/open-source/pgml/{api/pgml.train => guides/supervised-learning}/clustering.md (100%) rename pgml-cms/docs/open-source/pgml/{api/pgml.train => guides/supervised-learning}/data-pre-processing.md (100%) rename pgml-cms/docs/open-source/pgml/{api/pgml.train => guides/supervised-learning}/decomposition.md (100%) rename pgml-cms/docs/open-source/pgml/{api/pgml.train => guides/supervised-learning}/hyperparameter-search.md (100%) rename pgml-cms/docs/open-source/pgml/{api/pgml.train => guides/supervised-learning}/joint-optimization.md (100%) rename pgml-cms/docs/open-source/pgml/{api/pgml.train => guides/supervised-learning}/regression.md (100%) diff --git a/pgml-cms/docs/SUMMARY.md b/pgml-cms/docs/SUMMARY.md index 59687e3e7..971ac26cc 100644 --- a/pgml-cms/docs/SUMMARY.md +++ b/pgml-cms/docs/SUMMARY.md @@ -23,16 +23,16 @@ * [PGML](open-source/pgml/README.md) * [API](open-source/pgml/api/README.md) * [pgml.embed()](open-source/pgml/api/pgml.embed.md) - * [pgml.transform()](open-source/pgml/api/pgml.transform/README.md) - * [Fill-Mask](open-source/pgml/api/pgml.transform/fill-mask.md) - * [Question answering](open-source/pgml/api/pgml.transform/question-answering.md) - * [Summarization](open-source/pgml/api/pgml.transform/summarization.md) - * [Text classification](open-source/pgml/api/pgml.transform/text-classification.md) - * [Text Generation](open-source/pgml/api/pgml.transform/text-generation.md) - * [Text-to-Text Generation](open-source/pgml/api/pgml.transform/text-to-text-generation.md) - * [Token Classification](open-source/pgml/api/pgml.transform/token-classification.md) - * [Translation](open-source/pgml/api/pgml.transform/translation.md) - * [Zero-shot Classification](open-source/pgml/api/pgml.transform/zero-shot-classification.md) + * [pgml.transform()](open-source/pgml/guides/llms/README.md) + * [Fill-Mask](open-source/pgml/guides/llms/fill-mask.md) + * [Question answering](open-source/pgml/guides/llms/question-answering.md) + * [Summarization](open-source/pgml/guides/llms/summarization.md) + * [Text classification](open-source/pgml/guides/llms/text-classification.md) + * [Text Generation](open-source/pgml/guides/llms/text-generation.md) + * [Text-to-Text Generation](open-source/pgml/guides/llms/text-to-text-generation.md) + * [Token Classification](open-source/pgml/guides/llms/token-classification.md) + * [Translation](open-source/pgml/guides/llms/translation.md) + * [Zero-shot Classification](open-source/pgml/guides/llms/zero-shot-classification.md) * [pgml.transform_stream()](open-source/pgml/api/pgml.transform_stream.md) * [pgml.deploy()](open-source/pgml/api/pgml.deploy.md) * [pgml.decompose()](open-source/pgml/api/pgml.decompose.md) @@ -41,13 +41,13 @@ * [pgml.predict()](open-source/pgml/api/pgml.predict/README.md) * [Batch Predictions](open-source/pgml/api/pgml.predict/batch-predictions.md) * [pgml.train()](open-source/pgml/api/pgml.train/README.md) - * [Regression](open-source/pgml/api/pgml.train/regression.md) - * [Classification](open-source/pgml/api/pgml.train/classification.md) - * [Clustering](open-source/pgml/api/pgml.train/clustering.md) - * [Decomposition](open-source/pgml/api/pgml.train/decomposition.md) - * [Data Pre-processing](open-source/pgml/api/pgml.train/data-pre-processing.md) - * [Hyperparameter Search](open-source/pgml/api/pgml.train/hyperparameter-search.md) - * [Joint Optimization](open-source/pgml/api/pgml.train/joint-optimization.md) + * [Regression](open-source/pgml/guides/supervised-learning/regression.md) + * [Classification](open-source/pgml/guides/supervised-learning/classification.md) + * [Clustering](open-source/pgml/guides/supervised-learning/clustering.md) + * [Decomposition](open-source/pgml/guides/supervised-learning/decomposition.md) + * [Data Pre-processing](open-source/pgml/guides/supervised-learning/data-pre-processing.md) + * [Hyperparameter Search](open-source/pgml/guides/supervised-learning/hyperparameter-search.md) + * [Joint Optimization](open-source/pgml/guides/supervised-learning/joint-optimization.md) * [pgml.tune()](open-source/pgml/api/pgml.tune.md) * [Guides](open-source/pgml/guides/README.md) * [Embeddings](open-source/pgml/guides/embeddings/README.md) @@ -58,7 +58,7 @@ * [Normalization](open-source/pgml/guides/embeddings/vector-normalization.md) * [Search](open-source/pgml/guides/improve-search-results-with-machine-learning.md) * [Chatbots](open-source/pgml/guides/chatbots/README.md) - * [Supervised Learning](open-source/pgml/guides/supervised-learning.md) + * [Supervised Learning](open-source/pgml/guides/supervised-learning/supervised-learning.md) * [Unified RAG](open-source/pgml/guides/unified-rag.md) * [Natural Language Processing](open-source/pgml/guides/natural-language-processing.md) * [Vector database](open-source/pgml/guides/vector-database.md) diff --git a/pgml-cms/docs/open-source/pgml/README.md b/pgml-cms/docs/open-source/pgml/README.md index 2eee57e28..262efd326 100644 --- a/pgml-cms/docs/open-source/pgml/README.md +++ b/pgml-cms/docs/open-source/pgml/README.md @@ -18,7 +18,7 @@ See the [API](api/) for a full list of all functions provided by `pgml`. Common tasks include: - [Splitting text - pgml.chunk()](api/pgml.chunk) - [Generating embeddings - pgml.embed()](api/pgml.embed) -- [Generating text - pgml.transform()](api/pgml.transform/text-generation) +- [Generating text - pgml.transform()](guides/llms/text-generation.md) - [Streaming generated text - pgml.transform_stream()](api/pgml.transform_stream) ## Open-source LLMs diff --git a/pgml-cms/docs/open-source/pgml/api/pgml.train/README.md b/pgml-cms/docs/open-source/pgml/api/pgml.train.md similarity index 95% rename from pgml-cms/docs/open-source/pgml/api/pgml.train/README.md rename to pgml-cms/docs/open-source/pgml/api/pgml.train.md index 9a8507ea9..a52b045cc 100644 --- a/pgml-cms/docs/open-source/pgml/api/pgml.train/README.md +++ b/pgml-cms/docs/open-source/pgml/api/pgml.train.md @@ -39,12 +39,12 @@ pgml.train( | `y_column_name` | `'clicked'` | The name of the label (aka "target" or "unknown") column in the training table. | | `algorithm` | `'xgboost'` |

The algorithm to train on the dataset, see the task specific pages for available algorithms:
regression.md

classification.md
clustering.md

| | `hyperparams` | `{ "n_estimators": 25 }` | The hyperparameters to pass to the algorithm for training, JSON formatted. | -| `search` | `grid` | If set, PostgresML will perform a hyperparameter search to find the best hyperparameters for the algorithm. See [hyperparameter-search.md](hyperparameter-search.md "mention") for details. | +| `search` | `grid` | If set, PostgresML will perform a hyperparameter search to find the best hyperparameters for the algorithm. See [hyperparameter-search.md](../guides/supervised-learning/hyperparameter-search.md "mention") for details. | | `search_params` | `{ "n_estimators": [5, 10, 25, 100] }` | Search parameters used in the hyperparameter search, using the scikit-learn notation, JSON formatted. | | `search_args` | `{ "n_iter": 10 }` | Configuration parameters for the search, JSON formatted. Currently only `n_iter` is supported for `random` search. | | `test_size` | `0.25` | Fraction of the dataset to use for the test set and algorithm validation. | | `test_sampling` | `random` | Algorithm used to fetch test data from the dataset: `random`, `first`, or `last`. | -| `preprocess` | `{"col_name": {"impute": "mean", scale: "standard"}}` | Preprocessing steps to impute NULLS, encode categoricals and scale inputs. See [data-pre-processing.md](data-pre-processing.md "mention") for details. | +| `preprocess` | `{"col_name": {"impute": "mean", scale: "standard"}}` | Preprocessing steps to impute NULLS, encode categoricals and scale inputs. See [data-pre-processing.md](../guides/supervised-learning/data-pre-processing.md "mention") for details. | !!! example diff --git a/pgml-cms/docs/open-source/pgml/api/pgml.transform/README.md b/pgml-cms/docs/open-source/pgml/api/pgml.transform.md similarity index 70% rename from pgml-cms/docs/open-source/pgml/api/pgml.transform/README.md rename to pgml-cms/docs/open-source/pgml/api/pgml.transform.md index b9d6de949..8183852f3 100644 --- a/pgml-cms/docs/open-source/pgml/api/pgml.transform/README.md +++ b/pgml-cms/docs/open-source/pgml/api/pgml.transform.md @@ -160,30 +160,6 @@ transform( {% endtab %} {% endtabs %} +## Guides -### Supported tasks - -PostgresML currently supports most NLP tasks available on Hugging Face: - -| Task | Name | Description | -|------|-------------|---------| -| [Fill mask](fill-mask) | `key-mask` | Fill in the blank in a sentence. | -| [Question answering](question-answering) | `question-answering` | Answer a question based on a context. | -| [Summarization](summarization) | `summarization` | Summarize a long text. | -| [Text classification](text-classification) | `text-classification` | Classify a text as positive or negative. | -| [Text generation](text-generation) | `text-generation` | Generate text based on a prompt. | -| [Text-to-text generation](text-to-text-generation) | `text-to-text-generation` | Generate text based on an instruction in the prompt. | -| [Token classification](token-classification) | `token-classification` | Classify tokens in a text. | -| [Translation](translation) | `translation` | Translate text from one language to another. | -| [Zero-shot classification](zero-shot-classification) | `zero-shot-classification` | Classify a text without training data. | -| Conversational | `conversational` | Engage in a conversation with the model, e.g. chatbot. | - -### Structured inputs - -Both versions of the `pgml.transform()` function also support structured inputs, formatted with JSON. Structured inputs are used with the conversational task, e.g. to differentiate between the system and user prompts. Simply replace the text array argument with an array of JSONB objects. - - -## Additional resources - -- [Hugging Face datasets](https://huggingface.co/datasets) -- [Hugging Face tasks](https://huggingface.co/tasks) +See also: [LLM guides](../guides/llms/) for more examples diff --git a/pgml-cms/docs/open-source/pgml/guides/README.md b/pgml-cms/docs/open-source/pgml/guides/README.md index f6221b691..88e5b1576 100644 --- a/pgml-cms/docs/open-source/pgml/guides/README.md +++ b/pgml-cms/docs/open-source/pgml/guides/README.md @@ -8,7 +8,7 @@ * [Normalization](embeddings/vector-normalization.md) * [Search](improve-search-results-with-machine-learning.md) * [Chatbots](chatbots/) -* [Supervised Learning](supervised-learning.md) +* [Supervised Learning](supervised-learning/supervised-learning.md) * [Unified RAG](unified-rag.md) * [Natural Language Processing](natural-language-processing.md) * [Vector Database](vector-database.md) diff --git a/pgml-cms/docs/open-source/pgml/guides/llms/README.md b/pgml-cms/docs/open-source/pgml/guides/llms/README.md new file mode 100644 index 000000000..84a74a17e --- /dev/null +++ b/pgml-cms/docs/open-source/pgml/guides/llms/README.md @@ -0,0 +1,28 @@ +# LLMs + +## Supported tasks + +PostgresML currently supports most LLM tasks for Natural Language Processing available on Hugging Face: + +| Task | Name | Description | +|---------------------------------------------------------|-------------|---------| +| [Fill mask](../guides/llms/fill-mask.md) | `key-mask` | Fill in the blank in a sentence. | +| [Question answering](../guides/llms/question-answering.md) | `question-answering` | Answer a question based on a context. | +| [Summarization](../guides/llms/summarization.md) | `summarization` | Summarize a long text. | +| [Text classification](../guides/llms/text-classification.md) | `text-classification` | Classify a text as positive or negative. | +| [Text generation](../guides/llms/text-generation.md) | `text-generation` | Generate text based on a prompt. | +| [Text-to-text generation](../guides/llms/text-to-text-generation.md) | `text-to-text-generation` | Generate text based on an instruction in the prompt. | +| [Token classification](../guides/llms/token-classification.md) | `token-classification` | Classify tokens in a text. | +| [Translation](../guides/llms/translation.md) | `translation` | Translate text from one language to another. | +| [Zero-shot classification](../guides/llms/zero-shot-classification.md) | `zero-shot-classification` | Classify a text without training data. | +| Conversational | `conversational` | Engage in a conversation with the model, e.g. chatbot. | + +## Structured inputs + +Both versions of the `pgml.transform()` function also support structured inputs, formatted with JSON. Structured inputs are used with the conversational task, e.g. to differentiate between the system and user prompts. Simply replace the text array argument with an array of JSONB objects. + + +## Additional resources + +- [Hugging Face datasets](https://huggingface.co/datasets) +- [Hugging Face tasks](https://huggingface.co/tasks) diff --git a/pgml-cms/docs/open-source/pgml/api/pgml.transform/fill-mask.md b/pgml-cms/docs/open-source/pgml/guides/llms/fill-mask.md similarity index 100% rename from pgml-cms/docs/open-source/pgml/api/pgml.transform/fill-mask.md rename to pgml-cms/docs/open-source/pgml/guides/llms/fill-mask.md diff --git a/pgml-cms/docs/open-source/pgml/api/pgml.transform/question-answering.md b/pgml-cms/docs/open-source/pgml/guides/llms/question-answering.md similarity index 100% rename from pgml-cms/docs/open-source/pgml/api/pgml.transform/question-answering.md rename to pgml-cms/docs/open-source/pgml/guides/llms/question-answering.md diff --git a/pgml-cms/docs/open-source/pgml/api/pgml.transform/summarization.md b/pgml-cms/docs/open-source/pgml/guides/llms/summarization.md similarity index 100% rename from pgml-cms/docs/open-source/pgml/api/pgml.transform/summarization.md rename to pgml-cms/docs/open-source/pgml/guides/llms/summarization.md diff --git a/pgml-cms/docs/open-source/pgml/api/pgml.transform/text-classification.md b/pgml-cms/docs/open-source/pgml/guides/llms/text-classification.md similarity index 100% rename from pgml-cms/docs/open-source/pgml/api/pgml.transform/text-classification.md rename to pgml-cms/docs/open-source/pgml/guides/llms/text-classification.md diff --git a/pgml-cms/docs/open-source/pgml/api/pgml.transform/text-generation.md b/pgml-cms/docs/open-source/pgml/guides/llms/text-generation.md similarity index 100% rename from pgml-cms/docs/open-source/pgml/api/pgml.transform/text-generation.md rename to pgml-cms/docs/open-source/pgml/guides/llms/text-generation.md diff --git a/pgml-cms/docs/open-source/pgml/api/pgml.transform/text-to-text-generation.md b/pgml-cms/docs/open-source/pgml/guides/llms/text-to-text-generation.md similarity index 100% rename from pgml-cms/docs/open-source/pgml/api/pgml.transform/text-to-text-generation.md rename to pgml-cms/docs/open-source/pgml/guides/llms/text-to-text-generation.md diff --git a/pgml-cms/docs/open-source/pgml/api/pgml.transform/token-classification.md b/pgml-cms/docs/open-source/pgml/guides/llms/token-classification.md similarity index 100% rename from pgml-cms/docs/open-source/pgml/api/pgml.transform/token-classification.md rename to pgml-cms/docs/open-source/pgml/guides/llms/token-classification.md diff --git a/pgml-cms/docs/open-source/pgml/api/pgml.transform/translation.md b/pgml-cms/docs/open-source/pgml/guides/llms/translation.md similarity index 100% rename from pgml-cms/docs/open-source/pgml/api/pgml.transform/translation.md rename to pgml-cms/docs/open-source/pgml/guides/llms/translation.md diff --git a/pgml-cms/docs/open-source/pgml/api/pgml.transform/zero-shot-classification.md b/pgml-cms/docs/open-source/pgml/guides/llms/zero-shot-classification.md similarity index 100% rename from pgml-cms/docs/open-source/pgml/api/pgml.transform/zero-shot-classification.md rename to pgml-cms/docs/open-source/pgml/guides/llms/zero-shot-classification.md diff --git a/pgml-cms/docs/open-source/pgml/guides/supervised-learning.md b/pgml-cms/docs/open-source/pgml/guides/supervised-learning/README.md similarity index 100% rename from pgml-cms/docs/open-source/pgml/guides/supervised-learning.md rename to pgml-cms/docs/open-source/pgml/guides/supervised-learning/README.md diff --git a/pgml-cms/docs/open-source/pgml/api/pgml.train/classification.md b/pgml-cms/docs/open-source/pgml/guides/supervised-learning/classification.md similarity index 100% rename from pgml-cms/docs/open-source/pgml/api/pgml.train/classification.md rename to pgml-cms/docs/open-source/pgml/guides/supervised-learning/classification.md diff --git a/pgml-cms/docs/open-source/pgml/api/pgml.train/clustering.md b/pgml-cms/docs/open-source/pgml/guides/supervised-learning/clustering.md similarity index 100% rename from pgml-cms/docs/open-source/pgml/api/pgml.train/clustering.md rename to pgml-cms/docs/open-source/pgml/guides/supervised-learning/clustering.md diff --git a/pgml-cms/docs/open-source/pgml/api/pgml.train/data-pre-processing.md b/pgml-cms/docs/open-source/pgml/guides/supervised-learning/data-pre-processing.md similarity index 100% rename from pgml-cms/docs/open-source/pgml/api/pgml.train/data-pre-processing.md rename to pgml-cms/docs/open-source/pgml/guides/supervised-learning/data-pre-processing.md diff --git a/pgml-cms/docs/open-source/pgml/api/pgml.train/decomposition.md b/pgml-cms/docs/open-source/pgml/guides/supervised-learning/decomposition.md similarity index 100% rename from pgml-cms/docs/open-source/pgml/api/pgml.train/decomposition.md rename to pgml-cms/docs/open-source/pgml/guides/supervised-learning/decomposition.md diff --git a/pgml-cms/docs/open-source/pgml/api/pgml.train/hyperparameter-search.md b/pgml-cms/docs/open-source/pgml/guides/supervised-learning/hyperparameter-search.md similarity index 100% rename from pgml-cms/docs/open-source/pgml/api/pgml.train/hyperparameter-search.md rename to pgml-cms/docs/open-source/pgml/guides/supervised-learning/hyperparameter-search.md diff --git a/pgml-cms/docs/open-source/pgml/api/pgml.train/joint-optimization.md b/pgml-cms/docs/open-source/pgml/guides/supervised-learning/joint-optimization.md similarity index 100% rename from pgml-cms/docs/open-source/pgml/api/pgml.train/joint-optimization.md rename to pgml-cms/docs/open-source/pgml/guides/supervised-learning/joint-optimization.md diff --git a/pgml-cms/docs/open-source/pgml/api/pgml.train/regression.md b/pgml-cms/docs/open-source/pgml/guides/supervised-learning/regression.md similarity index 100% rename from pgml-cms/docs/open-source/pgml/api/pgml.train/regression.md rename to pgml-cms/docs/open-source/pgml/guides/supervised-learning/regression.md diff --git a/pgml-dashboard/src/components/cms/index_link/index_link.scss b/pgml-dashboard/src/components/cms/index_link/index_link.scss index c3f6a3dc6..72617f6e0 100644 --- a/pgml-dashboard/src/components/cms/index_link/index_link.scss +++ b/pgml-dashboard/src/components/cms/index_link/index_link.scss @@ -5,7 +5,7 @@ div[data-controller="cms-index-link"] { .level-2-list, .level-3-list { margin-left: 4px; - padding-left: 19px; + padding-left: 10px; border-left: 1px solid #{$gray-600}; } diff --git a/pgml-dashboard/src/components/navigation/left_nav/docs/docs.scss b/pgml-dashboard/src/components/navigation/left_nav/docs/docs.scss index ad3b22233..c27bf348c 100644 --- a/pgml-dashboard/src/components/navigation/left_nav/docs/docs.scss +++ b/pgml-dashboard/src/components/navigation/left_nav/docs/docs.scss @@ -52,7 +52,11 @@ div[data-controller="navigation-left-nav-docs"] { padding: 8px 0px 8px 8px; border-radius: 4px; } - + + .nav { + font-size: 16px; + } + .nav-link { padding: 8px; } diff --git a/pgml-dashboard/static/css/scss/abstracts/variables.scss b/pgml-dashboard/static/css/scss/abstracts/variables.scss index 4825500cb..220dba202 100644 --- a/pgml-dashboard/static/css/scss/abstracts/variables.scss +++ b/pgml-dashboard/static/css/scss/abstracts/variables.scss @@ -253,7 +253,7 @@ $left-nav-w: 17rem; $left-nav-w-collapsed: 88px; // Docs Left Nav -$docs-left-nav-w: 260px; +$docs-left-nav-w: 300px; // WebApp Content Container $webapp-content-max-width: 1224px; From 0c906b989d4833dd5846ae92e513f112d51f556c Mon Sep 17 00:00:00 2001 From: Montana Low Date: Sat, 10 Aug 2024 19:05:11 -0700 Subject: [PATCH 3/8] more link updates --- .../pgml/guides/natural-language-processing.md | 10 ---------- pgml-dashboard/src/api/cms.rs | 14 +++++++------- 2 files changed, 7 insertions(+), 17 deletions(-) delete mode 100644 pgml-cms/docs/open-source/pgml/guides/natural-language-processing.md diff --git a/pgml-cms/docs/open-source/pgml/guides/natural-language-processing.md b/pgml-cms/docs/open-source/pgml/guides/natural-language-processing.md deleted file mode 100644 index 97d05e50d..000000000 --- a/pgml-cms/docs/open-source/pgml/guides/natural-language-processing.md +++ /dev/null @@ -1,10 +0,0 @@ -# Natural Language Processing - -PostgresML integrates [🤗 Hugging Face Transformers](https://huggingface.co/transformers) to bring state-of-the-art models into the data layer. There are tens of thousands of pre-trained models with pipelines to turn raw inputs into useful results. Many state of the art deep learning architectures have been published and made available for download. You will want to browse all the [models](https://huggingface.co/models) available to find the perfect solution for your [dataset](https://huggingface.co/dataset) and [task](https://huggingface.co/tasks). For instance, with PostgresML you can: - -* Perform natural language processing (NLP) tasks like sentiment analysis, question and answering, translation, summarization and text generation -* Access 1000s of state-of-the-art language models like GPT-2, GPT-J, GPT-Neo from :hugs: HuggingFace model hub -* Fine tune large language models (LLMs) on your own text data for different tasks -* Use your existing PostgreSQL database as a vector database by generating embeddings from text stored in the database. - -See [pgml.transform](../api/sql-extension/pgml.transform/ "mention") for examples of using transformers or [pgml.tune.md](../api/sql-extension/pgml.tune.md "mention") for fine tuning. diff --git a/pgml-dashboard/src/api/cms.rs b/pgml-dashboard/src/api/cms.rs index 4fd1690bd..058e887be 100644 --- a/pgml-dashboard/src/api/cms.rs +++ b/pgml-dashboard/src/api/cms.rs @@ -56,13 +56,13 @@ lazy_static! { "Docs", false, HashMap::from([ - ("sdks/tutorials/semantic-search-using-instructor-model", "api/client-sdk/tutorials/semantic-search-using-instructor-model"), - ("data-storage-and-retrieval/documents", "resources/data-storage-and-retrieval/documents"), - ("guides/setup/quick_start_with_docker", "resources/developer-docs/quick-start-with-docker"), - ("guides/transformers/setup", "resources/developer-docs/quick-start-with-docker"), - ("transformers/fine_tuning/", "api/sql-extension/pgml.tune"), - ("guides/predictions/overview", "api/sql-extension/pgml.predict/"), - ("machine-learning/supervised-learning/data-pre-processing", "api/sql-extension/pgml.train/data-pre-processing"), + ("sdks/tutorials/semantic-search-using-instructor-model", "open-source/korvus/example-apps/semantic-search"), + ("data-storage-and-retrieval/documents", "introduction/import-your-data/storage-and-retrieval/documents"), + ("guides/setup/quick_start_with_docker", "open-source/pgml/developers/quick-start-with-docker"), + ("guides/transformers/setup", "open-source/pgml/developers/quick-start-with-docker"), + ("transformers/fine_tuning/", "open-source/pgml/api/pgml.tune"), + ("guides/predictions/overview", "open-source/pgml/api/pgml.predict/"), + ("machine-learning/supervised-learning/data-pre-processing", "open-source/pgml/guides/supervised-learning/data-pre-processing"), ("introduction/getting-started/import-your-data/", "introduction/import-your-data/"), ("introduction/getting-started/import-your-data/foreign-data-wrapper", "introduction/import-your-data/foreign-data-wrappers"), ("use-cases/embeddings/generating-llm-embeddings-with-open-source-models-in-postgresml", "open-source/pgml/guides/embeddings/in-database-generation"), From b9cbb14eb707b8427d244890ef7e8eb13ed1dca2 Mon Sep 17 00:00:00 2001 From: Montana Low Date: Sat, 10 Aug 2024 19:25:24 -0700 Subject: [PATCH 4/8] links --- README.md | 6 +- ...mantic-search-in-postgres-in-15-minutes.md | 2 +- ...nalysis-using-express-js-and-postgresml.md | 4 +- ...gresml-with-django-and-embedding-search.md | 2 +- pgml-cms/docs/README.md | 8 +- pgml-cms/docs/SUMMARY.md | 192 +++++++++--------- .../introduction/getting-started/README.md | 8 +- pgml-cms/docs/open-source/pgml/README.md | 8 +- pgml-cms/docs/open-source/pgml/api/README.md | 8 +- .../pgml/api/pgml.transform_stream.md | 2 +- .../docs/open-source/pgml/guides/README.md | 28 ++- .../embeddings/in-database-generation.md | 2 +- .../guides/embeddings/vector-normalization.md | 2 +- .../open-source/pgml/guides/llms/README.md | 27 ++- .../pgml/guides/supervised-learning/README.md | 4 +- .../guides/supervised-learning/clustering.md | 2 +- .../supervised-learning/decomposition.md | 2 +- .../pgml/guides/vector-database.md | 6 +- pgml-extension/README.md | 2 +- 19 files changed, 170 insertions(+), 145 deletions(-) diff --git a/README.md b/README.md index ab23e1946..a3bfa083e 100644 --- a/README.md +++ b/README.md @@ -97,7 +97,7 @@ SELECT pgml.transform( ``` ## Tabular data -- [47+ classification and regression algorithms](https://postgresml.org/docs/api/sql-extension/pgml.train/) +- [47+ classification and regression algorithms](/docs/open-source/pgml/api/pgml.train) - [8 - 40X faster inference than HTTP based model serving](https://postgresml.org/blog/postgresml-is-8x-faster-than-python-http-microservices) - [Millions of transactions per second](https://postgresml.org/blog/scaling-postgresml-to-one-million-requests-per-second) - [Horizontal scalability](https://github.com/postgresml/pgcat) @@ -142,7 +142,7 @@ docker run \ sudo -u postgresml psql -d postgresml ``` -For more details, take a look at our [Quick Start with Docker](https://postgresml.org/docs/resources/developer-docs/quick-start-with-docker) documentation. +For more details, take a look at our [Quick Start with Docker](https://postgresml.org/docs/open-source/pgml/developers/quick-start-with-docker) documentation. # Getting Started @@ -1105,7 +1105,7 @@ pgml: SELECT logs->>'epoch' AS epoch, logs->>'step' AS step, logs->>'loss' AS lo During training, model is periodically uploaded to Hugging Face Hub. You will find the model at `https://huggingface.co//`. An example model that was automatically pushed to Hugging Face Hub is [here](https://huggingface.co/santiadavani/imdb_review_sentiement). ### 6. Inference using fine-tuned model -Now, that we have fine-tuned model on Hugging Face Hub, we can use [`pgml.transform`](https://postgresml.org/docs/introduction/apis/sql-extensions/pgml.transform/text-classification) to perform real-time predictions as well as batch predictions. +Now, that we have fine-tuned model on Hugging Face Hub, we can use [`pgml.transform`](/docs/open-source/pgml/guides/llms/text-classification) to perform real-time predictions as well as batch predictions. **Real-time predictions** diff --git a/pgml-cms/blog/semantic-search-in-postgres-in-15-minutes.md b/pgml-cms/blog/semantic-search-in-postgres-in-15-minutes.md index 1e0b3ec5f..b24297452 100644 --- a/pgml-cms/blog/semantic-search-in-postgres-in-15-minutes.md +++ b/pgml-cms/blog/semantic-search-in-postgres-in-15-minutes.md @@ -56,7 +56,7 @@ SELECT pgml.embed('mixedbread-ai/mxbai-embed-large-v1', 'Generating embeddings i !!! -We used the [pgml.embed](/docs/api/sql-extension/pgml.embed) PostresML function to generate an embedding of the sentence "Generating embeddings in Postgres is fun!" using the [mixedbread-ai/mxbai-embed-large-v1](https://huggingface.co/mixedbread-ai/mxbai-embed-large-v1) model from mixedbread.ai. +We used the [pgml.embed](/docs/open-source/pgml/api/pgml.embed) PostresML function to generate an embedding of the sentence "Generating embeddings in Postgres is fun!" using the [mixedbread-ai/mxbai-embed-large-v1](https://huggingface.co/mixedbread-ai/mxbai-embed-large-v1) model from mixedbread.ai. The output size of the vector varies per model, and in `mxbai-embed-large-v1` outputs vectors with 1024 dimensions: each vector contains 1024 floating point numbers. diff --git a/pgml-cms/blog/sentiment-analysis-using-express-js-and-postgresml.md b/pgml-cms/blog/sentiment-analysis-using-express-js-and-postgresml.md index 56f836db3..97f397dea 100644 --- a/pgml-cms/blog/sentiment-analysis-using-express-js-and-postgresml.md +++ b/pgml-cms/blog/sentiment-analysis-using-express-js-and-postgresml.md @@ -146,8 +146,8 @@ not bad for less than an hour of coding. ### Final Thoughts -This app is far from complete but does show an easy and scalable way to get started with ML in Express. From here I encourage you to head over to our [docs](https://postgresml.org/docs/api/sql-extension/) and see what other features could be added. +This app is far from complete but does show an easy and scalable way to get started with ML in Express. From here I encourage you to head over to our [docs](https://postgresml.org/docs/) and see what other features could be added. -If SQL is not your thing, no worries. Check out or [JS SDK](https://postgresml.org/docs/api/client-sdk/getting-started) to streamline all our best practices with simple JavaScript. +If SQL is not your thing, no worries. Check out or [JS SDK](https://postgresml.org/docs/open-source/korvus) to streamline all our best practices with simple JavaScript. We love hearing from you — please reach out to us on [Discord ](https://discord.gg/DmyJP3qJ7U)or simply [Contact Us](https://postgresml.org/contact) here if you have any questions or feedback. diff --git a/pgml-cms/blog/using-postgresml-with-django-and-embedding-search.md b/pgml-cms/blog/using-postgresml-with-django-and-embedding-search.md index 0ad6d6820..d37a0230f 100644 --- a/pgml-cms/blog/using-postgresml-with-django-and-embedding-search.md +++ b/pgml-cms/blog/using-postgresml-with-django-and-embedding-search.md @@ -28,7 +28,7 @@ PostgresML allows anyone to integrate advanced AI capabilities into their applic Advanced search engines like Google use this technique to extract the meaning of search queries and rank the results based on what the user actually _wants_, unlike simple keyword matches which can easily give irrelevant results. -To accomplish this, for each document in our app, we include an embedding column stored as a vector. A vector is just an array of floating point numbers. For each item in our to-do list, we automatically generate the embedding using the PostgresML [`pgml.embed()`](https://postgresml.org/docs/introduction/apis/sql-extensions/pgml.embed) function. This function runs inside the database and doesn't require the Django app to install the model locally. +To accomplish this, for each document in our app, we include an embedding column stored as a vector. A vector is just an array of floating point numbers. For each item in our to-do list, we automatically generate the embedding using the PostgresML [`pgml.embed()`](/docs/open-source/pgml/api/pgml.embed) function. This function runs inside the database and doesn't require the Django app to install the model locally. An embedding model running inside PostgresML is able to extract the meaning of search queries & compare it to the meaning of the documents it stores, just like a human being would if they were able to search millions of documents in just a few milliseconds. diff --git a/pgml-cms/docs/README.md b/pgml-cms/docs/README.md index 37b7ac1e1..ff9a697d1 100644 --- a/pgml-cms/docs/README.md +++ b/pgml-cms/docs/README.md @@ -23,16 +23,14 @@ PostgresML allows you to take advantage of the fundamental relationship between These capabilities are primarily provided by two open-source software projects, that may be used independently, but are designed to be used together with the rest of the Postgres ecosystem: -* [**pgml**](/docs/api/sql-extension/) - an open source extension for PostgreSQL. It adds support for GPUs and the latest ML & AI algorithms _inside_ the database with a SQL API and no additional infrastructure, networking latency, or reliability costs. -* [**PgCat**](/docs/product/pgcat/) - an open source connection pooler for PostgreSQL. It abstracts the scalability and reliability concerns of managing a distributed cluster of Postgres databases. Client applications connect only to the pooler, which handles load balancing, sharding, and failover, outside of any single database server. +* [**pgml**](/docs/open-source/pgml/) - an open source extension for PostgreSQL. It adds support for GPUs and the latest ML & AI algorithms _inside_ the database with a SQL API and no additional infrastructure, networking latency, or reliability costs. +* [**PgCat**](/docs/open-source/pgcat/) - an open source connection pooler for PostgreSQL. It abstracts the scalability and reliability concerns of managing a distributed cluster of Postgres databases. Client applications connect only to the pooler, which handles load balancing, sharding, and failover, outside of any single database server.
PostgresML architectural diagram
-To learn more about how we designed PostgresML, take a look at our [architecture overview](/docs/resources/architecture/). - ## Client SDK -The PostgresML team also provides [native language SDKs](/docs/api/client-sdk/) which implement best practices for common ML & AI applications. The JavaScript and Python SDKs are generated from the a core Rust library, which provides a uniform API, correctness and efficiency across all environments. +The PostgresML team also provides [native language SDKs](/docs/open-source/korvus/) which implement best practices for common ML & AI applications. The JavaScript and Python SDKs are generated from the a core Rust library, which provides a uniform API, correctness and efficiency across all environments. While using the SDK is completely optional, SDK clients can perform advanced machine learning tasks in a single SQL request, without having to transfer additional data, models, hardware or dependencies to the client application. diff --git a/pgml-cms/docs/SUMMARY.md b/pgml-cms/docs/SUMMARY.md index 971ac26cc..669d9a166 100644 --- a/pgml-cms/docs/SUMMARY.md +++ b/pgml-cms/docs/SUMMARY.md @@ -2,66 +2,66 @@ ## Introduction -* [Overview](README.md) -* [Getting started](introduction/getting-started/README.md) - * [Create your database](introduction/getting-started/create-your-database.md) - * [Connect your app](introduction/getting-started/connect-your-app.md) -* [Import your data](introduction/import-your-data/README.md) - * [Logical replication](introduction/import-your-data/logical-replication/README.md) - * [Foreign Data Wrappers](introduction/import-your-data/foreign-data-wrappers.md) - * [Move data with COPY](introduction/import-your-data/copy.md) - * [Migrate with pg_dump](introduction/import-your-data/pg-dump.md) - * [Storage & Retrieval](introduction/import-your-data/storage-and-retrieval/README.md) - * [Documents](introduction/import-your-data/storage-and-retrieval/documents.md) - * [Partitioning](introduction/import-your-data/storage-and-retrieval/partitioning.md) - * [LLM based pipelines with PostgresML and dbt (data build tool)](introduction/import-your-data/storage-and-retrieval/llm-based-pipelines-with-postgresml-and-dbt-data-build-tool.md) -* [FAQ](introduction/faq.md) +* [Overview](README) +* [Getting started](introduction/getting-started/README) + * [Create your database](introduction/getting-started/create-your-database) + * [Connect your app](introduction/getting-started/connect-your-app) +* [Import your data](introduction/import-your-data/README) + * [Logical replication](introduction/import-your-data/logical-replication/README) + * [Foreign Data Wrappers](introduction/import-your-data/foreign-data-wrappers) + * [Move data with COPY](introduction/import-your-data/copy) + * [Migrate with pg_dump](introduction/import-your-data/pg-dump) + * [Storage & Retrieval](introduction/import-your-data/storage-and-retrieval/README) + * [Documents](introduction/import-your-data/storage-and-retrieval/documents) + * [Partitioning](introduction/import-your-data/storage-and-retrieval/partitioning) + * [LLM based pipelines with PostgresML and dbt (data build tool)](introduction/import-your-data/storage-and-retrieval/llm-based-pipelines-with-postgresml-and-dbt-data-build-tool) +* [FAQ](introduction/faq) ## Open Source -* [Overview](open-source/overview.md) -* [PGML](open-source/pgml/README.md) - * [API](open-source/pgml/api/README.md) - * [pgml.embed()](open-source/pgml/api/pgml.embed.md) - * [pgml.transform()](open-source/pgml/guides/llms/README.md) - * [Fill-Mask](open-source/pgml/guides/llms/fill-mask.md) - * [Question answering](open-source/pgml/guides/llms/question-answering.md) - * [Summarization](open-source/pgml/guides/llms/summarization.md) - * [Text classification](open-source/pgml/guides/llms/text-classification.md) - * [Text Generation](open-source/pgml/guides/llms/text-generation.md) - * [Text-to-Text Generation](open-source/pgml/guides/llms/text-to-text-generation.md) - * [Token Classification](open-source/pgml/guides/llms/token-classification.md) - * [Translation](open-source/pgml/guides/llms/translation.md) - * [Zero-shot Classification](open-source/pgml/guides/llms/zero-shot-classification.md) - * [pgml.transform_stream()](open-source/pgml/api/pgml.transform_stream.md) - * [pgml.deploy()](open-source/pgml/api/pgml.deploy.md) - * [pgml.decompose()](open-source/pgml/api/pgml.decompose.md) - * [pgml.chunk()](open-source/pgml/api/pgml.chunk.md) - * [pgml.generate()](open-source/pgml/api/pgml.generate.md) - * [pgml.predict()](open-source/pgml/api/pgml.predict/README.md) - * [Batch Predictions](open-source/pgml/api/pgml.predict/batch-predictions.md) - * [pgml.train()](open-source/pgml/api/pgml.train/README.md) - * [Regression](open-source/pgml/guides/supervised-learning/regression.md) - * [Classification](open-source/pgml/guides/supervised-learning/classification.md) - * [Clustering](open-source/pgml/guides/supervised-learning/clustering.md) - * [Decomposition](open-source/pgml/guides/supervised-learning/decomposition.md) - * [Data Pre-processing](open-source/pgml/guides/supervised-learning/data-pre-processing.md) - * [Hyperparameter Search](open-source/pgml/guides/supervised-learning/hyperparameter-search.md) - * [Joint Optimization](open-source/pgml/guides/supervised-learning/joint-optimization.md) - * [pgml.tune()](open-source/pgml/api/pgml.tune.md) - * [Guides](open-source/pgml/guides/README.md) - * [Embeddings](open-source/pgml/guides/embeddings/README.md) - * [In-database Generation](open-source/pgml/guides/embeddings/in-database-generation.md) - * [Dimensionality Reduction](open-source/pgml/guides/embeddings/dimensionality-reduction.md) - * [Aggregation](open-source/pgml/guides/embeddings/vector-aggregation.md) - * [Similarity](open-source/pgml/guides/embeddings/vector-similarity.md) - * [Normalization](open-source/pgml/guides/embeddings/vector-normalization.md) - * [Search](open-source/pgml/guides/improve-search-results-with-machine-learning.md) - * [Chatbots](open-source/pgml/guides/chatbots/README.md) - * [Supervised Learning](open-source/pgml/guides/supervised-learning/supervised-learning.md) - * [Unified RAG](open-source/pgml/guides/unified-rag.md) - * [Natural Language Processing](open-source/pgml/guides/natural-language-processing.md) - * [Vector database](open-source/pgml/guides/vector-database.md) +* [Overview](open-source/overview) +* [PGML](open-source/pgml/README) + * [API](open-source/pgml/api/README) + * [pgml.embed()](open-source/pgml/api/pgml.embed) + * [pgml.transform()](open-source/pgml/api/pgml.transform) + * [pgml.transform_stream()](open-source/pgml/api/pgml.transform_stream) + * [pgml.deploy()](open-source/pgml/api/pgml.deploy) + * [pgml.decompose()](open-source/pgml/api/pgml.decompose) + * [pgml.chunk()](open-source/pgml/api/pgml.chunk) + * [pgml.generate()](open-source/pgml/api/pgml.generate) + * [pgml.predict()](open-source/pgml/api/pgml.predict/README) + * [Batch Predictions](open-source/pgml/api/pgml.predict/batch-predictions) + * [pgml.train()](open-source/pgml/api/pgml.train) + * [pgml.tune()](open-source/pgml/api/pgml.tune) + * [Guides](open-source/pgml/guides/README) + * [Embeddings](open-source/pgml/guides/embeddings/README) + * [In-database Generation](open-source/pgml/guides/embeddings/in-database-generation) + * [Dimensionality Reduction](open-source/pgml/guides/embeddings/dimensionality-reduction) + * [Aggregation](open-source/pgml/guides/embeddings/vector-aggregation) + * [Similarity](open-source/pgml/guides/embeddings/vector-similarity) + * [Normalization](open-source/pgml/guides/embeddings/vector-normalization) + * [LLMs](open-source/pgml/guides/llms/README) + * [Fill-Mask](open-source/pgml/guides/llms/fill-mask) + * [Question answering](open-source/pgml/guides/llms/question-answering) + * [Summarization](open-source/pgml/guides/llms/summarization) + * [Text classification](open-source/pgml/guides/llms/text-classification) + * [Text Generation](open-source/pgml/guides/llms/text-generation) + * [Text-to-Text Generation](open-source/pgml/guides/llms/text-to-text-generation) + * [Token Classification](open-source/pgml/guides/llms/token-classification) + * [Translation](open-source/pgml/guides/llms/translation) + * [Zero-shot Classification](open-source/pgml/guides/llms/zero-shot-classification) + * [Supervised Learning](open-source/pgml/guides/supervised-learning/README) + * [Regression](open-source/pgml/guides/supervised-learning/regression) + * [Classification](open-source/pgml/guides/supervised-learning/classification) + * [Clustering](open-source/pgml/guides/supervised-learning/clustering) + * [Decomposition](open-source/pgml/guides/supervised-learning/decomposition) + * [Data Pre-processing](open-source/pgml/guides/supervised-learning/data-pre-processing) + * [Hyperparameter Search](open-source/pgml/guides/supervised-learning/hyperparameter-search) + * [Joint Optimization](open-source/pgml/guides/supervised-learning/joint-optimization) + * [Search](open-source/pgml/guides/improve-search-results-with-machine-learning) + * [Chatbots](open-source/pgml/guides/chatbots/README) + * [Unified RAG](open-source/pgml/guides/unified-rag) + * [Vector database](open-source/pgml/guides/vector-database) - * [Developers](open-source/pgml/developers/README.md) - * [Local Docker Development](open-source/pgml/developers/quick-start-with-docker.md) - * [Installation](open-source/pgml/developers/installation.md) - * [Contributing](open-source/pgml/developers/contributing.md) - * [Distributed Training](open-source/pgml/developers/distributed-training.md) - * [GPU Support](open-source/pgml/developers/gpu-support.md) - * [Self-hosting](open-source/pgml/developers/self-hosting/README.md) - * [Pooler](open-source/pgml/developers/self-hosting/pooler.md) - * [Building from source](open-source/pgml/developers/self-hosting/building-from-source.md) - * [Replication](open-source/pgml/developers/self-hosting/replication.md) - * [Backups](open-source/pgml/developers/self-hosting/backups.md) - * [Running on EC2](open-source/pgml/developers/self-hosting/running-on-ec2.md) -* [Korvus](open-source/korvus/README.md) - * [API](open-source/korvus/api/README.md) - * [Collections](open-source/korvus/api/collections.md) - * [Pipelines](open-source/korvus/api/pipelines.md) - * [Guides](open-source/korvus/guides/README.md) - * [Constructing Pipelines](open-source/korvus/guides/constructing-pipelines.md) - * [RAG](open-source/korvus/guides/rag.md) - * [Vector Search](open-source/korvus/guides/vector-search.md) - * [Document Search](open-source/korvus/guides/document-search.md) - * [OpenSourceAI](open-source/korvus/guides/opensourceai.md) - * [Example Apps](open-source/korvus/example-apps/README.md) - * [Semantic Search](open-source/korvus/example-apps/semantic-search.md) - * [RAG with OpenAI](open-source/korvus/example-apps/rag-with-openai.md) -* [PgCat](open-source/pgcat/README.md) - * [Features](open-source/pgcat/features.md) - * [Installation](open-source/pgcat/installation.md) - * [Configuration](open-source/pgcat/configuration.md) + * [Developers](open-source/pgml/developers/README) + * [Local Docker Development](open-source/pgml/developers/quick-start-with-docker) + * [Installation](open-source/pgml/developers/installation) + * [Contributing](open-source/pgml/developers/contributing) + * [Distributed Training](open-source/pgml/developers/distributed-training) + * [GPU Support](open-source/pgml/developers/gpu-support) + * [Self-hosting](open-source/pgml/developers/self-hosting/README) + * [Pooler](open-source/pgml/developers/self-hosting/pooler) + * [Building from source](open-source/pgml/developers/self-hosting/building-from-source) + * [Replication](open-source/pgml/developers/self-hosting/replication) + * [Backups](open-source/pgml/developers/self-hosting/backups) + * [Running on EC2](open-source/pgml/developers/self-hosting/running-on-ec2) +* [Korvus](open-source/korvus/README) + * [API](open-source/korvus/api/README) + * [Collections](open-source/korvus/api/collections) + * [Pipelines](open-source/korvus/api/pipelines) + * [Guides](open-source/korvus/guides/README) + * [Constructing Pipelines](open-source/korvus/guides/constructing-pipelines) + * [RAG](open-source/korvus/guides/rag) + * [Vector Search](open-source/korvus/guides/vector-search) + * [Document Search](open-source/korvus/guides/document-search) + * [OpenSourceAI](open-source/korvus/guides/opensourceai) + * [Example Apps](open-source/korvus/example-apps/README) + * [Semantic Search](open-source/korvus/example-apps/semantic-search) + * [RAG with OpenAI](open-source/korvus/example-apps/rag-with-openai) +* [PgCat](open-source/pgcat/README) + * [Features](open-source/pgcat/features) + * [Installation](open-source/pgcat/installation) + * [Configuration](open-source/pgcat/configuration) ## Cloud -* [Overview](cloud/overview.md) -* [Serverless](cloud/serverless.md) -* [Dedicated](cloud/dedicated.md) -* [Enterprise](cloud/enterprise/README.md) - * [Teams](cloud/enterprise/teams.md) - * [VPC](cloud/enterprise/vpc.md) -* [Privacy Policy](cloud/privacy-policy.md) -* [Terms of Service](cloud/terms-of-service.md) +* [Overview](cloud/overview) +* [Serverless](cloud/serverless) +* [Dedicated](cloud/dedicated) +* [Enterprise](cloud/enterprise/README) + * [Teams](cloud/enterprise/teams) + * [VPC](cloud/enterprise/vpc) +* [Privacy Policy](cloud/privacy-policy) +* [Terms of Service](cloud/terms-of-service) - * [Developers](open-source/pgml/developers/README) - * [Local Docker Development](open-source/pgml/developers/quick-start-with-docker) - * [Installation](open-source/pgml/developers/installation) - * [Contributing](open-source/pgml/developers/contributing) - * [Distributed Training](open-source/pgml/developers/distributed-training) - * [GPU Support](open-source/pgml/developers/gpu-support) - * [Self-hosting](open-source/pgml/developers/self-hosting/README) - * [Pooler](open-source/pgml/developers/self-hosting/pooler) - * [Building from source](open-source/pgml/developers/self-hosting/building-from-source) - * [Replication](open-source/pgml/developers/self-hosting/replication) - * [Backups](open-source/pgml/developers/self-hosting/backups) - * [Running on EC2](open-source/pgml/developers/self-hosting/running-on-ec2) -* [Korvus](open-source/korvus/README) - * [API](open-source/korvus/api/README) - * [Collections](open-source/korvus/api/collections) - * [Pipelines](open-source/korvus/api/pipelines) - * [Guides](open-source/korvus/guides/README) - * [Constructing Pipelines](open-source/korvus/guides/constructing-pipelines) - * [RAG](open-source/korvus/guides/rag) - * [Vector Search](open-source/korvus/guides/vector-search) - * [Document Search](open-source/korvus/guides/document-search) - * [OpenSourceAI](open-source/korvus/guides/opensourceai) - * [Example Apps](open-source/korvus/example-apps/README) - * [Semantic Search](open-source/korvus/example-apps/semantic-search) - * [RAG with OpenAI](open-source/korvus/example-apps/rag-with-openai) -* [PgCat](open-source/pgcat/README) - * [Features](open-source/pgcat/features) - * [Installation](open-source/pgcat/installation) - * [Configuration](open-source/pgcat/configuration) + * [Developers](open-source/pgml/developers/README.md) + * [Local Docker Development](open-source/pgml/developers/quick-start-with-docker.md) + * [Installation](open-source/pgml/developers/installation.md) + * [Contributing](open-source/pgml/developers/contributing.md) + * [Distributed Training](open-source/pgml/developers/distributed-training.md) + * [GPU Support](open-source/pgml/developers/gpu-support.md) + * [Self-hosting](open-source/pgml/developers/self-hosting/README.md) + * [Pooler](open-source/pgml/developers/self-hosting/pooler.md) + * [Building from source](open-source/pgml/developers/self-hosting/building-from-source.md) + * [Replication](open-source/pgml/developers/self-hosting/replication.md) + * [Backups](open-source/pgml/developers/self-hosting/backups.md) + * [Running on EC2](open-source/pgml/developers/self-hosting/running-on-ec2.md) +* [Korvus](open-source/korvus/README.md) + * [API](open-source/korvus/api/README.md) + * [Collections](open-source/korvus/api/collections.md) + * [Pipelines](open-source/korvus/api/pipelines.md) + * [Guides](open-source/korvus/guides/README.md) + * [Constructing Pipelines](open-source/korvus/guides/constructing-pipelines.md) + * [RAG](open-source/korvus/guides/rag.md) + * [Vector Search](open-source/korvus/guides/vector-search.md) + * [Document Search](open-source/korvus/guides/document-search.md) + * [OpenSourceAI](open-source/korvus/guides/opensourceai.md) + * [Example Apps](open-source/korvus/example-apps/README.md) + * [Semantic Search](open-source/korvus/example-apps/semantic-search.md) + * [RAG with OpenAI](open-source/korvus/example-apps/rag-with-openai.md) +* [PgCat](open-source/pgcat/README.md) + * [Features](open-source/pgcat/features.md) + * [Installation](open-source/pgcat/installation.md) + * [Configuration](open-source/pgcat/configuration.md) ## Cloud -* [Overview](cloud/overview) -* [Serverless](cloud/serverless) -* [Dedicated](cloud/dedicated) -* [Enterprise](cloud/enterprise/README) - * [Teams](cloud/enterprise/teams) - * [VPC](cloud/enterprise/vpc) -* [Privacy Policy](cloud/privacy-policy) -* [Terms of Service](cloud/terms-of-service) +* [Overview](cloud/overview.md) +* [Serverless](cloud/serverless.md) +* [Dedicated](cloud/dedicated.md) +* [Enterprise](cloud/enterprise/README.md) + * [Teams](cloud/enterprise/teams.md) + * [VPC](cloud/enterprise/vpc.md) +* [Privacy Policy](cloud/privacy-policy.md) +* [Terms of Service](cloud/terms-of-service.md)