You signed in with another tab or window. Reload to refresh your session.You signed out in another tab or window. Reload to refresh your session.You switched accounts on another tab or window. Reload to refresh your session.Dismiss alert
|[llm_interactive](/label_studio_ml/examples/llm_interactive)| Prompt engineering, data collection and model evaluation workflows for LLM ([OpenAI](https://platform.openai.com/), Azure) | OPENAI_API_KEY |
34
-
|[grounding_dino](/label_studio_ml/examples/grounding_dino)| Object detection with text prompts ([details](https://github.com/IDEA-Research/GroundingDINO)) | None |
35
-
|[tesseract](/label_studio_ml/examples/tesseract)| Optical Character Recognition (OCR) by drawing bounding boxes ([details](https://github.com/tesseract-ocr/tesseract)) | None |
36
-
|[easyocr](/label_studio_ml/examples/easyocr)| Another OCR tool from [EasyOCR](https://github.com/JaidedAI/EasyOCR)| None |
37
-
|[spacy](/label_studio_ml/examples/spacy)| Named entity recognition model from [SpaCy](https://spacy.io/)| None |
38
-
|[flair](/label_studio_ml/examples/flair)| NLP models by [flair](https://flairnlp.github.io/)| None |
39
-
|[bert_classifier](/label_studio_ml/examples/bert_classifier)| Text classification models from [Huggingface](https://huggingface.co/transformers/v3.0.2/model_doc/auto.html#automodelforsequenceclassification)| None |
40
-
|[huggingface_llm](/label_studio_ml/examples/huggingface_llm)| Text generation models by [Hugging Face](https://huggingface.co/tasks/text-generation)| None |
41
-
|[huggingface_ner](/label_studio_ml/examples/huggingface_ner)| NER models (TokenClassification) by [Hugging Face](https://huggingface.co/docs/transformers/en/tasks/token_classification)| None |
42
-
|[nemo](/label_studio_ml/examples/nemo)| Speech transcription models by [NVIDIA NeMo](https://github.com/NVIDIA/NeMo)| None |
43
-
|[mmetection](/label_studio_ml/examples/mmetection)| Object detection models by [OpenMMLab](https://github.com/open-mmlab/mmdetection)| None |
44
-
|[sklearn_text_classifier](/label_studio_ml/examples/sklearn_text_classifier)| Simple trainable text classification model powered by [scikit-learn](https://scikit-learn.org/stable/)| None |
45
-
|[interactive_substring_matching](/label_studio_ml/examples/interactive_substring_matching)| Interactively select keywords to highlight all occurrences of the keyword in the text | None |
|[llm_interactive](/label_studio_ml/examples/llm_interactive)| Prompt engineering, data collection and model evaluation workflows for LLM ([OpenAI](https://platform.openai.com/), Azure) | OPENAI_API_KEY |
34
+
|[grounding_dino](/label_studio_ml/examples/grounding_dino)| Object detection with text prompts ([details](https://github.com/IDEA-Research/GroundingDINO)) | None |
35
+
|[tesseract](/label_studio_ml/examples/tesseract)| Optical Character Recognition (OCR) by drawing bounding boxes ([details](https://github.com/tesseract-ocr/tesseract)) | None |
36
+
|[easyocr](/label_studio_ml/examples/easyocr)| Another OCR tool from [EasyOCR](https://github.com/JaidedAI/EasyOCR)| None |
37
+
|[spacy](/label_studio_ml/examples/spacy)| Named entity recognition model from [SpaCy](https://spacy.io/)| None |
38
+
|[flair](/label_studio_ml/examples/flair)| NLP models by [flair](https://flairnlp.github.io/)| None |
39
+
|[bert_classifier](/label_studio_ml/examples/bert_classifier)| Text classification models from [Huggingface](https://huggingface.co/transformers/v3.0.2/model_doc/auto.html#automodelforsequenceclassification)| None |
40
+
|[huggingface_llm](/label_studio_ml/examples/huggingface_llm)| Text generation models by [Hugging Face](https://huggingface.co/tasks/text-generation)| None |
41
+
|[huggingface_ner](/label_studio_ml/examples/huggingface_ner)| NER models (TokenClassification) by [Hugging Face](https://huggingface.co/docs/transformers/en/tasks/token_classification)| None |
42
+
|[nemo_asr](/label_studio_ml/examples/nemo_asr)| Speech transcription models by [NVIDIA NeMo](https://github.com/NVIDIA/NeMo)| None |
43
+
|[mmetection](/label_studio_ml/examples/mmetection)| Object detection models by [OpenMMLab](https://github.com/open-mmlab/mmdetection)| None |
44
+
|[sklearn_text_classifier](/label_studio_ml/examples/sklearn_text_classifier)| Simple trainable text classification model powered by [scikit-learn](https://scikit-learn.org/stable/)| None |
45
+
|[interactive_substring_matching](/label_studio_ml/examples/interactive_substring_matching)| Interactively select keywords to highlight all occurrences of the keyword in the text | None |
0 commit comments