Update docs metadata (#3781)

This commit is contained in:
Glenn Jocher
2023-07-17 12:40:04 +02:00
committed by GitHub
parent e324af6a12
commit e8030316f6
194 changed files with 783 additions and 308 deletions

View File

@ -1,4 +1,9 @@
---
description: Learn all about Ultralytics FastSAM model. Dive into our comprehensive guide for seamless integration and efficient model training.
keywords: Ultralytics, FastSAM model, Model documentation, Efficient model training
---
## FastSAM
---
### ::: ultralytics.models.fastsam.model.FastSAM
<br><br>
<br><br>

View File

@ -1,4 +1,9 @@
---
description: Get detailed insights about Ultralytics FastSAMPredictor. Learn to predict and optimize your AI models with our properly documented guidelines.
keywords: Ultralytics, FastSAMPredictor, predictive modeling, AI optimization, machine learning, deep learning, Ultralytics documentation
---
## FastSAMPredictor
---
### ::: ultralytics.models.fastsam.predict.FastSAMPredictor
<br><br>
<br><br>

View File

@ -1,4 +1,9 @@
---
description: Learn to effectively utilize FastSAMPrompt model from Ultralytics. Detailed guide to help you get the most out of your machine learning models.
keywords: Ultralytics, FastSAMPrompt, machine learning, model, guide, documentation
---
## FastSAMPrompt
---
### ::: ultralytics.models.fastsam.prompt.FastSAMPrompt
<br><br>
<br><br>

View File

@ -1,3 +1,8 @@
---
description: Learn how to adjust bounding boxes to image borders in Ultralytics models using the bbox_iou utility. Enhance your object detection performance.
keywords: Ultralytics, bounding boxes, Bboxes, image borders, object detection, bbox_iou, model utilities
---
## adjust_bboxes_to_image_border
---
### ::: ultralytics.models.fastsam.utils.adjust_bboxes_to_image_border
@ -6,4 +11,4 @@
## bbox_iou
---
### ::: ultralytics.models.fastsam.utils.bbox_iou
<br><br>
<br><br>

View File

@ -1,4 +1,9 @@
---
description: Learn about FastSAMValidator in Ultralytics models. Comprehensive guide to enhancing AI capabilities with Ultralytics.
keywords: Ultralytics, FastSAMValidator, model, synthetic, AI, machine learning, validation
---
## FastSAMValidator
---
### ::: ultralytics.models.fastsam.val.FastSAMValidator
<br><br>
<br><br>

View File

@ -1,4 +1,9 @@
---
description: Learn how our NAS model operates in Ultralytics. Comprehensive guide with detailed examples. Master the nuances of Ultralytics NAS model.
keywords: Ultralytics, NAS model, NAS guide, machine learning, model documentation
---
## NAS
---
### ::: ultralytics.models.nas.model.NAS
<br><br>
<br><br>

View File

@ -1,4 +1,9 @@
---
description: Explore Ultralytics NASPredictor. Understand high-level architecture of the model for effective implementation and efficient predictions.
keywords: NASPredictor, Ultralytics, Ultralytics model, model architecture, efficient predictions
---
## NASPredictor
---
### ::: ultralytics.models.nas.predict.NASPredictor
<br><br>
<br><br>

View File

@ -1,4 +1,9 @@
---
description: Explore the utilities and functions of the Ultralytics NASValidator. Find out how it benefits allocation and optimization in AI models.
keywords: Ultralytics, NASValidator, models.nas.val.NASValidator, AI models, allocation, optimization
---
## NASValidator
---
### ::: ultralytics.models.nas.val.NASValidator
<br><br>
<br><br>

View File

@ -1,4 +1,9 @@
---
description: Explore the specifics of using the RTDETR model in Ultralytics. Detailed documentation layered with explanations and examples.
keywords: Ultralytics, RTDETR model, Ultralytics models, object detection, Ultralytics documentation
---
## RTDETR
---
### ::: ultralytics.models.rtdetr.model.RTDETR
<br><br>
<br><br>

View File

@ -1,4 +1,9 @@
---
description: Learn how to use the RTDETRPredictor model of the Ultralytics package. Detailed documentation, usage instructions, and advice.
keywords: Ultralytics, RTDETRPredictor, model documentation, guide, real-time object detection
---
## RTDETRPredictor
---
### ::: ultralytics.models.rtdetr.predict.RTDETRPredictor
<br><br>
<br><br>

View File

@ -1,3 +1,8 @@
---
description: Get insights into RTDETRTrainer, a crucial component of Ultralytics for effective model training. Explore detailed documentation at Ultralytics.
keywords: Ultralytics, RTDETRTrainer, model training, Ultralytics models, PyTorch models, neural networks, machine learning, deep learning
---
## RTDETRTrainer
---
### ::: ultralytics.models.rtdetr.train.RTDETRTrainer
@ -6,4 +11,4 @@
## train
---
### ::: ultralytics.models.rtdetr.train.train
<br><br>
<br><br>

View File

@ -1,3 +1,8 @@
---
description: Explore RTDETRDataset in Ultralytics Models. Learn about the RTDETRValidator function, understand its usage in real-time object detection.
keywords: Ultralytics, RTDETRDataset, RTDETRValidator, real-time object detection, models documentation
---
## RTDETRDataset
---
### ::: ultralytics.models.rtdetr.val.RTDETRDataset
@ -6,4 +11,4 @@
## RTDETRValidator
---
### ::: ultralytics.models.rtdetr.val.RTDETRValidator
<br><br>
<br><br>

View File

@ -1,3 +1,8 @@
---
description: Explore Ultralytics methods for mask data processing, transformation and encoding. Deepen your understanding of RLE encoding, image cropping and more.
keywords: Ultralytics, Mask Data, Transformation, Encoding, RLE encoding, Image cropping, Pytorch, SAM, AMG, Ultralytics model
---
## MaskData
---
### ::: ultralytics.models.sam.amg.MaskData
@ -81,4 +86,4 @@
## batched_mask_to_box
---
### ::: ultralytics.models.sam.amg.batched_mask_to_box
<br><br>
<br><br>

View File

@ -1,3 +1,8 @@
---
description: Master building SAM ViT models with Ultralytics. Discover steps to leverage the power of SAM and Vision Transformer sessions.
keywords: Ultralytics, SAM, build sam, vision transformer, vits, build_sam_vit_l, build_sam_vit_b, build_sam
---
## build_sam_vit_h
---
### ::: ultralytics.models.sam.build.build_sam_vit_h
@ -26,4 +31,4 @@
## build_sam
---
### ::: ultralytics.models.sam.build.build_sam
<br><br>
<br><br>

View File

@ -1,4 +1,9 @@
---
description: Dive into the SAM model details in the Ultralytics YOLO documentation. Understand, implement, and optimize your model use.
keywords: Ultralytics, YOLO, SAM Model, Documentations, Machine Learning, AI, Convolutional neural network
---
## SAM
---
### ::: ultralytics.models.sam.model.SAM
<br><br>
<br><br>

View File

@ -1,3 +1,8 @@
---
description: Explore MaskDecoder, a part of the Ultralytics models. Gain insights on how to utilize it effectively in the SAM modules decoders MLP.
keywords: Ultralytics, MaskDecoder, SAM modules, decoders, MLP, YOLO, machine learning, image recognition
---
## MaskDecoder
---
### ::: ultralytics.models.sam.modules.decoders.MaskDecoder
@ -6,4 +11,4 @@
## MLP
---
### ::: ultralytics.models.sam.modules.decoders.MLP
<br><br>
<br><br>

View File

@ -1,3 +1,8 @@
---
description: Discover detailed information on ImageEncoderViT, PositionEmbeddingRandom, Attention, window_partition, get_rel_pos and more in Ultralytics models encoders documentation.
keywords: Ultralytics, Encoders, Modules, Documentation, ImageEncoderViT, PositionEmbeddingRandom, Attention, window_partition, get_rel_pos
---
## ImageEncoderViT
---
### ::: ultralytics.models.sam.modules.encoders.ImageEncoderViT
@ -46,4 +51,4 @@
## add_decomposed_rel_pos
---
### ::: ultralytics.models.sam.modules.encoders.add_decomposed_rel_pos
<br><br>
<br><br>

View File

@ -1,4 +1,9 @@
---
description: Explore the Sam module of Ultralytics. Discover detailed methods, classes, and information for efficient deep-learning model training!.
keywords: Ultralytics, Sam module, deep learning, model training, Ultralytics documentation
---
## Sam
---
### ::: ultralytics.models.sam.modules.sam.Sam
<br><br>
<br><br>

View File

@ -1,3 +1,8 @@
---
description: Get in-depth insights about Ultralytics Tiny Encoder Modules such as Conv2d_BN, MBConv, ConvLayer, Attention, BasicLayer, and TinyViT. Improve your understanding of machine learning model components.
keywords: Ultralytics, Tiny Encoder, Conv2d_BN, MBConv, ConvLayer, Attention, BasicLayer, TinyViT, Machine learning modules, Ultralytics models
---
## Conv2d_BN
---
### ::: ultralytics.models.sam.modules.tiny_encoder.Conv2d_BN
@ -51,4 +56,4 @@
## TinyViT
---
### ::: ultralytics.models.sam.modules.tiny_encoder.TinyViT
<br><br>
<br><br>

View File

@ -1,3 +1,8 @@
---
description: Learn about TwoWayTransformer and Attention modules in Ultralytics. Leverage these tools to enhance your AI models.
keywords: Ultralytics, TwoWayTransformer, Attention, AI models, transformers
---
## TwoWayTransformer
---
### ::: ultralytics.models.sam.modules.transformer.TwoWayTransformer
@ -11,4 +16,4 @@
## Attention
---
### ::: ultralytics.models.sam.modules.transformer.Attention
<br><br>
<br><br>

View File

@ -1,4 +1,9 @@
---
description: Master the ultralytics.models.sam.predict.Predictor class with our comprehensive guide. Discover techniques to enhance your model predictions.
keywords: Ultralytics, predictor, models, sam.predict.Predictor, AI, machine learning, predictive models
---
## Predictor
---
### ::: ultralytics.models.sam.predict.Predictor
<br><br>
<br><br>

View File

@ -1,3 +1,8 @@
---
description: Learn to use the DETRLoss function provided by Ultralytics YOLO. Understand how to utilize loss in RTDETR detection models to improve accuracy.
keywords: Ultralytics, YOLO, Documentation, DETRLoss, Detection Loss, Loss function, DETR, RTDETR Detection Models
---
## DETRLoss
---
### ::: ultralytics.models.utils.loss.DETRLoss
@ -6,4 +11,4 @@
## RTDETRDetectionLoss
---
### ::: ultralytics.models.utils.loss.RTDETRDetectionLoss
<br><br>
<br><br>

View File

@ -1,3 +1,8 @@
---
description: Discover details for "HungarianMatcher" & "inverse_sigmoid" functions in Ultralytics YOLO, advanced tools supporting detection models.
keywords: Ultralytics, YOLO, HungarianMatcher, inverse_sigmoid, detection models, model utilities, ops
---
## HungarianMatcher
---
### ::: ultralytics.models.utils.ops.HungarianMatcher
@ -11,4 +16,4 @@
## inverse_sigmoid
---
### ::: ultralytics.models.utils.ops.inverse_sigmoid
<br><br>
<br><br>

View File

@ -1,3 +1,8 @@
---
description: Explore the Ultralytics ClassificationPredictor guide for model prediction and visualization. Build powerful AI models with YOLO.
keywords: Ultralytics, classification predictor, predict, YOLO, AI models, model visualization
---
## ClassificationPredictor
---
### ::: ultralytics.models.yolo.classify.predict.ClassificationPredictor
@ -6,4 +11,4 @@
## predict
---
### ::: ultralytics.models.yolo.classify.predict.predict
<br><br>
<br><br>

View File

@ -1,3 +1,8 @@
---
description: Delve into Classification Trainer at Ultralytics YOLO docs and optimize your model's training process with insights from the masters!.
keywords: Ultralytics, YOLO, Classification Trainer, deep learning, training process, AI models, documentation
---
## ClassificationTrainer
---
### ::: ultralytics.models.yolo.classify.train.ClassificationTrainer
@ -6,4 +11,4 @@
## train
---
### ::: ultralytics.models.yolo.classify.train.train
<br><br>
<br><br>

View File

@ -1,3 +1,8 @@
---
description: Explore YOLO ClassificationValidator, a key element of Ultralytics YOLO models. Learn how it validates and fine-tunes model outputs.
keywords: Ultralytics, YOLO, ClassificationValidator, model validation, model fine-tuning, deep learning, computer vision
---
## ClassificationValidator
---
### ::: ultralytics.models.yolo.classify.val.ClassificationValidator
@ -6,4 +11,4 @@
## val
---
### ::: ultralytics.models.yolo.classify.val.val
<br><br>
<br><br>

View File

@ -1,3 +1,8 @@
---
description: Explore the guide to using the DetectionPredictor in Ultralytics YOLO. Learn how to predict, detect and analyze objects accurately.
keywords: Ultralytics, YOLO, DetectionPredictor, detect, predict, object detection, analysis
---
## DetectionPredictor
---
### ::: ultralytics.models.yolo.detect.predict.DetectionPredictor
@ -6,4 +11,4 @@
## predict
---
### ::: ultralytics.models.yolo.detect.predict.predict
<br><br>
<br><br>

View File

@ -1,3 +1,8 @@
---
description: Maximize your model's potential with Ultralytics YOLO Detection Trainer. Learn advanced techniques, tips, and tricks for training.
keywords: Ultralytics YOLO, YOLO, Detection Trainer, Model Training, Machine Learning, Deep Learning, Computer Vision
---
## DetectionTrainer
---
### ::: ultralytics.models.yolo.detect.train.DetectionTrainer
@ -6,4 +11,4 @@
## train
---
### ::: ultralytics.models.yolo.detect.train.train
<br><br>
<br><br>

View File

@ -1,3 +1,8 @@
---
description: Discover function valuation of your YOLO models with the Ultralytics Detection Validator. Enhance precision and recall rates today.
keywords: Ultralytics, YOLO, Detection Validator, model valuation, precision, recall
---
## DetectionValidator
---
### ::: ultralytics.models.yolo.detect.val.DetectionValidator
@ -6,4 +11,4 @@
## val
---
### ::: ultralytics.models.yolo.detect.val.val
<br><br>
<br><br>

View File

@ -1,3 +1,8 @@
---
description: Discover how to use PosePredictor in the Ultralytics YOLO model. Includes detailed guides, code examples, and explanations.
keywords: Ultralytics, YOLO, PosePredictor, machine learning, AI, predictive models
---
## PosePredictor
---
### ::: ultralytics.models.yolo.pose.predict.PosePredictor
@ -6,4 +11,4 @@
## predict
---
### ::: ultralytics.models.yolo.pose.predict.predict
<br><br>
<br><br>

View File

@ -1,3 +1,8 @@
---
description: Explore Ultralytics PoseTrainer for YOLO models. Get a step-by-step guide on how to train on custom pose data for more accurate AI modeling.
keywords: Ultralytics, YOLO, PoseTrainer, pose training, AI modeling, custom data training
---
## PoseTrainer
---
### ::: ultralytics.models.yolo.pose.train.PoseTrainer
@ -6,4 +11,4 @@
## train
---
### ::: ultralytics.models.yolo.pose.train.train
<br><br>
<br><br>

View File

@ -1,3 +1,8 @@
---
description: Explore the PoseValidator—review how Ultralytics YOLO validates poses for object detection. Improve your understanding of YOLO.
keywords: PoseValidator, Ultralytics, YOLO, Object detection, Pose validation
---
## PoseValidator
---
### ::: ultralytics.models.yolo.pose.val.PoseValidator
@ -6,4 +11,4 @@
## val
---
### ::: ultralytics.models.yolo.pose.val.val
<br><br>
<br><br>

View File

@ -1,3 +1,8 @@
---
description: Discover how to utilize the YOLO Segmentation Predictor in Ultralytics. Enhance your objects detection skills with us.
keywords: YOLO, Ultralytics, object detection, segmentation predictor
---
## SegmentationPredictor
---
### ::: ultralytics.models.yolo.segment.predict.SegmentationPredictor
@ -6,4 +11,4 @@
## predict
---
### ::: ultralytics.models.yolo.segment.predict.predict
<br><br>
<br><br>

View File

@ -1,3 +1,8 @@
---
description: Maximize your YOLO model's performance with our SegmentationTrainer. Explore comprehensive guides and tutorials on ultralytics.com.
keywords: Ultralytics, YOLO, SegmentationTrainer, image segmentation, object detection, model training, YOLO model
---
## SegmentationTrainer
---
### ::: ultralytics.models.yolo.segment.train.SegmentationTrainer
@ -6,4 +11,4 @@
## train
---
### ::: ultralytics.models.yolo.segment.train.train
<br><br>
<br><br>

View File

@ -1,3 +1,8 @@
---
description: Get practical insights about our SegmentationValidator in YOLO Ultralytics models. Discover functionality details, methods, inputs, and outputs.
keywords: Ultralytics, YOLO, SegmentationValidator, model segmentation, image classification, object detection
---
## SegmentationValidator
---
### ::: ultralytics.models.yolo.segment.val.SegmentationValidator
@ -6,4 +11,4 @@
## val
---
### ::: ultralytics.models.yolo.segment.val.val
<br><br>
<br><br>