Skip to content

Commit

Permalink
docs: Update label-studio-ml-backend docs (#5938)
Browse files Browse the repository at this point in the history
Co-authored-by: niklub <niklub@users.noreply.github.com>
Co-authored-by: Caitlin Wheeless <caitlin.wheeless@gmail.com>
Co-authored-by: caitlinwheeless <caitlin@humansignal.com>
  • Loading branch information
4 people committed Jun 17, 2024
1 parent ecf8a10 commit 9a4504a
Show file tree
Hide file tree
Showing 5 changed files with 165 additions and 158 deletions.
270 changes: 135 additions & 135 deletions docs/source/guide/ml_tutorials.html
Original file line number Diff line number Diff line change
Expand Up @@ -3,18 +3,18 @@
- categories:
- Natural Language Processing
- Named Entity Recognition
- SpaCy
- Hugging Face
hide_frontmatter_title: true
hide_menu: true
image: /tutorials/spacy.png
meta_description: Tutorial on how to use Label Studio and spaCy for faster NER and
POS labeling
meta_title: Use spaCy models with Label Studio
order: 70
image: /tutorials/hf-ner.png
meta_description: This tutorial explains how to run a Hugging Face NER backend in
Label Studio.
meta_title: Label Studio tutorial to run Hugging Face NER backend
order: 25
tier: all
title: spaCy models for NER
title: Hugging Face NER
type: guide
url: /tutorials/spacy.html
url: /tutorials/huggingface_ner.html
- categories:
- Natural Language Processing
- Text Classification
Expand All @@ -30,23 +30,6 @@
title: Sklearn Text Classifier model
type: guide
url: /tutorials/sklearn_text_classifier.html
- categories:
- Generative AI
- Large Language Model
- OpenAI
- Azure
- ChatGPT
hide_frontmatter_title: true
hide_menu: true
image: /tutorials/llm-interactive.png
meta_description: Label Studio tutorial for interactive LLM labeling with OpenAI
or Azure API
meta_title: Interactive LLM labeling with OpenAI or Azure API
order: 5
tier: all
title: Interactive LLM labeling with GPT
type: guide
url: /tutorials/llm_interactive.html
- categories:
- Computer Vision
- Object Detection
Expand All @@ -66,19 +49,39 @@
url: /tutorials/mmdetection-3.html
- categories:
- Computer Vision
- Optical Character Recognition
- Tesseract
- Image Annotation
- Object Detection
- Zero-shot Image Segmentation
- Grounding DINO
- Segment Anything Model
hide_frontmatter_title: true
hide_menu: true
image: /tutorials/tesseract.png
meta_description: Tutorial for how to use Label Studio and Tesseract to assist with
your OCR projects
meta_title: Interactive bounding boxes OCR in Label Studio with a Tesseract backend
order: 55
image: /tutorials/grounding-dino.png
meta_description: Label Studio tutorial for using Grounding DINO for zero-shot object
detection in images
meta_title: Image segmentation in Label Studio using a Grounding DINO backend
order: 15
tier: all
title: Interactive bounding boxes OCR with Tesseract
title: Zero-shot object detection and image segmentation with Grounding DINO
type: guide
url: /tutorials/tesseract.html
url: /tutorials/grounding_dino.html
- categories:
- Generative AI
- Large Language Model
- OpenAI
- Azure
- ChatGPT
hide_frontmatter_title: true
hide_menu: true
image: /tutorials/llm-interactive.png
meta_description: Label Studio tutorial for interactive LLM labeling with OpenAI
or Azure API
meta_title: Interactive LLM labeling with OpenAI or Azure API
order: 5
tier: all
title: Interactive LLM labeling with GPT
type: guide
url: /tutorials/llm_interactive.html
- categories:
- Natural Language Processing
- Named Entity Recognition
Expand All @@ -94,71 +97,103 @@
type: guide
url: /tutorials/flair.html
- categories:
- Computer Vision
- Image Annotation
- Object Detection
- Zero-shot Image Segmentation
- Grounding DINO
- Segment Anything Model
- Generative AI
- Large Language Model
- Text Generation
- Hugging Face
hide_frontmatter_title: true
hide_menu: true
image: /tutorials/grounding-dino.png
meta_description: Label Studio tutorial for using Grounding DINO for zero-shot object
detection in images
meta_title: Image segmentation in Label Studio using a Grounding DINO backend
order: 15
image: /tutorials/hf-llm.png
meta_description: This tutorial explains how to run Hugging Face Large Language
model backend in Label Studio. Hugging Face Large Language Model Backend is a
machine learning backend designed to work with Label Studio, providing a custom
model for text generation.
meta_title: Label Studio tutorial to run Hugging Face Large Language Model backend
order: 20
tier: all
title: Zero-shot object detection and image segmentation with Grounding DINO
title: Hugging Face Large Language Model (LLM)
type: guide
url: /tutorials/grounding_dino.html
url: /tutorials/huggingface_llm.html
- categories:
- Natural Language Processing
- Named Entity Recognition
- Interactive matching
- Generative AI
- Retrieval Augmented Generation
- Google
- OpenAI
- Langchain
hide_frontmatter_title: true
hide_menu: true
image: /tutorials/interactive-substring-matching.png
meta_description: Use the interactive substring matching model for labeling NER
tasks in Label Studio
meta_title: Interactive substring matching for NER tasks
order: 30
image: /tutorials/langchain.png
meta_description: Use Langchain, OpenAI, and Google to generate responses based
on Google search results.
meta_title: RAG with a Langchain search agent
order: 45
tier: all
title: Interactive substring matching for NER tasks
title: RAG with a Langchain search agent
type: guide
url: /tutorials/interactive_substring_matching.html
url: /tutorials/langchain_search_agent.html
- categories:
- Natural Language Processing
- Named Entity Recognition
- GLiNER
- BERT
- Hugging Face
hide_frontmatter_title: true
hide_menu: true
image: /tutorials/hf-ner.png
meta_description: This tutorial explains how to run a Hugging Face NER backend in
Label Studio.
meta_title: Label Studio tutorial to run Hugging Face NER backend
order: 25
image: /tutorials/gliner.png
meta_description: Tutorial on how to use GLiNER with your Label Studio project to
complete NER tasks
meta_title: Use GLiNER for NER annotation
order: 37
tier: all
title: Hugging Face NER
title: Use GLiNER for NER annotation
type: guide
url: /tutorials/huggingface_ner.html
url: /tutorials/gliner.html
- categories:
- Computer Vision
- Object Detection
- Image Annotation
- Segment Anything Model
- Facebook
- ONNX
- Optical Character Recognition
- Tesseract
hide_frontmatter_title: true
hide_menu: true
image: /tutorials/segment-anything.png
meta_description: Label Studio tutorial for labeling images with MobileSAM or ONNX
SAM.
meta_title: Interactive annotation in Label Studio with Segment Anything Model (SAM)
order: 10
image: /tutorials/tesseract.png
meta_description: Tutorial for how to use Label Studio and Tesseract to assist with
your OCR projects
meta_title: Interactive bounding boxes OCR in Label Studio with a Tesseract backend
order: 55
tier: all
title: Interactive annotation with Segment Anything Model
title: Interactive bounding boxes OCR with Tesseract
type: guide
url: /tutorials/segment_anything_model.html
url: /tutorials/tesseract.html
- categories:
- Audio/Speech Processing
- Automatic Speech Recognition
- NeMo
- NVidia
hide_frontmatter_title: true
hide_menu: true
image: /tutorials/nvidia.png
meta_description: Tutorial on how to use set up Nvidia NeMo to use for ASR tasks
in Label Studio
meta_title: Automatic Speech Recognition with NeMo
order: 60
tier: all
title: Automatic Speech Recognition with NVidia NeMo
type: guide
url: /tutorials/nemo_asr.html
- categories:
- Natural Language Processing
- Named Entity Recognition
- SpaCy
hide_frontmatter_title: true
hide_menu: true
image: /tutorials/spacy.png
meta_description: Tutorial on how to use Label Studio and spaCy for faster NER and
POS labeling
meta_title: Use spaCy models with Label Studio
order: 70
tier: all
title: spaCy models for NER
type: guide
url: /tutorials/spacy.html
- categories:
- Natural Language Processing
- Text Classification
Expand All @@ -176,21 +211,20 @@
type: guide
url: /tutorials/bert_classifier.html
- categories:
- Audio/Speech Processing
- Automatic Speech Recognition
- NeMo
- NVidia
- Natural Language Processing
- Named Entity Recognition
- Interactive matching
hide_frontmatter_title: true
hide_menu: true
image: /tutorials/nvidia.png
meta_description: Tutorial on how to use set up Nvidia NeMo to use for ASR tasks
in Label Studio
meta_title: Automatic Speech Recognition with NeMo
order: 60
image: /tutorials/interactive-substring-matching.png
meta_description: Use the interactive substring matching model for labeling NER
tasks in Label Studio
meta_title: Interactive substring matching for NER tasks
order: 30
tier: all
title: Automatic Speech Recognition with NVidia NeMo
title: Interactive substring matching for NER tasks
type: guide
url: /tutorials/nemo_asr.html
url: /tutorials/interactive_substring_matching.html
- categories:
- Computer Vision
- Optical Character Recognition
Expand All @@ -208,64 +242,30 @@
type: guide
url: /tutorials/easyocr.html
- categories:
- Generative AI
- Large Language Model
- Text Generation
- Hugging Face
hide_frontmatter_title: true
hide_menu: true
image: /tutorials/hf-llm.png
meta_description: This tutorial explains how to run Hugging Face Large Language
model backend in Label Studio. Hugging Face Large Language Model Backend is a
machine learning backend designed to work with Label Studio, providing a custom
model for text generation.
meta_title: Label Studio tutorial to run Hugging Face Large Language Model backend
order: 20
tier: all
title: Hugging Face Large Language Model (LLM)
type: guide
url: /tutorials/huggingface_llm.html
- categories:
- Generative AI
- Retrieval Augmented Generation
- Google
- OpenAI
- Langchain
hide_frontmatter_title: true
hide_menu: true
image: /tutorials/langchain.png
meta_description: Use Langchain, OpenAI, and Google to generate responses based
on Google search results.
meta_title: RAG with a Langchain search agent
order: 45
tier: all
title: RAG with a Langchain search agent
type: guide
url: /tutorials/langchain_search_agent.html
- categories:
- Natural Language Processing
- Named Entity Recognition
- GLiNER
- BERT
- Hugging Face
- Computer Vision
- Object Detection
- Image Annotation
- Segment Anything Model
- Facebook
- ONNX
hide_frontmatter_title: true
hide_menu: true
image: /tutorials/gliner.png
meta_description: Tutorial on how to use GLiNER with your Label Studio project to
complete NER tasks
meta_title: Use GLiNER for NER annotation
order: 37
image: /tutorials/segment-anything.png
meta_description: Label Studio tutorial for labeling images with MobileSAM or ONNX
SAM.
meta_title: Interactive annotation in Label Studio with Segment Anything Model (SAM)
order: 10
tier: all
title: Use GLiNER for NER annotation
title: Interactive annotation with Segment Anything Model
type: guide
url: /tutorials/gliner.html
url: /tutorials/segment_anything_model.html
layout: templates
meta_description: Tutorial documentation for setting up a machine learning model with
predictions using PyTorch, GPT2, Sci-kit learn, and other popular frameworks.
meta_title: Machine Learning Example Tutorials
order: 260
order_enterprise: 260
section: "Machine Learning"
section: Machine Learning
tier: all
title: ML Examples and Tutorials
type: guide
Expand Down
5 changes: 2 additions & 3 deletions docs/source/tutorials/gliner.md
Original file line number Diff line number Diff line change
Expand Up @@ -22,8 +22,7 @@ image: "/tutorials/gliner.png"

# Use GLiNER for NER annotation

The GLiNER model is a BERT family model for generalist NER. We download the model from HuggingFace, but the original
model is available on [GitHub](https://github.com/urchade/GLiNER).
The GLiNER model is a BERT family model for generalist NER. We download the model from HuggingFace, but the original model is available on [GitHub](https://github.com/urchade/GLiNER).


## Running with Docker (recommended)
Expand Down Expand Up @@ -79,4 +78,4 @@ The following common parameters are available:
- `WORKERS` - Specify the number of workers for the model server.
- `THREADS` - Specify the number of threads for the model server.
- `LABEL_STUDIO_URL` - Specify the URL of your Label Studio instance. Note that this might need to be `http://host.docker.internal:8080` if you are running Label Studio on another Docker container.
- `LABEL_STUDIO_API_KEY`- Specify the API key for authenticating your Label Studio instance. You can find this by logging into Label Studio and and [going to the **Account & Settings** page](https://labelstud.io/guide/user_account#Access-token).
- `LABEL_STUDIO_API_KEY`- Specify the API key for authenticating your Label Studio instance. You can find this by logging into Label Studio and [going to the **Account & Settings** page](https://labelstud.io/guide/user_account#Access-token).
Loading

0 comments on commit 9a4504a

Please sign in to comment.