Update prediction Results
docs (#4139)
Co-authored-by: pre-commit-ci[bot] <66853113+pre-commit-ci[bot]@users.noreply.github.com>
This commit is contained in:
@ -10,6 +10,7 @@ import os
|
||||
import re
|
||||
from collections import defaultdict
|
||||
from pathlib import Path
|
||||
|
||||
from ultralytics.utils import ROOT
|
||||
|
||||
NEW_YAML_DIR = ROOT.parent
|
||||
@ -44,9 +45,12 @@ def create_markdown(py_filepath, module_path, classes, functions):
|
||||
header_content += f'---{part}---\n\n'
|
||||
|
||||
module_path = module_path.replace('.__init__', '')
|
||||
md_content = [f'## {class_name}\n---\n### ::: {module_path}.{class_name}\n<br><br>\n' for class_name in classes]
|
||||
md_content.extend(f'## {func_name}\n---\n### ::: {module_path}.{func_name}\n<br><br>\n' for func_name in functions)
|
||||
md_content = header_content + '\n'.join(md_content)
|
||||
module_sep = module_path.replace(".", "/")
|
||||
url = f'https://github.com/ultralytics/ultralytics/blob/main/{module_sep}.py'
|
||||
title_content = f'# Reference for `{module_sep}.py`\n\n!!! note\n\n Full source code for this file is available at [{url}]({url}).\n\n'
|
||||
md_content = [f'---\n## ::: {module_path}.{class_name}\n<br><br>\n' for class_name in classes]
|
||||
md_content.extend(f'---\n## ::: {module_path}.{func_name}\n<br><br>\n' for func_name in functions)
|
||||
md_content = header_content + title_content + '\n'.join(md_content)
|
||||
if not md_content.endswith('\n'):
|
||||
md_content += '\n'
|
||||
|
||||
|
@ -6,9 +6,7 @@ keywords: Ultralytics, YOLOv8, predict mode, inference sources, prediction tasks
|
||||
|
||||
<img width="1024" src="https://github.com/ultralytics/assets/raw/main/yolov8/banner-integrations.png">
|
||||
|
||||
YOLOv8 **predict mode** can generate predictions for various tasks, returning either a list of `Results` objects or a
|
||||
memory-efficient generator of `Results` objects when using the streaming mode. Enable streaming mode by
|
||||
passing `stream=True` in the predictor's call method.
|
||||
YOLOv8 **predict mode** can generate predictions for various tasks, returning either a list of `Results` objects or a memory-efficient generator of `Results` objects when using the streaming mode. Enable streaming mode by passing `stream=True` in the predictor's call method.
|
||||
|
||||
!!! example "Predict"
|
||||
|
||||
@ -27,7 +25,7 @@ passing `stream=True` in the predictor's call method.
|
||||
boxes = result.boxes # Boxes object for bbox outputs
|
||||
masks = result.masks # Masks object for segmentation masks outputs
|
||||
keypoints = result.keypoints # Keypoints object for pose outputs
|
||||
probs = result.probs # Class probabilities for classification outputs
|
||||
probs = result.probs # Probs object for classification outputs
|
||||
```
|
||||
|
||||
=== "Return a generator with `stream=True`"
|
||||
@ -45,7 +43,7 @@ passing `stream=True` in the predictor's call method.
|
||||
boxes = result.boxes # Boxes object for bbox outputs
|
||||
masks = result.masks # Masks object for segmentation masks outputs
|
||||
keypoints = result.keypoints # Keypoints object for pose outputs
|
||||
probs = result.probs # Class probabilities for classification outputs
|
||||
probs = result.probs # Probs object for classification outputs
|
||||
```
|
||||
|
||||
## Inference Sources
|
||||
@ -281,45 +279,52 @@ Below are code examples for using each source type:
|
||||
|
||||
## Inference Arguments
|
||||
|
||||
`model.predict` accepts multiple arguments that control the prediction operation. These arguments can be passed directly to `model.predict`:
|
||||
`model.predict()` accepts multiple arguments that can be passed at inference time to override defaults:
|
||||
|
||||
!!! example
|
||||
|
||||
```python
|
||||
model.predict(source, save=True, imgsz=320, conf=0.5)
|
||||
from ultralytics import YOLO
|
||||
|
||||
# Load a pretrained YOLOv8n model
|
||||
model = YOLO('yolov8n.pt')
|
||||
|
||||
# Run inference on 'bus.jpg' with arguments
|
||||
model.predict('bus.jpg', save=True, imgsz=320, conf=0.5)
|
||||
```
|
||||
|
||||
All supported arguments:
|
||||
|
||||
| Key | Value | Description |
|
||||
|----------------|------------------------|--------------------------------------------------------------------------------|
|
||||
| `source` | `'ultralytics/assets'` | source directory for images or videos |
|
||||
| `conf` | `0.25` | object confidence threshold for detection |
|
||||
| `iou` | `0.7` | intersection over union (IoU) threshold for NMS |
|
||||
| `imgsz` | `640` | image size as scalar or (h, w) list, i.e. (640, 480) |
|
||||
| `half` | `False` | use half precision (FP16) |
|
||||
| `device` | `None` | device to run on, i.e. cuda device=0/1/2/3 or device=cpu |
|
||||
| `show` | `False` | show results if possible |
|
||||
| `save` | `False` | save images with results |
|
||||
| `save_txt` | `False` | save results as .txt file |
|
||||
| `save_conf` | `False` | save results with confidence scores |
|
||||
| `save_crop` | `False` | save cropped images with results |
|
||||
| `hide_labels` | `False` | hide labels |
|
||||
| `hide_conf` | `False` | hide confidence scores |
|
||||
| `max_det` | `300` | maximum number of detections per image |
|
||||
| `vid_stride` | `False` | video frame-rate stride |
|
||||
| `line_width` | `None` | The line width of the bounding boxes. If None, it is scaled to the image size. |
|
||||
| `visualize` | `False` | visualize model features |
|
||||
| `augment` | `False` | apply image augmentation to prediction sources |
|
||||
| `agnostic_nms` | `False` | class-agnostic NMS |
|
||||
| `retina_masks` | `False` | use high-resolution segmentation masks |
|
||||
| `classes` | `None` | filter results by class, i.e. class=0, or class=[0,2,3] |
|
||||
| `boxes` | `True` | Show boxes in segmentation predictions |
|
||||
| Name | Type | Default | Description |
|
||||
|----------------|----------------|------------------------|--------------------------------------------------------------------------------|
|
||||
| `source` | `str` | `'ultralytics/assets'` | source directory for images or videos |
|
||||
| `conf` | `float` | `0.25` | object confidence threshold for detection |
|
||||
| `iou` | `float` | `0.7` | intersection over union (IoU) threshold for NMS |
|
||||
| `imgsz` | `int or tuple` | `640` | image size as scalar or (h, w) list, i.e. (640, 480) |
|
||||
| `half` | `bool` | `False` | use half precision (FP16) |
|
||||
| `device` | `None or str` | `None` | device to run on, i.e. cuda device=0/1/2/3 or device=cpu |
|
||||
| `show` | `bool` | `False` | show results if possible |
|
||||
| `save` | `bool` | `False` | save images with results |
|
||||
| `save_txt` | `bool` | `False` | save results as .txt file |
|
||||
| `save_conf` | `bool` | `False` | save results with confidence scores |
|
||||
| `save_crop` | `bool` | `False` | save cropped images with results |
|
||||
| `hide_labels` | `bool` | `False` | hide labels |
|
||||
| `hide_conf` | `bool` | `False` | hide confidence scores |
|
||||
| `max_det` | `int` | `300` | maximum number of detections per image |
|
||||
| `vid_stride` | `bool` | `False` | video frame-rate stride |
|
||||
| `line_width` | `None or int` | `None` | The line width of the bounding boxes. If None, it is scaled to the image size. |
|
||||
| `visualize` | `bool` | `False` | visualize model features |
|
||||
| `augment` | `bool` | `False` | apply image augmentation to prediction sources |
|
||||
| `agnostic_nms` | `bool` | `False` | class-agnostic NMS |
|
||||
| `retina_masks` | `bool` | `False` | use high-resolution segmentation masks |
|
||||
| `classes` | `None or list` | `None` | filter results by class, i.e. class=0, or class=[0,2,3] |
|
||||
| `boxes` | `bool` | `True` | Show boxes in segmentation predictions |
|
||||
|
||||
## Image and Video Formats
|
||||
|
||||
YOLOv8 supports various image and video formats, as specified in [data/utils.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/data/utils.py). See the tables below for the valid suffixes and example predict commands.
|
||||
|
||||
### Image Suffixes
|
||||
### Images
|
||||
|
||||
The below table contains valid Ultralytics image formats.
|
||||
|
||||
@ -336,7 +341,7 @@ The below table contains valid Ultralytics image formats.
|
||||
| .webp | `yolo predict source=image.webp` | [WebP](https://en.wikipedia.org/wiki/WebP) |
|
||||
| .pfm | `yolo predict source=image.pfm` | [Portable FloatMap](https://en.wikipedia.org/wiki/Netpbm#File_formats) |
|
||||
|
||||
### Video Suffixes
|
||||
### Videos
|
||||
|
||||
The below table contains valid Ultralytics video formats.
|
||||
|
||||
@ -357,129 +362,235 @@ The below table contains valid Ultralytics video formats.
|
||||
|
||||
## Working with Results
|
||||
|
||||
The `Results` object contains the following components:
|
||||
|
||||
- `Results.boxes`: `Boxes` object with properties and methods for manipulating bounding boxes
|
||||
- `Results.masks`: `Masks` object for indexing masks or getting segment coordinates
|
||||
- `Results.keypoints`: `Keypoints` object for with properties and methods for manipulating predicted keypoints.
|
||||
- `Results.probs`: `Probs` object for containing class probabilities.
|
||||
- `Results.orig_img`: Original image loaded in memory
|
||||
- `Results.path`: `Path` containing the path to the input image
|
||||
|
||||
Each result is composed of a `torch.Tensor` by default, which allows for easy manipulation:
|
||||
All Ultralytics `predict()` calls will return a list of `Results` objects:
|
||||
|
||||
!!! example "Results"
|
||||
|
||||
```python
|
||||
results = results.cuda()
|
||||
results = results.cpu()
|
||||
results = results.to('cpu')
|
||||
results = results.numpy()
|
||||
from ultralytics import YOLO
|
||||
|
||||
# Load a pretrained YOLOv8n model
|
||||
model = YOLO('yolov8n.pt')
|
||||
|
||||
# Run inference on an image
|
||||
results = model('bus.jpg') # list of 1 Results object
|
||||
results = model(['bus.jpg', 'zidane.jpg']) # list of 2 Results objects
|
||||
```
|
||||
|
||||
`Results` objects have the following attributes:
|
||||
|
||||
| Attribute | Type | Description |
|
||||
|--------------|-----------------------|------------------------------------------------------------------------------------------|
|
||||
| `orig_img` | `numpy.ndarray` | The original image as a numpy array. |
|
||||
| `orig_shape` | `tuple` | The original image shape in (height, width) format. |
|
||||
| `boxes` | `Boxes, optional` | A Boxes object containing the detection bounding boxes. |
|
||||
| `masks` | `Masks, optional` | A Masks object containing the detection masks. |
|
||||
| `probs` | `Probs, optional` | A Probs object containing probabilities of each class for classification task. |
|
||||
| `keypoints` | `Keypoints, optional` | A Keypoints object containing detected keypoints for each object. |
|
||||
| `speed` | `dict` | A dictionary of preprocess, inference, and postprocess speeds in milliseconds per image. |
|
||||
| `names` | `dict` | A dictionary of class names. |
|
||||
| `path` | `str` | The path to the image file. |
|
||||
|
||||
`Results` objects have the following methods:
|
||||
|
||||
| Method | Return Type | Description |
|
||||
|-----------------|-----------------|-------------------------------------------------------------------------------------|
|
||||
| `__getitem__()` | `Results` | Return a Results object for the specified index. |
|
||||
| `__len__()` | `int` | Return the number of detections in the Results object. |
|
||||
| `update()` | `None` | Update the boxes, masks, and probs attributes of the Results object. |
|
||||
| `cpu()` | `Results` | Return a copy of the Results object with all tensors on CPU memory. |
|
||||
| `numpy()` | `Results` | Return a copy of the Results object with all tensors as numpy arrays. |
|
||||
| `cuda()` | `Results` | Return a copy of the Results object with all tensors on GPU memory. |
|
||||
| `to()` | `Results` | Return a copy of the Results object with tensors on the specified device and dtype. |
|
||||
| `new()` | `Results` | Return a new Results object with the same image, path, and names. |
|
||||
| `keys()` | `List[str]` | Return a list of non-empty attribute names. |
|
||||
| `plot()` | `numpy.ndarray` | Plots the detection results. Returns a numpy array of the annotated image. |
|
||||
| `verbose()` | `str` | Return log string for each task. |
|
||||
| `save_txt()` | `None` | Save predictions into a txt file. |
|
||||
| `save_crop()` | `None` | Save cropped predictions to `save_dir/cls/file_name.jpg`. |
|
||||
| `tojson()` | `None` | Convert the object to JSON format. |
|
||||
|
||||
For more details see the `Results` class [documentation](../reference/engine/results.md#-results).
|
||||
|
||||
### Boxes
|
||||
|
||||
`Boxes` object can be used to index, manipulate, and convert bounding boxes to different formats. Box format conversion
|
||||
operations are cached, meaning they're only calculated once per object, and those values are reused for future calls.
|
||||
|
||||
- Indexing a `Boxes` object returns a `Boxes` object:
|
||||
`Boxes` object can be used to index, manipulate, and convert bounding boxes to different formats.
|
||||
|
||||
!!! example "Boxes"
|
||||
|
||||
```python
|
||||
results = model(img)
|
||||
boxes = results[0].boxes
|
||||
box = boxes[0] # returns one box
|
||||
box.xyxy
|
||||
from ultralytics import YOLO
|
||||
|
||||
# Load a pretrained YOLOv8n model
|
||||
model = YOLO('yolov8n.pt')
|
||||
|
||||
# Run inference on an image
|
||||
results = model('bus.jpg') # results list
|
||||
|
||||
# View results
|
||||
for r in results:
|
||||
print(r.boxes) # print the Boxes object containing the detection bounding boxes
|
||||
```
|
||||
|
||||
- Properties and conversions
|
||||
Here is a table for the `Boxes` class methods and properties, including their name, type, and description:
|
||||
|
||||
!!! example "Boxes Properties"
|
||||
| Name | Type | Description |
|
||||
|-----------|---------------------------|--------------------------------------------------------------------|
|
||||
| `cpu()` | Method | Move the object to CPU memory. |
|
||||
| `numpy()` | Method | Convert the object to a numpy array. |
|
||||
| `cuda()` | Method | Move the object to CUDA memory. |
|
||||
| `to()` | Method | Move the object to the specified device. |
|
||||
| `xyxy` | Property (`torch.Tensor`) | Return the boxes in xyxy format. |
|
||||
| `conf` | Property (`torch.Tensor`) | Return the confidence values of the boxes. |
|
||||
| `cls` | Property (`torch.Tensor`) | Return the class values of the boxes. |
|
||||
| `id` | Property (`torch.Tensor`) | Return the track IDs of the boxes (if available). |
|
||||
| `xywh` | Property (`torch.Tensor`) | Return the boxes in xywh format. |
|
||||
| `xyxyn` | Property (`torch.Tensor`) | Return the boxes in xyxy format normalized by original image size. |
|
||||
| `xywhn` | Property (`torch.Tensor`) | Return the boxes in xywh format normalized by original image size. |
|
||||
|
||||
```python
|
||||
boxes.xyxy # box with xyxy format, (N, 4)
|
||||
boxes.xywh # box with xywh format, (N, 4)
|
||||
boxes.xyxyn # box with xyxy format but normalized, (N, 4)
|
||||
boxes.xywhn # box with xywh format but normalized, (N, 4)
|
||||
boxes.conf # confidence score, (N, )
|
||||
boxes.cls # cls, (N, )
|
||||
boxes.data # raw bboxes tensor, (N, 6) or boxes.boxes
|
||||
```
|
||||
For more details see the `Boxes` class [documentation](../reference/engine/results.md#boxes).
|
||||
|
||||
### Masks
|
||||
|
||||
`Masks` object can be used index, manipulate and convert masks to segments. The segment conversion operation is cached.
|
||||
`Masks` object can be used index, manipulate and convert masks to segments.
|
||||
|
||||
!!! example "Masks"
|
||||
|
||||
```python
|
||||
results = model(inputs)
|
||||
masks = results[0].masks # Masks object
|
||||
masks.xy # x, y segments (pixels), List[segment] * N
|
||||
masks.xyn # x, y segments (normalized), List[segment] * N
|
||||
masks.data # raw masks tensor, (N, H, W) or masks.masks
|
||||
from ultralytics import YOLO
|
||||
|
||||
# Load a pretrained YOLOv8n-seg Segment model
|
||||
model = YOLO('yolov8n-seg.pt')
|
||||
|
||||
# Run inference on an image
|
||||
results = model('bus.jpg') # results list
|
||||
|
||||
# View results
|
||||
for r in results:
|
||||
print(r.masks) # print the Masks object containing the detected instance masks
|
||||
```
|
||||
|
||||
Here is a table for the `Masks` class methods and properties, including their name, type, and description:
|
||||
|
||||
| Name | Type | Description |
|
||||
|------------|---------------------------|-----------------------------------------------------------------|
|
||||
| `cpu()` | Method | Returns the masks tensor on CPU memory. |
|
||||
| `numpy()` | Method | Returns the masks tensor as a numpy array. |
|
||||
| `cuda()` | Method | Returns the masks tensor on GPU memory. |
|
||||
| `to()` | Method | Returns the masks tensor with the specified device and dtype. |
|
||||
| `xyn` | Property (`torch.Tensor`) | A list of normalized segments represented as tensors. |
|
||||
| `xy` | Property (`torch.Tensor`) | A list of segments in pixel coordinates represented as tensors. |
|
||||
|
||||
For more details see the `Masks` class [documentation](../reference/engine/results.md#masks).
|
||||
|
||||
### Keypoints
|
||||
|
||||
`Keypoints` object can be used index, manipulate and normalize coordinates. The keypoint conversion operation is cached.
|
||||
`Keypoints` object can be used index, manipulate and normalize coordinates.
|
||||
|
||||
!!! example "Keypoints"
|
||||
|
||||
```python
|
||||
results = model(inputs)
|
||||
keypoints = results[0].keypoints # Masks object
|
||||
keypoints.xy # x, y keypoints (pixels), (num_dets, num_kpts, 2/3), the last dimension can be 2 or 3, depends the model.
|
||||
keypoints.xyn # x, y keypoints (normalized), (num_dets, num_kpts, 2/3)
|
||||
keypoints.conf # confidence score(num_dets, num_kpts) of each keypoint if the last dimension is 3.
|
||||
keypoints.data # raw keypoints tensor, (num_dets, num_kpts, 2/3)
|
||||
from ultralytics import YOLO
|
||||
|
||||
# Load a pretrained YOLOv8n-pose Pose model
|
||||
model = YOLO('yolov8n-pose.pt')
|
||||
|
||||
# Run inference on an image
|
||||
results = model('bus.jpg') # results list
|
||||
|
||||
# View results
|
||||
for r in results:
|
||||
print(r.keypoints) # print the Keypoints object containing the detected keypoints
|
||||
```
|
||||
|
||||
### probs
|
||||
Here is a table for the `Keypoints` class methods and properties, including their name, type, and description:
|
||||
|
||||
`Probs` object can be used index, get top1&top5 indices and scores of classification.
|
||||
| Name | Type | Description |
|
||||
|-----------|---------------------------|-------------------------------------------------------------------|
|
||||
| `cpu()` | Method | Returns the keypoints tensor on CPU memory. |
|
||||
| `numpy()` | Method | Returns the keypoints tensor as a numpy array. |
|
||||
| `cuda()` | Method | Returns the keypoints tensor on GPU memory. |
|
||||
| `to()` | Method | Returns the keypoints tensor with the specified device and dtype. |
|
||||
| `xyn` | Property (`torch.Tensor`) | A list of normalized keypoints represented as tensors. |
|
||||
| `xy` | Property (`torch.Tensor`) | A list of keypoints in pixel coordinates represented as tensors. |
|
||||
| `conf` | Property (`torch.Tensor`) | Returns confidence values of keypoints if available, else None. |
|
||||
|
||||
For more details see the `Keypoints` class [documentation](../reference/engine/results.md#keypoints).
|
||||
|
||||
### Probs
|
||||
|
||||
`Probs` object can be used index, get `top1` and `top5` indices and scores of classification.
|
||||
|
||||
!!! example "Probs"
|
||||
|
||||
```python
|
||||
results = model(inputs)
|
||||
probs = results[0].probs # cls prob, (num_class, )
|
||||
probs.top5 # The top5 indices of classification, List[Int] * 5.
|
||||
probs.top1 # The top1 indices of classification, a value with Int type.
|
||||
probs.top5conf # The top5 scores of classification, a tensor with shape (5, ).
|
||||
probs.top1conf # The top1 scores of classification. a value with torch.tensor type.
|
||||
keypoints.data # raw probs tensor, (num_class, )
|
||||
from ultralytics import YOLO
|
||||
|
||||
# Load a pretrained YOLOv8n-cls Classify model
|
||||
model = YOLO('yolov8n-cls.pt')
|
||||
|
||||
# Run inference on an image
|
||||
results = model('bus.jpg') # results list
|
||||
|
||||
# View results
|
||||
for r in results:
|
||||
print(r.probs) # print the Probs object containing the detected class probabilities
|
||||
```
|
||||
|
||||
Class reference documentation for `Results` module and its components can be found [here](../reference/engine/results.md)
|
||||
Here's a table summarizing the methods and properties for the `Probs` class:
|
||||
|
||||
## Plotting results
|
||||
| Name | Type | Description |
|
||||
|------------|-------------------------|-------------------------------------------------------------------------|
|
||||
| `cpu()` | Method | Returns a copy of the probs tensor on CPU memory. |
|
||||
| `numpy()` | Method | Returns a copy of the probs tensor as a numpy array. |
|
||||
| `cuda()` | Method | Returns a copy of the probs tensor on GPU memory. |
|
||||
| `to()` | Method | Returns a copy of the probs tensor with the specified device and dtype. |
|
||||
| `top1` | Property `int` | Index of the top 1 class. |
|
||||
| `top5` | Property `list[int]` | Indices of the top 5 classes. |
|
||||
| `top1conf` | Property `torch.Tensor` | Confidence of the top 1 class. |
|
||||
| `top5conf` | Property `torch.Tensor` | Confidences of the top 5 classes. |
|
||||
|
||||
You can use `plot()` function of `Result` object to plot results on in image object. It plots all components(boxes,
|
||||
masks, classification probabilities, etc.) found in the results object
|
||||
For more details see the `Probs` class [documentation](../reference/engine/results.md#probs).
|
||||
|
||||
## Plotting Results
|
||||
|
||||
You can the `plot()` method of a `Result` objects to plot predictions. It plots all prediction types (boxes, masks, keypoints, probabilities, etc.) contained in the `Results` object.
|
||||
|
||||
!!! example "Plotting"
|
||||
|
||||
```python
|
||||
res = model(img)
|
||||
res_plotted = res[0].plot()
|
||||
cv2.imshow("result", res_plotted)
|
||||
```
|
||||
from PIL import Image
|
||||
from ultralytics import YOLO
|
||||
|
||||
| Argument | Description |
|
||||
|-------------------------------|----------------------------------------------------------------------------------------|
|
||||
| `conf (bool)` | Whether to plot the detection confidence score. |
|
||||
| `line_width (int, optional)` | The line width of the bounding boxes. If None, it is scaled to the image size. |
|
||||
| `font_size (float, optional)` | The font size of the text. If None, it is scaled to the image size. |
|
||||
| `font (str)` | The font to use for the text. |
|
||||
| `pil (bool)` | Whether to use PIL for image plotting. |
|
||||
| `example (str)` | An example string to display. Useful for indicating the expected format of the output. |
|
||||
| `img (numpy.ndarray)` | Plot to another image. if not, plot to original image. |
|
||||
| `labels (bool)` | Whether to plot the label of bounding boxes. |
|
||||
| `boxes (bool)` | Whether to plot the bounding boxes. |
|
||||
| `masks (bool)` | Whether to plot the masks. |
|
||||
| `probs (bool)` | Whether to plot classification probability. |
|
||||
# Load a pretrained YOLOv8n model
|
||||
model = YOLO('yolov8n.pt')
|
||||
|
||||
# Run inference on 'bus.jpg'
|
||||
results = model('bus.jpg') # results list
|
||||
|
||||
# Show the results
|
||||
for r in results:
|
||||
im = r.plot() # plot a BGR numpy array of predictions
|
||||
Image.fromarray(im[..., ::-1]).show() # show RGB image
|
||||
```
|
||||
|
||||
The `plot()` method has the following arguments available:
|
||||
|
||||
| Argument | Type | Description | Default |
|
||||
|--------------|-----------------|--------------------------------------------------------------------------------|---------------|
|
||||
| `conf` | `bool` | Whether to plot the detection confidence score. | `True` |
|
||||
| `line_width` | `float` | The line width of the bounding boxes. If None, it is scaled to the image size. | `None` |
|
||||
| `font_size` | `float` | The font size of the text. If None, it is scaled to the image size. | `None` |
|
||||
| `font` | `str` | The font to use for the text. | `'Arial.ttf'` |
|
||||
| `pil` | `bool` | Whether to return the image as a PIL Image. | `False` |
|
||||
| `img` | `numpy.ndarray` | Plot to another image. if not, plot to original image. | `None` |
|
||||
| `im_gpu` | `torch.Tensor` | Normalized image in gpu with shape (1, 3, 640, 640), for faster mask plotting. | `None` |
|
||||
| `kpt_radius` | `int` | Radius of the drawn keypoints. Default is 5. | `5` |
|
||||
| `kpt_line` | `bool` | Whether to draw lines connecting keypoints. | `True` |
|
||||
| `labels` | `bool` | Whether to plot the label of bounding boxes. | `True` |
|
||||
| `boxes` | `bool` | Whether to plot the bounding boxes. | `True` |
|
||||
| `masks` | `bool` | Whether to plot the masks. | `True` |
|
||||
| `probs` | `bool` | Whether to plot classification probability | `True` |
|
||||
|
||||
## Streaming Source `for`-loop
|
||||
|
||||
|
@ -11,7 +11,7 @@
|
||||
data-strict="0"
|
||||
data-reactions-enabled="1"
|
||||
data-emit-metadata="0"
|
||||
data-input-position="bottom"
|
||||
data-input-position="top"
|
||||
data-theme="preferred_color_scheme"
|
||||
data-lang="en"
|
||||
crossorigin="anonymous"
|
||||
|
@ -3,57 +3,52 @@ description: Explore Ultralytics cfg functions like cfg2dict, handle_deprecation
|
||||
keywords: Ultralytics, YOLO, Configuration, cfg2dict, handle_deprecation, merge_equals_args, handle_yolo_settings, copy_default_cfg, Image Detection
|
||||
---
|
||||
|
||||
## cfg2dict
|
||||
# Reference for `ultralytics/cfg.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/cfg.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/cfg.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.cfg.cfg2dict
|
||||
## ::: ultralytics.cfg.cfg2dict
|
||||
<br><br>
|
||||
|
||||
## get_cfg
|
||||
---
|
||||
### ::: ultralytics.cfg.get_cfg
|
||||
## ::: ultralytics.cfg.get_cfg
|
||||
<br><br>
|
||||
|
||||
## _handle_deprecation
|
||||
---
|
||||
### ::: ultralytics.cfg._handle_deprecation
|
||||
## ::: ultralytics.cfg._handle_deprecation
|
||||
<br><br>
|
||||
|
||||
## check_dict_alignment
|
||||
---
|
||||
### ::: ultralytics.cfg.check_dict_alignment
|
||||
## ::: ultralytics.cfg.check_dict_alignment
|
||||
<br><br>
|
||||
|
||||
## merge_equals_args
|
||||
---
|
||||
### ::: ultralytics.cfg.merge_equals_args
|
||||
## ::: ultralytics.cfg.merge_equals_args
|
||||
<br><br>
|
||||
|
||||
## handle_yolo_hub
|
||||
---
|
||||
### ::: ultralytics.cfg.handle_yolo_hub
|
||||
## ::: ultralytics.cfg.handle_yolo_hub
|
||||
<br><br>
|
||||
|
||||
## handle_yolo_settings
|
||||
---
|
||||
### ::: ultralytics.cfg.handle_yolo_settings
|
||||
## ::: ultralytics.cfg.handle_yolo_settings
|
||||
<br><br>
|
||||
|
||||
## parse_key_value_pair
|
||||
---
|
||||
### ::: ultralytics.cfg.parse_key_value_pair
|
||||
## ::: ultralytics.cfg.parse_key_value_pair
|
||||
<br><br>
|
||||
|
||||
## smart_value
|
||||
---
|
||||
### ::: ultralytics.cfg.smart_value
|
||||
## ::: ultralytics.cfg.smart_value
|
||||
<br><br>
|
||||
|
||||
## entrypoint
|
||||
---
|
||||
### ::: ultralytics.cfg.entrypoint
|
||||
## ::: ultralytics.cfg.entrypoint
|
||||
<br><br>
|
||||
|
||||
## copy_default_cfg
|
||||
---
|
||||
### ::: ultralytics.cfg.copy_default_cfg
|
||||
## ::: ultralytics.cfg.copy_default_cfg
|
||||
<br><br>
|
||||
|
@ -3,7 +3,12 @@ description: Enhance your machine learning model with Ultralytics’ auto_annota
|
||||
keywords: Ultralytics, Auto-Annotate, Machine Learning, AI, Annotation, Data Processing, Model Training
|
||||
---
|
||||
|
||||
## auto_annotate
|
||||
# Reference for `ultralytics/data/annotator.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/data/annotator.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/data/annotator.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.data.annotator.auto_annotate
|
||||
## ::: ultralytics.data.annotator.auto_annotate
|
||||
<br><br>
|
||||
|
@ -3,97 +3,84 @@ description: Detailed exploration into Ultralytics data augmentation methods inc
|
||||
keywords: Ultralytics, Data Augmentation, BaseTransform, MixUp, RandomHSV, LetterBox, Albumentations, classify_transforms, classify_albumentations
|
||||
---
|
||||
|
||||
## BaseTransform
|
||||
# Reference for `ultralytics/data/augment.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/data/augment.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/data/augment.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.data.augment.BaseTransform
|
||||
## ::: ultralytics.data.augment.BaseTransform
|
||||
<br><br>
|
||||
|
||||
## Compose
|
||||
---
|
||||
### ::: ultralytics.data.augment.Compose
|
||||
## ::: ultralytics.data.augment.Compose
|
||||
<br><br>
|
||||
|
||||
## BaseMixTransform
|
||||
---
|
||||
### ::: ultralytics.data.augment.BaseMixTransform
|
||||
## ::: ultralytics.data.augment.BaseMixTransform
|
||||
<br><br>
|
||||
|
||||
## Mosaic
|
||||
---
|
||||
### ::: ultralytics.data.augment.Mosaic
|
||||
## ::: ultralytics.data.augment.Mosaic
|
||||
<br><br>
|
||||
|
||||
## MixUp
|
||||
---
|
||||
### ::: ultralytics.data.augment.MixUp
|
||||
## ::: ultralytics.data.augment.MixUp
|
||||
<br><br>
|
||||
|
||||
## RandomPerspective
|
||||
---
|
||||
### ::: ultralytics.data.augment.RandomPerspective
|
||||
## ::: ultralytics.data.augment.RandomPerspective
|
||||
<br><br>
|
||||
|
||||
## RandomHSV
|
||||
---
|
||||
### ::: ultralytics.data.augment.RandomHSV
|
||||
## ::: ultralytics.data.augment.RandomHSV
|
||||
<br><br>
|
||||
|
||||
## RandomFlip
|
||||
---
|
||||
### ::: ultralytics.data.augment.RandomFlip
|
||||
## ::: ultralytics.data.augment.RandomFlip
|
||||
<br><br>
|
||||
|
||||
## LetterBox
|
||||
---
|
||||
### ::: ultralytics.data.augment.LetterBox
|
||||
## ::: ultralytics.data.augment.LetterBox
|
||||
<br><br>
|
||||
|
||||
## CopyPaste
|
||||
---
|
||||
### ::: ultralytics.data.augment.CopyPaste
|
||||
## ::: ultralytics.data.augment.CopyPaste
|
||||
<br><br>
|
||||
|
||||
## Albumentations
|
||||
---
|
||||
### ::: ultralytics.data.augment.Albumentations
|
||||
## ::: ultralytics.data.augment.Albumentations
|
||||
<br><br>
|
||||
|
||||
## Format
|
||||
---
|
||||
### ::: ultralytics.data.augment.Format
|
||||
## ::: ultralytics.data.augment.Format
|
||||
<br><br>
|
||||
|
||||
## ClassifyLetterBox
|
||||
---
|
||||
### ::: ultralytics.data.augment.ClassifyLetterBox
|
||||
## ::: ultralytics.data.augment.ClassifyLetterBox
|
||||
<br><br>
|
||||
|
||||
## CenterCrop
|
||||
---
|
||||
### ::: ultralytics.data.augment.CenterCrop
|
||||
## ::: ultralytics.data.augment.CenterCrop
|
||||
<br><br>
|
||||
|
||||
## ToTensor
|
||||
---
|
||||
### ::: ultralytics.data.augment.ToTensor
|
||||
## ::: ultralytics.data.augment.ToTensor
|
||||
<br><br>
|
||||
|
||||
## v8_transforms
|
||||
---
|
||||
### ::: ultralytics.data.augment.v8_transforms
|
||||
## ::: ultralytics.data.augment.v8_transforms
|
||||
<br><br>
|
||||
|
||||
## classify_transforms
|
||||
---
|
||||
### ::: ultralytics.data.augment.classify_transforms
|
||||
## ::: ultralytics.data.augment.classify_transforms
|
||||
<br><br>
|
||||
|
||||
## hsv2colorjitter
|
||||
---
|
||||
### ::: ultralytics.data.augment.hsv2colorjitter
|
||||
## ::: ultralytics.data.augment.hsv2colorjitter
|
||||
<br><br>
|
||||
|
||||
## classify_albumentations
|
||||
---
|
||||
### ::: ultralytics.data.augment.classify_albumentations
|
||||
## ::: ultralytics.data.augment.classify_albumentations
|
||||
<br><br>
|
||||
|
@ -3,7 +3,12 @@ description: Explore BaseDataset in Ultralytics docs. Learn how this implementat
|
||||
keywords: Ultralytics, docs, BaseDataset, data manipulation, dataset creation
|
||||
---
|
||||
|
||||
## BaseDataset
|
||||
# Reference for `ultralytics/data/base.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/data/base.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/data/base.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.data.base.BaseDataset
|
||||
## ::: ultralytics.data.base.BaseDataset
|
||||
<br><br>
|
||||
|
@ -3,37 +3,36 @@ description: Explore the Ultralytics YOLO v3 data build procedures, including th
|
||||
keywords: Ultralytics, YOLO v3, Data build, DataLoader, InfiniteDataLoader, seed_worker, build_dataloader, load_inference_source
|
||||
---
|
||||
|
||||
## InfiniteDataLoader
|
||||
# Reference for `ultralytics/data/build.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/data/build.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/data/build.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.data.build.InfiniteDataLoader
|
||||
## ::: ultralytics.data.build.InfiniteDataLoader
|
||||
<br><br>
|
||||
|
||||
## _RepeatSampler
|
||||
---
|
||||
### ::: ultralytics.data.build._RepeatSampler
|
||||
## ::: ultralytics.data.build._RepeatSampler
|
||||
<br><br>
|
||||
|
||||
## seed_worker
|
||||
---
|
||||
### ::: ultralytics.data.build.seed_worker
|
||||
## ::: ultralytics.data.build.seed_worker
|
||||
<br><br>
|
||||
|
||||
## build_yolo_dataset
|
||||
---
|
||||
### ::: ultralytics.data.build.build_yolo_dataset
|
||||
## ::: ultralytics.data.build.build_yolo_dataset
|
||||
<br><br>
|
||||
|
||||
## build_dataloader
|
||||
---
|
||||
### ::: ultralytics.data.build.build_dataloader
|
||||
## ::: ultralytics.data.build.build_dataloader
|
||||
<br><br>
|
||||
|
||||
## check_source
|
||||
---
|
||||
### ::: ultralytics.data.build.check_source
|
||||
## ::: ultralytics.data.build.check_source
|
||||
<br><br>
|
||||
|
||||
## load_inference_source
|
||||
---
|
||||
### ::: ultralytics.data.build.load_inference_source
|
||||
## ::: ultralytics.data.build.load_inference_source
|
||||
<br><br>
|
||||
|
@ -3,32 +3,32 @@ description: Explore Ultralytics data converter functions like coco91_to_coco80_
|
||||
keywords: Ultralytics, Data Converter, coco91_to_coco80_class, merge_multi_segment, rle2polygon
|
||||
---
|
||||
|
||||
## coco91_to_coco80_class
|
||||
# Reference for `ultralytics/data/converter.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/data/converter.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/data/converter.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.data.converter.coco91_to_coco80_class
|
||||
## ::: ultralytics.data.converter.coco91_to_coco80_class
|
||||
<br><br>
|
||||
|
||||
## convert_coco
|
||||
---
|
||||
### ::: ultralytics.data.converter.convert_coco
|
||||
## ::: ultralytics.data.converter.convert_coco
|
||||
<br><br>
|
||||
|
||||
## rle2polygon
|
||||
---
|
||||
### ::: ultralytics.data.converter.rle2polygon
|
||||
## ::: ultralytics.data.converter.rle2polygon
|
||||
<br><br>
|
||||
|
||||
## min_index
|
||||
---
|
||||
### ::: ultralytics.data.converter.min_index
|
||||
## ::: ultralytics.data.converter.min_index
|
||||
<br><br>
|
||||
|
||||
## merge_multi_segment
|
||||
---
|
||||
### ::: ultralytics.data.converter.merge_multi_segment
|
||||
## ::: ultralytics.data.converter.merge_multi_segment
|
||||
<br><br>
|
||||
|
||||
## delete_dsstore
|
||||
---
|
||||
### ::: ultralytics.data.converter.delete_dsstore
|
||||
## ::: ultralytics.data.converter.delete_dsstore
|
||||
<br><br>
|
||||
|
@ -3,17 +3,20 @@ description: Explore the YOLODataset and SemanticDataset classes in YOLO data. L
|
||||
keywords: Ultralytics, YOLO, YOLODataset, SemanticDataset, data handling, data manipulation
|
||||
---
|
||||
|
||||
## YOLODataset
|
||||
# Reference for `ultralytics/data/dataset.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/data/dataset.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/data/dataset.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.data.dataset.YOLODataset
|
||||
## ::: ultralytics.data.dataset.YOLODataset
|
||||
<br><br>
|
||||
|
||||
## ClassificationDataset
|
||||
---
|
||||
### ::: ultralytics.data.dataset.ClassificationDataset
|
||||
## ::: ultralytics.data.dataset.ClassificationDataset
|
||||
<br><br>
|
||||
|
||||
## SemanticDataset
|
||||
---
|
||||
### ::: ultralytics.data.dataset.SemanticDataset
|
||||
## ::: ultralytics.data.dataset.SemanticDataset
|
||||
<br><br>
|
||||
|
@ -3,42 +3,40 @@ description: Find detailed guides on Ultralytics YOLO data loaders, including Lo
|
||||
keywords: Ultralytics, data loaders, LoadStreams, LoadImages, LoadTensor, YOLO, YouTube URLs
|
||||
---
|
||||
|
||||
## SourceTypes
|
||||
# Reference for `ultralytics/data/loaders.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/data/loaders.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/data/loaders.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.data.loaders.SourceTypes
|
||||
## ::: ultralytics.data.loaders.SourceTypes
|
||||
<br><br>
|
||||
|
||||
## LoadStreams
|
||||
---
|
||||
### ::: ultralytics.data.loaders.LoadStreams
|
||||
## ::: ultralytics.data.loaders.LoadStreams
|
||||
<br><br>
|
||||
|
||||
## LoadScreenshots
|
||||
---
|
||||
### ::: ultralytics.data.loaders.LoadScreenshots
|
||||
## ::: ultralytics.data.loaders.LoadScreenshots
|
||||
<br><br>
|
||||
|
||||
## LoadImages
|
||||
---
|
||||
### ::: ultralytics.data.loaders.LoadImages
|
||||
## ::: ultralytics.data.loaders.LoadImages
|
||||
<br><br>
|
||||
|
||||
## LoadPilAndNumpy
|
||||
---
|
||||
### ::: ultralytics.data.loaders.LoadPilAndNumpy
|
||||
## ::: ultralytics.data.loaders.LoadPilAndNumpy
|
||||
<br><br>
|
||||
|
||||
## LoadTensor
|
||||
---
|
||||
### ::: ultralytics.data.loaders.LoadTensor
|
||||
## ::: ultralytics.data.loaders.LoadTensor
|
||||
<br><br>
|
||||
|
||||
## autocast_list
|
||||
---
|
||||
### ::: ultralytics.data.loaders.autocast_list
|
||||
## ::: ultralytics.data.loaders.autocast_list
|
||||
<br><br>
|
||||
|
||||
## get_best_youtube_url
|
||||
---
|
||||
### ::: ultralytics.data.loaders.get_best_youtube_url
|
||||
## ::: ultralytics.data.loaders.get_best_youtube_url
|
||||
<br><br>
|
||||
|
@ -3,72 +3,64 @@ description: Uncover a detailed guide to Ultralytics data utilities. Learn funct
|
||||
keywords: Ultralytics, data utils, YOLO, img2label_paths, exif_size, polygon2mask, polygons2masks_overlap, check_cls_dataset, delete_dsstore, autosplit
|
||||
---
|
||||
|
||||
## HUBDatasetStats
|
||||
# Reference for `ultralytics/data/utils.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/data/utils.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/data/utils.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.data.utils.HUBDatasetStats
|
||||
## ::: ultralytics.data.utils.HUBDatasetStats
|
||||
<br><br>
|
||||
|
||||
## img2label_paths
|
||||
---
|
||||
### ::: ultralytics.data.utils.img2label_paths
|
||||
## ::: ultralytics.data.utils.img2label_paths
|
||||
<br><br>
|
||||
|
||||
## get_hash
|
||||
---
|
||||
### ::: ultralytics.data.utils.get_hash
|
||||
## ::: ultralytics.data.utils.get_hash
|
||||
<br><br>
|
||||
|
||||
## exif_size
|
||||
---
|
||||
### ::: ultralytics.data.utils.exif_size
|
||||
## ::: ultralytics.data.utils.exif_size
|
||||
<br><br>
|
||||
|
||||
## verify_image_label
|
||||
---
|
||||
### ::: ultralytics.data.utils.verify_image_label
|
||||
## ::: ultralytics.data.utils.verify_image_label
|
||||
<br><br>
|
||||
|
||||
## polygon2mask
|
||||
---
|
||||
### ::: ultralytics.data.utils.polygon2mask
|
||||
## ::: ultralytics.data.utils.polygon2mask
|
||||
<br><br>
|
||||
|
||||
## polygons2masks
|
||||
---
|
||||
### ::: ultralytics.data.utils.polygons2masks
|
||||
## ::: ultralytics.data.utils.polygons2masks
|
||||
<br><br>
|
||||
|
||||
## polygons2masks_overlap
|
||||
---
|
||||
### ::: ultralytics.data.utils.polygons2masks_overlap
|
||||
## ::: ultralytics.data.utils.polygons2masks_overlap
|
||||
<br><br>
|
||||
|
||||
## check_det_dataset
|
||||
---
|
||||
### ::: ultralytics.data.utils.check_det_dataset
|
||||
## ::: ultralytics.data.utils.check_det_dataset
|
||||
<br><br>
|
||||
|
||||
## check_cls_dataset
|
||||
---
|
||||
### ::: ultralytics.data.utils.check_cls_dataset
|
||||
## ::: ultralytics.data.utils.check_cls_dataset
|
||||
<br><br>
|
||||
|
||||
## compress_one_image
|
||||
---
|
||||
### ::: ultralytics.data.utils.compress_one_image
|
||||
## ::: ultralytics.data.utils.compress_one_image
|
||||
<br><br>
|
||||
|
||||
## delete_dsstore
|
||||
---
|
||||
### ::: ultralytics.data.utils.delete_dsstore
|
||||
## ::: ultralytics.data.utils.delete_dsstore
|
||||
<br><br>
|
||||
|
||||
## zip_directory
|
||||
---
|
||||
### ::: ultralytics.data.utils.zip_directory
|
||||
## ::: ultralytics.data.utils.zip_directory
|
||||
<br><br>
|
||||
|
||||
## autosplit
|
||||
---
|
||||
### ::: ultralytics.data.utils.autosplit
|
||||
## ::: ultralytics.data.utils.autosplit
|
||||
<br><br>
|
||||
|
@ -3,32 +3,32 @@ description: Explore the exporter functionality of Ultralytics. Learn about expo
|
||||
keywords: Ultralytics, Exporter, iOSDetectModel, Export Formats, Try export
|
||||
---
|
||||
|
||||
## Exporter
|
||||
# Reference for `ultralytics/engine/exporter.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/engine/exporter.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/engine/exporter.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.engine.exporter.Exporter
|
||||
## ::: ultralytics.engine.exporter.Exporter
|
||||
<br><br>
|
||||
|
||||
## iOSDetectModel
|
||||
---
|
||||
### ::: ultralytics.engine.exporter.iOSDetectModel
|
||||
## ::: ultralytics.engine.exporter.iOSDetectModel
|
||||
<br><br>
|
||||
|
||||
## export_formats
|
||||
---
|
||||
### ::: ultralytics.engine.exporter.export_formats
|
||||
## ::: ultralytics.engine.exporter.export_formats
|
||||
<br><br>
|
||||
|
||||
## gd_outputs
|
||||
---
|
||||
### ::: ultralytics.engine.exporter.gd_outputs
|
||||
## ::: ultralytics.engine.exporter.gd_outputs
|
||||
<br><br>
|
||||
|
||||
## try_export
|
||||
---
|
||||
### ::: ultralytics.engine.exporter.try_export
|
||||
## ::: ultralytics.engine.exporter.try_export
|
||||
<br><br>
|
||||
|
||||
## export
|
||||
---
|
||||
### ::: ultralytics.engine.exporter.export
|
||||
## ::: ultralytics.engine.exporter.export
|
||||
<br><br>
|
||||
|
@ -3,7 +3,12 @@ description: Explore the detailed guide on using the Ultralytics YOLO Engine Mod
|
||||
keywords: Ultralytics, YOLO, engine model, documentation, guide, implementation, training, evaluation
|
||||
---
|
||||
|
||||
## Model
|
||||
# Reference for `ultralytics/engine/model.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/engine/model.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/engine/model.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.engine.model.Model
|
||||
## ::: ultralytics.engine.model.Model
|
||||
<br><br>
|
||||
|
@ -3,7 +3,12 @@ description: Learn about Ultralytics BasePredictor, an essential component of ou
|
||||
keywords: Ultralytics, BasePredictor, YOLO, prediction, engine
|
||||
---
|
||||
|
||||
## BasePredictor
|
||||
# Reference for `ultralytics/engine/predictor.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/engine/predictor.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/engine/predictor.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.engine.predictor.BasePredictor
|
||||
## ::: ultralytics.engine.predictor.BasePredictor
|
||||
<br><br>
|
||||
|
@ -3,32 +3,32 @@ description: Master Ultralytics engine results including base tensors, boxes, an
|
||||
keywords: Ultralytics, engine, results, base tensor, boxes, keypoints
|
||||
---
|
||||
|
||||
## BaseTensor
|
||||
# Reference for `ultralytics/engine/results.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/engine/results.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/engine/results.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.engine.results.BaseTensor
|
||||
## ::: ultralytics.engine.results.BaseTensor
|
||||
<br><br>
|
||||
|
||||
## Results
|
||||
---
|
||||
### ::: ultralytics.engine.results.Results
|
||||
## ::: ultralytics.engine.results.Results
|
||||
<br><br>
|
||||
|
||||
## Boxes
|
||||
---
|
||||
### ::: ultralytics.engine.results.Boxes
|
||||
## ::: ultralytics.engine.results.Boxes
|
||||
<br><br>
|
||||
|
||||
## Masks
|
||||
---
|
||||
### ::: ultralytics.engine.results.Masks
|
||||
## ::: ultralytics.engine.results.Masks
|
||||
<br><br>
|
||||
|
||||
## Keypoints
|
||||
---
|
||||
### ::: ultralytics.engine.results.Keypoints
|
||||
## ::: ultralytics.engine.results.Keypoints
|
||||
<br><br>
|
||||
|
||||
## Probs
|
||||
---
|
||||
### ::: ultralytics.engine.results.Probs
|
||||
## ::: ultralytics.engine.results.Probs
|
||||
<br><br>
|
||||
|
@ -3,7 +3,12 @@ description: Learn about the BaseTrainer class in the Ultralytics library. From
|
||||
keywords: Ultralytics, BaseTrainer, Machine Learning, Training Control, Python library
|
||||
---
|
||||
|
||||
## BaseTrainer
|
||||
# Reference for `ultralytics/engine/trainer.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/engine/trainer.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/engine/trainer.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.engine.trainer.BaseTrainer
|
||||
## ::: ultralytics.engine.trainer.BaseTrainer
|
||||
<br><br>
|
||||
|
@ -3,7 +3,12 @@ description: Learn about the Ultralytics BaseValidator module. Understand its pr
|
||||
keywords: Ultralytics, BaseValidator, Ultralytics engine, module, components
|
||||
---
|
||||
|
||||
## BaseValidator
|
||||
# Reference for `ultralytics/engine/validator.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/engine/validator.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/engine/validator.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.engine.validator.BaseValidator
|
||||
## ::: ultralytics.engine.validator.BaseValidator
|
||||
<br><br>
|
||||
|
@ -3,42 +3,40 @@ description: Explore Ultralytics hub functions for model resetting, checking dat
|
||||
keywords: Ultralytics, hub functions, model export, dataset check, reset model, YOLO Docs
|
||||
---
|
||||
|
||||
## login
|
||||
# Reference for `ultralytics/hub.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/hub.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/hub.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.hub.login
|
||||
## ::: ultralytics.hub.login
|
||||
<br><br>
|
||||
|
||||
## logout
|
||||
---
|
||||
### ::: ultralytics.hub.logout
|
||||
## ::: ultralytics.hub.logout
|
||||
<br><br>
|
||||
|
||||
## start
|
||||
---
|
||||
### ::: ultralytics.hub.start
|
||||
## ::: ultralytics.hub.start
|
||||
<br><br>
|
||||
|
||||
## reset_model
|
||||
---
|
||||
### ::: ultralytics.hub.reset_model
|
||||
## ::: ultralytics.hub.reset_model
|
||||
<br><br>
|
||||
|
||||
## export_fmts_hub
|
||||
---
|
||||
### ::: ultralytics.hub.export_fmts_hub
|
||||
## ::: ultralytics.hub.export_fmts_hub
|
||||
<br><br>
|
||||
|
||||
## export_model
|
||||
---
|
||||
### ::: ultralytics.hub.export_model
|
||||
## ::: ultralytics.hub.export_model
|
||||
<br><br>
|
||||
|
||||
## get_export
|
||||
---
|
||||
### ::: ultralytics.hub.get_export
|
||||
## ::: ultralytics.hub.get_export
|
||||
<br><br>
|
||||
|
||||
## check_dataset
|
||||
---
|
||||
### ::: ultralytics.hub.check_dataset
|
||||
## ::: ultralytics.hub.check_dataset
|
||||
<br><br>
|
||||
|
@ -3,7 +3,12 @@ description: Dive into the Ultralytics Auth API documentation & learn how to man
|
||||
keywords: Ultralytics, Auth, API documentation, User Authentication, AI, Machine Learning
|
||||
---
|
||||
|
||||
## Auth
|
||||
# Reference for `ultralytics/hub/auth.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/hub/auth.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/hub/auth.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.hub.auth.Auth
|
||||
## ::: ultralytics.hub.auth.Auth
|
||||
<br><br>
|
||||
|
@ -3,7 +3,12 @@ description: Explore details about the HUBTrainingSession in Ultralytics framewo
|
||||
keywords: Ultralytics, HUBTrainingSession, Documentation, Model Training, AI, Machine Learning, YOLO
|
||||
---
|
||||
|
||||
## HUBTrainingSession
|
||||
# Reference for `ultralytics/hub/session.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/hub/session.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/hub/session.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.hub.session.HUBTrainingSession
|
||||
## ::: ultralytics.hub.session.HUBTrainingSession
|
||||
<br><br>
|
||||
|
@ -3,22 +3,24 @@ description: Explore Ultralytics docs for various Events, including "request_wit
|
||||
keywords: Ultralytics, Events, request_with_credentials, smart_request, Ultralytics hub utils, requests_with_progress
|
||||
---
|
||||
|
||||
## Events
|
||||
# Reference for `ultralytics/hub/utils.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/hub/utils.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/hub/utils.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.hub.utils.Events
|
||||
## ::: ultralytics.hub.utils.Events
|
||||
<br><br>
|
||||
|
||||
## request_with_credentials
|
||||
---
|
||||
### ::: ultralytics.hub.utils.request_with_credentials
|
||||
## ::: ultralytics.hub.utils.request_with_credentials
|
||||
<br><br>
|
||||
|
||||
## requests_with_progress
|
||||
---
|
||||
### ::: ultralytics.hub.utils.requests_with_progress
|
||||
## ::: ultralytics.hub.utils.requests_with_progress
|
||||
<br><br>
|
||||
|
||||
## smart_request
|
||||
---
|
||||
### ::: ultralytics.hub.utils.smart_request
|
||||
## ::: ultralytics.hub.utils.smart_request
|
||||
<br><br>
|
||||
|
@ -3,7 +3,12 @@ description: Learn all about Ultralytics FastSAM model. Dive into our comprehens
|
||||
keywords: Ultralytics, FastSAM model, Model documentation, Efficient model training
|
||||
---
|
||||
|
||||
## FastSAM
|
||||
# Reference for `ultralytics/models/fastsam/model.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/fastsam/model.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/fastsam/model.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.models.fastsam.model.FastSAM
|
||||
## ::: ultralytics.models.fastsam.model.FastSAM
|
||||
<br><br>
|
||||
|
@ -3,7 +3,12 @@ description: Get detailed insights about Ultralytics FastSAMPredictor. Learn to
|
||||
keywords: Ultralytics, FastSAMPredictor, predictive modeling, AI optimization, machine learning, deep learning, Ultralytics documentation
|
||||
---
|
||||
|
||||
## FastSAMPredictor
|
||||
# Reference for `ultralytics/models/fastsam/predict.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/fastsam/predict.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/fastsam/predict.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.models.fastsam.predict.FastSAMPredictor
|
||||
## ::: ultralytics.models.fastsam.predict.FastSAMPredictor
|
||||
<br><br>
|
||||
|
@ -3,7 +3,12 @@ description: Learn to effectively utilize FastSAMPrompt model from Ultralytics.
|
||||
keywords: Ultralytics, FastSAMPrompt, machine learning, model, guide, documentation
|
||||
---
|
||||
|
||||
## FastSAMPrompt
|
||||
# Reference for `ultralytics/models/fastsam/prompt.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/fastsam/prompt.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/fastsam/prompt.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.models.fastsam.prompt.FastSAMPrompt
|
||||
## ::: ultralytics.models.fastsam.prompt.FastSAMPrompt
|
||||
<br><br>
|
||||
|
@ -3,12 +3,16 @@ description: Learn how to adjust bounding boxes to image borders in Ultralytics
|
||||
keywords: Ultralytics, bounding boxes, Bboxes, image borders, object detection, bbox_iou, model utilities
|
||||
---
|
||||
|
||||
## adjust_bboxes_to_image_border
|
||||
# Reference for `ultralytics/models/fastsam/utils.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/fastsam/utils.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/fastsam/utils.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.models.fastsam.utils.adjust_bboxes_to_image_border
|
||||
## ::: ultralytics.models.fastsam.utils.adjust_bboxes_to_image_border
|
||||
<br><br>
|
||||
|
||||
## bbox_iou
|
||||
---
|
||||
### ::: ultralytics.models.fastsam.utils.bbox_iou
|
||||
## ::: ultralytics.models.fastsam.utils.bbox_iou
|
||||
<br><br>
|
||||
|
@ -3,7 +3,12 @@ description: Learn about FastSAMValidator in Ultralytics models. Comprehensive g
|
||||
keywords: Ultralytics, FastSAMValidator, model, synthetic, AI, machine learning, validation
|
||||
---
|
||||
|
||||
## FastSAMValidator
|
||||
# Reference for `ultralytics/models/fastsam/val.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/fastsam/val.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/fastsam/val.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.models.fastsam.val.FastSAMValidator
|
||||
## ::: ultralytics.models.fastsam.val.FastSAMValidator
|
||||
<br><br>
|
||||
|
@ -3,7 +3,12 @@ description: Learn how our NAS model operates in Ultralytics. Comprehensive guid
|
||||
keywords: Ultralytics, NAS model, NAS guide, machine learning, model documentation
|
||||
---
|
||||
|
||||
## NAS
|
||||
# Reference for `ultralytics/models/nas/model.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/nas/model.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/nas/model.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.models.nas.model.NAS
|
||||
## ::: ultralytics.models.nas.model.NAS
|
||||
<br><br>
|
||||
|
@ -3,7 +3,12 @@ description: Explore Ultralytics NASPredictor. Understand high-level architectur
|
||||
keywords: NASPredictor, Ultralytics, Ultralytics model, model architecture, efficient predictions
|
||||
---
|
||||
|
||||
## NASPredictor
|
||||
# Reference for `ultralytics/models/nas/predict.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/nas/predict.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/nas/predict.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.models.nas.predict.NASPredictor
|
||||
## ::: ultralytics.models.nas.predict.NASPredictor
|
||||
<br><br>
|
||||
|
@ -3,7 +3,12 @@ description: Explore the utilities and functions of the Ultralytics NASValidator
|
||||
keywords: Ultralytics, NASValidator, models.nas.val.NASValidator, AI models, allocation, optimization
|
||||
---
|
||||
|
||||
## NASValidator
|
||||
# Reference for `ultralytics/models/nas/val.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/nas/val.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/nas/val.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.models.nas.val.NASValidator
|
||||
## ::: ultralytics.models.nas.val.NASValidator
|
||||
<br><br>
|
||||
|
@ -3,7 +3,12 @@ description: Explore the specifics of using the RTDETR model in Ultralytics. Det
|
||||
keywords: Ultralytics, RTDETR model, Ultralytics models, object detection, Ultralytics documentation
|
||||
---
|
||||
|
||||
## RTDETR
|
||||
# Reference for `ultralytics/models/rtdetr/model.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/rtdetr/model.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/rtdetr/model.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.models.rtdetr.model.RTDETR
|
||||
## ::: ultralytics.models.rtdetr.model.RTDETR
|
||||
<br><br>
|
||||
|
@ -3,7 +3,12 @@ description: Learn how to use the RTDETRPredictor model of the Ultralytics packa
|
||||
keywords: Ultralytics, RTDETRPredictor, model documentation, guide, real-time object detection
|
||||
---
|
||||
|
||||
## RTDETRPredictor
|
||||
# Reference for `ultralytics/models/rtdetr/predict.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/rtdetr/predict.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/rtdetr/predict.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.models.rtdetr.predict.RTDETRPredictor
|
||||
## ::: ultralytics.models.rtdetr.predict.RTDETRPredictor
|
||||
<br><br>
|
||||
|
@ -3,12 +3,16 @@ description: Get insights into RTDETRTrainer, a crucial component of Ultralytics
|
||||
keywords: Ultralytics, RTDETRTrainer, model training, Ultralytics models, PyTorch models, neural networks, machine learning, deep learning
|
||||
---
|
||||
|
||||
## RTDETRTrainer
|
||||
# Reference for `ultralytics/models/rtdetr/train.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/rtdetr/train.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/rtdetr/train.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.models.rtdetr.train.RTDETRTrainer
|
||||
## ::: ultralytics.models.rtdetr.train.RTDETRTrainer
|
||||
<br><br>
|
||||
|
||||
## train
|
||||
---
|
||||
### ::: ultralytics.models.rtdetr.train.train
|
||||
## ::: ultralytics.models.rtdetr.train.train
|
||||
<br><br>
|
||||
|
@ -3,12 +3,16 @@ description: Explore RTDETRDataset in Ultralytics Models. Learn about the RTDETR
|
||||
keywords: Ultralytics, RTDETRDataset, RTDETRValidator, real-time object detection, models documentation
|
||||
---
|
||||
|
||||
## RTDETRDataset
|
||||
# Reference for `ultralytics/models/rtdetr/val.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/rtdetr/val.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/rtdetr/val.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.models.rtdetr.val.RTDETRDataset
|
||||
## ::: ultralytics.models.rtdetr.val.RTDETRDataset
|
||||
<br><br>
|
||||
|
||||
## RTDETRValidator
|
||||
---
|
||||
### ::: ultralytics.models.rtdetr.val.RTDETRValidator
|
||||
## ::: ultralytics.models.rtdetr.val.RTDETRValidator
|
||||
<br><br>
|
||||
|
@ -3,87 +3,76 @@ description: Explore Ultralytics methods for mask data processing, transformatio
|
||||
keywords: Ultralytics, Mask Data, Transformation, Encoding, RLE encoding, Image cropping, Pytorch, SAM, AMG, Ultralytics model
|
||||
---
|
||||
|
||||
## MaskData
|
||||
# Reference for `ultralytics/models/sam/amg.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/sam/amg.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/sam/amg.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.models.sam.amg.MaskData
|
||||
## ::: ultralytics.models.sam.amg.MaskData
|
||||
<br><br>
|
||||
|
||||
## is_box_near_crop_edge
|
||||
---
|
||||
### ::: ultralytics.models.sam.amg.is_box_near_crop_edge
|
||||
## ::: ultralytics.models.sam.amg.is_box_near_crop_edge
|
||||
<br><br>
|
||||
|
||||
## box_xyxy_to_xywh
|
||||
---
|
||||
### ::: ultralytics.models.sam.amg.box_xyxy_to_xywh
|
||||
## ::: ultralytics.models.sam.amg.box_xyxy_to_xywh
|
||||
<br><br>
|
||||
|
||||
## batch_iterator
|
||||
---
|
||||
### ::: ultralytics.models.sam.amg.batch_iterator
|
||||
## ::: ultralytics.models.sam.amg.batch_iterator
|
||||
<br><br>
|
||||
|
||||
## mask_to_rle_pytorch
|
||||
---
|
||||
### ::: ultralytics.models.sam.amg.mask_to_rle_pytorch
|
||||
## ::: ultralytics.models.sam.amg.mask_to_rle_pytorch
|
||||
<br><br>
|
||||
|
||||
## rle_to_mask
|
||||
---
|
||||
### ::: ultralytics.models.sam.amg.rle_to_mask
|
||||
## ::: ultralytics.models.sam.amg.rle_to_mask
|
||||
<br><br>
|
||||
|
||||
## area_from_rle
|
||||
---
|
||||
### ::: ultralytics.models.sam.amg.area_from_rle
|
||||
## ::: ultralytics.models.sam.amg.area_from_rle
|
||||
<br><br>
|
||||
|
||||
## calculate_stability_score
|
||||
---
|
||||
### ::: ultralytics.models.sam.amg.calculate_stability_score
|
||||
## ::: ultralytics.models.sam.amg.calculate_stability_score
|
||||
<br><br>
|
||||
|
||||
## build_point_grid
|
||||
---
|
||||
### ::: ultralytics.models.sam.amg.build_point_grid
|
||||
## ::: ultralytics.models.sam.amg.build_point_grid
|
||||
<br><br>
|
||||
|
||||
## build_all_layer_point_grids
|
||||
---
|
||||
### ::: ultralytics.models.sam.amg.build_all_layer_point_grids
|
||||
## ::: ultralytics.models.sam.amg.build_all_layer_point_grids
|
||||
<br><br>
|
||||
|
||||
## generate_crop_boxes
|
||||
---
|
||||
### ::: ultralytics.models.sam.amg.generate_crop_boxes
|
||||
## ::: ultralytics.models.sam.amg.generate_crop_boxes
|
||||
<br><br>
|
||||
|
||||
## uncrop_boxes_xyxy
|
||||
---
|
||||
### ::: ultralytics.models.sam.amg.uncrop_boxes_xyxy
|
||||
## ::: ultralytics.models.sam.amg.uncrop_boxes_xyxy
|
||||
<br><br>
|
||||
|
||||
## uncrop_points
|
||||
---
|
||||
### ::: ultralytics.models.sam.amg.uncrop_points
|
||||
## ::: ultralytics.models.sam.amg.uncrop_points
|
||||
<br><br>
|
||||
|
||||
## uncrop_masks
|
||||
---
|
||||
### ::: ultralytics.models.sam.amg.uncrop_masks
|
||||
## ::: ultralytics.models.sam.amg.uncrop_masks
|
||||
<br><br>
|
||||
|
||||
## remove_small_regions
|
||||
---
|
||||
### ::: ultralytics.models.sam.amg.remove_small_regions
|
||||
## ::: ultralytics.models.sam.amg.remove_small_regions
|
||||
<br><br>
|
||||
|
||||
## coco_encode_rle
|
||||
---
|
||||
### ::: ultralytics.models.sam.amg.coco_encode_rle
|
||||
## ::: ultralytics.models.sam.amg.coco_encode_rle
|
||||
<br><br>
|
||||
|
||||
## batched_mask_to_box
|
||||
---
|
||||
### ::: ultralytics.models.sam.amg.batched_mask_to_box
|
||||
## ::: ultralytics.models.sam.amg.batched_mask_to_box
|
||||
<br><br>
|
||||
|
@ -3,32 +3,32 @@ description: Master building SAM ViT models with Ultralytics. Discover steps to
|
||||
keywords: Ultralytics, SAM, build sam, vision transformer, vits, build_sam_vit_l, build_sam_vit_b, build_sam
|
||||
---
|
||||
|
||||
## build_sam_vit_h
|
||||
# Reference for `ultralytics/models/sam/build.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/sam/build.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/sam/build.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.models.sam.build.build_sam_vit_h
|
||||
## ::: ultralytics.models.sam.build.build_sam_vit_h
|
||||
<br><br>
|
||||
|
||||
## build_sam_vit_l
|
||||
---
|
||||
### ::: ultralytics.models.sam.build.build_sam_vit_l
|
||||
## ::: ultralytics.models.sam.build.build_sam_vit_l
|
||||
<br><br>
|
||||
|
||||
## build_sam_vit_b
|
||||
---
|
||||
### ::: ultralytics.models.sam.build.build_sam_vit_b
|
||||
## ::: ultralytics.models.sam.build.build_sam_vit_b
|
||||
<br><br>
|
||||
|
||||
## build_mobile_sam
|
||||
---
|
||||
### ::: ultralytics.models.sam.build.build_mobile_sam
|
||||
## ::: ultralytics.models.sam.build.build_mobile_sam
|
||||
<br><br>
|
||||
|
||||
## _build_sam
|
||||
---
|
||||
### ::: ultralytics.models.sam.build._build_sam
|
||||
## ::: ultralytics.models.sam.build._build_sam
|
||||
<br><br>
|
||||
|
||||
## build_sam
|
||||
---
|
||||
### ::: ultralytics.models.sam.build.build_sam
|
||||
## ::: ultralytics.models.sam.build.build_sam
|
||||
<br><br>
|
||||
|
@ -3,7 +3,12 @@ description: Dive into the SAM model details in the Ultralytics YOLO documentati
|
||||
keywords: Ultralytics, YOLO, SAM Model, Documentations, Machine Learning, AI, Convolutional neural network
|
||||
---
|
||||
|
||||
## SAM
|
||||
# Reference for `ultralytics/models/sam/model.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/sam/model.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/sam/model.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.models.sam.model.SAM
|
||||
## ::: ultralytics.models.sam.model.SAM
|
||||
<br><br>
|
||||
|
@ -3,12 +3,16 @@ description: Explore MaskDecoder, a part of the Ultralytics models. Gain insight
|
||||
keywords: Ultralytics, MaskDecoder, SAM modules, decoders, MLP, YOLO, machine learning, image recognition
|
||||
---
|
||||
|
||||
## MaskDecoder
|
||||
# Reference for `ultralytics/models/sam/modules/decoders.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/sam/modules/decoders.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/sam/modules/decoders.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.models.sam.modules.decoders.MaskDecoder
|
||||
## ::: ultralytics.models.sam.modules.decoders.MaskDecoder
|
||||
<br><br>
|
||||
|
||||
## MLP
|
||||
---
|
||||
### ::: ultralytics.models.sam.modules.decoders.MLP
|
||||
## ::: ultralytics.models.sam.modules.decoders.MLP
|
||||
<br><br>
|
||||
|
@ -3,52 +3,48 @@ description: Discover detailed information on ImageEncoderViT, PositionEmbedding
|
||||
keywords: Ultralytics, Encoders, Modules, Documentation, ImageEncoderViT, PositionEmbeddingRandom, Attention, window_partition, get_rel_pos
|
||||
---
|
||||
|
||||
## ImageEncoderViT
|
||||
# Reference for `ultralytics/models/sam/modules/encoders.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/sam/modules/encoders.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/sam/modules/encoders.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.models.sam.modules.encoders.ImageEncoderViT
|
||||
## ::: ultralytics.models.sam.modules.encoders.ImageEncoderViT
|
||||
<br><br>
|
||||
|
||||
## PromptEncoder
|
||||
---
|
||||
### ::: ultralytics.models.sam.modules.encoders.PromptEncoder
|
||||
## ::: ultralytics.models.sam.modules.encoders.PromptEncoder
|
||||
<br><br>
|
||||
|
||||
## PositionEmbeddingRandom
|
||||
---
|
||||
### ::: ultralytics.models.sam.modules.encoders.PositionEmbeddingRandom
|
||||
## ::: ultralytics.models.sam.modules.encoders.PositionEmbeddingRandom
|
||||
<br><br>
|
||||
|
||||
## Block
|
||||
---
|
||||
### ::: ultralytics.models.sam.modules.encoders.Block
|
||||
## ::: ultralytics.models.sam.modules.encoders.Block
|
||||
<br><br>
|
||||
|
||||
## Attention
|
||||
---
|
||||
### ::: ultralytics.models.sam.modules.encoders.Attention
|
||||
## ::: ultralytics.models.sam.modules.encoders.Attention
|
||||
<br><br>
|
||||
|
||||
## PatchEmbed
|
||||
---
|
||||
### ::: ultralytics.models.sam.modules.encoders.PatchEmbed
|
||||
## ::: ultralytics.models.sam.modules.encoders.PatchEmbed
|
||||
<br><br>
|
||||
|
||||
## window_partition
|
||||
---
|
||||
### ::: ultralytics.models.sam.modules.encoders.window_partition
|
||||
## ::: ultralytics.models.sam.modules.encoders.window_partition
|
||||
<br><br>
|
||||
|
||||
## window_unpartition
|
||||
---
|
||||
### ::: ultralytics.models.sam.modules.encoders.window_unpartition
|
||||
## ::: ultralytics.models.sam.modules.encoders.window_unpartition
|
||||
<br><br>
|
||||
|
||||
## get_rel_pos
|
||||
---
|
||||
### ::: ultralytics.models.sam.modules.encoders.get_rel_pos
|
||||
## ::: ultralytics.models.sam.modules.encoders.get_rel_pos
|
||||
<br><br>
|
||||
|
||||
## add_decomposed_rel_pos
|
||||
---
|
||||
### ::: ultralytics.models.sam.modules.encoders.add_decomposed_rel_pos
|
||||
## ::: ultralytics.models.sam.modules.encoders.add_decomposed_rel_pos
|
||||
<br><br>
|
||||
|
@ -3,7 +3,12 @@ description: Explore the Sam module of Ultralytics. Discover detailed methods, c
|
||||
keywords: Ultralytics, Sam module, deep learning, model training, Ultralytics documentation
|
||||
---
|
||||
|
||||
## Sam
|
||||
# Reference for `ultralytics/models/sam/modules/sam.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/sam/modules/sam.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/sam/modules/sam.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.models.sam.modules.sam.Sam
|
||||
## ::: ultralytics.models.sam.modules.sam.Sam
|
||||
<br><br>
|
||||
|
@ -3,57 +3,52 @@ description: Get in-depth insights about Ultralytics Tiny Encoder Modules such a
|
||||
keywords: Ultralytics, Tiny Encoder, Conv2d_BN, MBConv, ConvLayer, Attention, BasicLayer, TinyViT, Machine learning modules, Ultralytics models
|
||||
---
|
||||
|
||||
## Conv2d_BN
|
||||
# Reference for `ultralytics/models/sam/modules/tiny_encoder.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/sam/modules/tiny_encoder.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/sam/modules/tiny_encoder.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.models.sam.modules.tiny_encoder.Conv2d_BN
|
||||
## ::: ultralytics.models.sam.modules.tiny_encoder.Conv2d_BN
|
||||
<br><br>
|
||||
|
||||
## PatchEmbed
|
||||
---
|
||||
### ::: ultralytics.models.sam.modules.tiny_encoder.PatchEmbed
|
||||
## ::: ultralytics.models.sam.modules.tiny_encoder.PatchEmbed
|
||||
<br><br>
|
||||
|
||||
## MBConv
|
||||
---
|
||||
### ::: ultralytics.models.sam.modules.tiny_encoder.MBConv
|
||||
## ::: ultralytics.models.sam.modules.tiny_encoder.MBConv
|
||||
<br><br>
|
||||
|
||||
## PatchMerging
|
||||
---
|
||||
### ::: ultralytics.models.sam.modules.tiny_encoder.PatchMerging
|
||||
## ::: ultralytics.models.sam.modules.tiny_encoder.PatchMerging
|
||||
<br><br>
|
||||
|
||||
## ConvLayer
|
||||
---
|
||||
### ::: ultralytics.models.sam.modules.tiny_encoder.ConvLayer
|
||||
## ::: ultralytics.models.sam.modules.tiny_encoder.ConvLayer
|
||||
<br><br>
|
||||
|
||||
## Mlp
|
||||
---
|
||||
### ::: ultralytics.models.sam.modules.tiny_encoder.Mlp
|
||||
## ::: ultralytics.models.sam.modules.tiny_encoder.Mlp
|
||||
<br><br>
|
||||
|
||||
## Attention
|
||||
---
|
||||
### ::: ultralytics.models.sam.modules.tiny_encoder.Attention
|
||||
## ::: ultralytics.models.sam.modules.tiny_encoder.Attention
|
||||
<br><br>
|
||||
|
||||
## TinyViTBlock
|
||||
---
|
||||
### ::: ultralytics.models.sam.modules.tiny_encoder.TinyViTBlock
|
||||
## ::: ultralytics.models.sam.modules.tiny_encoder.TinyViTBlock
|
||||
<br><br>
|
||||
|
||||
## BasicLayer
|
||||
---
|
||||
### ::: ultralytics.models.sam.modules.tiny_encoder.BasicLayer
|
||||
## ::: ultralytics.models.sam.modules.tiny_encoder.BasicLayer
|
||||
<br><br>
|
||||
|
||||
## LayerNorm2d
|
||||
---
|
||||
### ::: ultralytics.models.sam.modules.tiny_encoder.LayerNorm2d
|
||||
## ::: ultralytics.models.sam.modules.tiny_encoder.LayerNorm2d
|
||||
<br><br>
|
||||
|
||||
## TinyViT
|
||||
---
|
||||
### ::: ultralytics.models.sam.modules.tiny_encoder.TinyViT
|
||||
## ::: ultralytics.models.sam.modules.tiny_encoder.TinyViT
|
||||
<br><br>
|
||||
|
@ -3,17 +3,20 @@ description: Learn about TwoWayTransformer and Attention modules in Ultralytics.
|
||||
keywords: Ultralytics, TwoWayTransformer, Attention, AI models, transformers
|
||||
---
|
||||
|
||||
## TwoWayTransformer
|
||||
# Reference for `ultralytics/models/sam/modules/transformer.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/sam/modules/transformer.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/sam/modules/transformer.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.models.sam.modules.transformer.TwoWayTransformer
|
||||
## ::: ultralytics.models.sam.modules.transformer.TwoWayTransformer
|
||||
<br><br>
|
||||
|
||||
## TwoWayAttentionBlock
|
||||
---
|
||||
### ::: ultralytics.models.sam.modules.transformer.TwoWayAttentionBlock
|
||||
## ::: ultralytics.models.sam.modules.transformer.TwoWayAttentionBlock
|
||||
<br><br>
|
||||
|
||||
## Attention
|
||||
---
|
||||
### ::: ultralytics.models.sam.modules.transformer.Attention
|
||||
## ::: ultralytics.models.sam.modules.transformer.Attention
|
||||
<br><br>
|
||||
|
@ -3,7 +3,12 @@ description: Master the ultralytics.models.sam.predict.Predictor class with our
|
||||
keywords: Ultralytics, predictor, models, sam.predict.Predictor, AI, machine learning, predictive models
|
||||
---
|
||||
|
||||
## Predictor
|
||||
# Reference for `ultralytics/models/sam/predict.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/sam/predict.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/sam/predict.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.models.sam.predict.Predictor
|
||||
## ::: ultralytics.models.sam.predict.Predictor
|
||||
<br><br>
|
||||
|
@ -3,12 +3,16 @@ description: Learn to use the DETRLoss function provided by Ultralytics YOLO. Un
|
||||
keywords: Ultralytics, YOLO, Documentation, DETRLoss, Detection Loss, Loss function, DETR, RTDETR Detection Models
|
||||
---
|
||||
|
||||
## DETRLoss
|
||||
# Reference for `ultralytics/models/utils/loss.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/utils/loss.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/utils/loss.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.models.utils.loss.DETRLoss
|
||||
## ::: ultralytics.models.utils.loss.DETRLoss
|
||||
<br><br>
|
||||
|
||||
## RTDETRDetectionLoss
|
||||
---
|
||||
### ::: ultralytics.models.utils.loss.RTDETRDetectionLoss
|
||||
## ::: ultralytics.models.utils.loss.RTDETRDetectionLoss
|
||||
<br><br>
|
||||
|
@ -3,17 +3,20 @@ description: Discover details for "HungarianMatcher" & "inverse_sigmoid" functio
|
||||
keywords: Ultralytics, YOLO, HungarianMatcher, inverse_sigmoid, detection models, model utilities, ops
|
||||
---
|
||||
|
||||
## HungarianMatcher
|
||||
# Reference for `ultralytics/models/utils/ops.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/utils/ops.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/utils/ops.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.models.utils.ops.HungarianMatcher
|
||||
## ::: ultralytics.models.utils.ops.HungarianMatcher
|
||||
<br><br>
|
||||
|
||||
## get_cdn_group
|
||||
---
|
||||
### ::: ultralytics.models.utils.ops.get_cdn_group
|
||||
## ::: ultralytics.models.utils.ops.get_cdn_group
|
||||
<br><br>
|
||||
|
||||
## inverse_sigmoid
|
||||
---
|
||||
### ::: ultralytics.models.utils.ops.inverse_sigmoid
|
||||
## ::: ultralytics.models.utils.ops.inverse_sigmoid
|
||||
<br><br>
|
||||
|
@ -3,12 +3,16 @@ description: Explore the Ultralytics ClassificationPredictor guide for model pre
|
||||
keywords: Ultralytics, classification predictor, predict, YOLO, AI models, model visualization
|
||||
---
|
||||
|
||||
## ClassificationPredictor
|
||||
# Reference for `ultralytics/models/yolo/classify/predict.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/yolo/classify/predict.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/yolo/classify/predict.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.models.yolo.classify.predict.ClassificationPredictor
|
||||
## ::: ultralytics.models.yolo.classify.predict.ClassificationPredictor
|
||||
<br><br>
|
||||
|
||||
## predict
|
||||
---
|
||||
### ::: ultralytics.models.yolo.classify.predict.predict
|
||||
## ::: ultralytics.models.yolo.classify.predict.predict
|
||||
<br><br>
|
||||
|
@ -3,12 +3,16 @@ description: Delve into Classification Trainer at Ultralytics YOLO docs and opti
|
||||
keywords: Ultralytics, YOLO, Classification Trainer, deep learning, training process, AI models, documentation
|
||||
---
|
||||
|
||||
## ClassificationTrainer
|
||||
# Reference for `ultralytics/models/yolo/classify/train.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/yolo/classify/train.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/yolo/classify/train.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.models.yolo.classify.train.ClassificationTrainer
|
||||
## ::: ultralytics.models.yolo.classify.train.ClassificationTrainer
|
||||
<br><br>
|
||||
|
||||
## train
|
||||
---
|
||||
### ::: ultralytics.models.yolo.classify.train.train
|
||||
## ::: ultralytics.models.yolo.classify.train.train
|
||||
<br><br>
|
||||
|
@ -3,12 +3,16 @@ description: Explore YOLO ClassificationValidator, a key element of Ultralytics
|
||||
keywords: Ultralytics, YOLO, ClassificationValidator, model validation, model fine-tuning, deep learning, computer vision
|
||||
---
|
||||
|
||||
## ClassificationValidator
|
||||
# Reference for `ultralytics/models/yolo/classify/val.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/yolo/classify/val.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/yolo/classify/val.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.models.yolo.classify.val.ClassificationValidator
|
||||
## ::: ultralytics.models.yolo.classify.val.ClassificationValidator
|
||||
<br><br>
|
||||
|
||||
## val
|
||||
---
|
||||
### ::: ultralytics.models.yolo.classify.val.val
|
||||
## ::: ultralytics.models.yolo.classify.val.val
|
||||
<br><br>
|
||||
|
@ -3,12 +3,16 @@ description: Explore the guide to using the DetectionPredictor in Ultralytics YO
|
||||
keywords: Ultralytics, YOLO, DetectionPredictor, detect, predict, object detection, analysis
|
||||
---
|
||||
|
||||
## DetectionPredictor
|
||||
# Reference for `ultralytics/models/yolo/detect/predict.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/yolo/detect/predict.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/yolo/detect/predict.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.models.yolo.detect.predict.DetectionPredictor
|
||||
## ::: ultralytics.models.yolo.detect.predict.DetectionPredictor
|
||||
<br><br>
|
||||
|
||||
## predict
|
||||
---
|
||||
### ::: ultralytics.models.yolo.detect.predict.predict
|
||||
## ::: ultralytics.models.yolo.detect.predict.predict
|
||||
<br><br>
|
||||
|
@ -3,12 +3,16 @@ description: Maximize your model's potential with Ultralytics YOLO Detection Tra
|
||||
keywords: Ultralytics YOLO, YOLO, Detection Trainer, Model Training, Machine Learning, Deep Learning, Computer Vision
|
||||
---
|
||||
|
||||
## DetectionTrainer
|
||||
# Reference for `ultralytics/models/yolo/detect/train.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/yolo/detect/train.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/yolo/detect/train.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.models.yolo.detect.train.DetectionTrainer
|
||||
## ::: ultralytics.models.yolo.detect.train.DetectionTrainer
|
||||
<br><br>
|
||||
|
||||
## train
|
||||
---
|
||||
### ::: ultralytics.models.yolo.detect.train.train
|
||||
## ::: ultralytics.models.yolo.detect.train.train
|
||||
<br><br>
|
||||
|
@ -3,12 +3,16 @@ description: Discover function valuation of your YOLO models with the Ultralytic
|
||||
keywords: Ultralytics, YOLO, Detection Validator, model valuation, precision, recall
|
||||
---
|
||||
|
||||
## DetectionValidator
|
||||
# Reference for `ultralytics/models/yolo/detect/val.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/yolo/detect/val.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/yolo/detect/val.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.models.yolo.detect.val.DetectionValidator
|
||||
## ::: ultralytics.models.yolo.detect.val.DetectionValidator
|
||||
<br><br>
|
||||
|
||||
## val
|
||||
---
|
||||
### ::: ultralytics.models.yolo.detect.val.val
|
||||
## ::: ultralytics.models.yolo.detect.val.val
|
||||
<br><br>
|
||||
|
@ -3,7 +3,12 @@ description: Discover the Ultralytics YOLO model class. Learn advanced technique
|
||||
keywords: Ultralytics YOLO, YOLO, YOLO model, Model Training, Machine Learning, Deep Learning, Computer Vision
|
||||
---
|
||||
|
||||
## YOLO
|
||||
# Reference for `ultralytics/models/yolo/model.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/yolo/model.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/yolo/model.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.models.yolo.model.YOLO
|
||||
## ::: ultralytics.models.yolo.model.YOLO
|
||||
<br><br>
|
||||
|
@ -3,12 +3,16 @@ description: Discover how to use PosePredictor in the Ultralytics YOLO model. In
|
||||
keywords: Ultralytics, YOLO, PosePredictor, machine learning, AI, predictive models
|
||||
---
|
||||
|
||||
## PosePredictor
|
||||
# Reference for `ultralytics/models/yolo/pose/predict.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/yolo/pose/predict.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/yolo/pose/predict.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.models.yolo.pose.predict.PosePredictor
|
||||
## ::: ultralytics.models.yolo.pose.predict.PosePredictor
|
||||
<br><br>
|
||||
|
||||
## predict
|
||||
---
|
||||
### ::: ultralytics.models.yolo.pose.predict.predict
|
||||
## ::: ultralytics.models.yolo.pose.predict.predict
|
||||
<br><br>
|
||||
|
@ -3,12 +3,16 @@ description: Explore Ultralytics PoseTrainer for YOLO models. Get a step-by-step
|
||||
keywords: Ultralytics, YOLO, PoseTrainer, pose training, AI modeling, custom data training
|
||||
---
|
||||
|
||||
## PoseTrainer
|
||||
# Reference for `ultralytics/models/yolo/pose/train.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/yolo/pose/train.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/yolo/pose/train.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.models.yolo.pose.train.PoseTrainer
|
||||
## ::: ultralytics.models.yolo.pose.train.PoseTrainer
|
||||
<br><br>
|
||||
|
||||
## train
|
||||
---
|
||||
### ::: ultralytics.models.yolo.pose.train.train
|
||||
## ::: ultralytics.models.yolo.pose.train.train
|
||||
<br><br>
|
||||
|
@ -3,12 +3,16 @@ description: Explore the PoseValidator—review how Ultralytics YOLO validates p
|
||||
keywords: PoseValidator, Ultralytics, YOLO, Object detection, Pose validation
|
||||
---
|
||||
|
||||
## PoseValidator
|
||||
# Reference for `ultralytics/models/yolo/pose/val.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/yolo/pose/val.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/yolo/pose/val.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.models.yolo.pose.val.PoseValidator
|
||||
## ::: ultralytics.models.yolo.pose.val.PoseValidator
|
||||
<br><br>
|
||||
|
||||
## val
|
||||
---
|
||||
### ::: ultralytics.models.yolo.pose.val.val
|
||||
## ::: ultralytics.models.yolo.pose.val.val
|
||||
<br><br>
|
||||
|
@ -3,12 +3,16 @@ description: Discover how to utilize the YOLO Segmentation Predictor in Ultralyt
|
||||
keywords: YOLO, Ultralytics, object detection, segmentation predictor
|
||||
---
|
||||
|
||||
## SegmentationPredictor
|
||||
# Reference for `ultralytics/models/yolo/segment/predict.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/yolo/segment/predict.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/yolo/segment/predict.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.models.yolo.segment.predict.SegmentationPredictor
|
||||
## ::: ultralytics.models.yolo.segment.predict.SegmentationPredictor
|
||||
<br><br>
|
||||
|
||||
## predict
|
||||
---
|
||||
### ::: ultralytics.models.yolo.segment.predict.predict
|
||||
## ::: ultralytics.models.yolo.segment.predict.predict
|
||||
<br><br>
|
||||
|
@ -3,12 +3,16 @@ description: Maximize your YOLO model's performance with our SegmentationTrainer
|
||||
keywords: Ultralytics, YOLO, SegmentationTrainer, image segmentation, object detection, model training, YOLO model
|
||||
---
|
||||
|
||||
## SegmentationTrainer
|
||||
# Reference for `ultralytics/models/yolo/segment/train.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/yolo/segment/train.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/yolo/segment/train.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.models.yolo.segment.train.SegmentationTrainer
|
||||
## ::: ultralytics.models.yolo.segment.train.SegmentationTrainer
|
||||
<br><br>
|
||||
|
||||
## train
|
||||
---
|
||||
### ::: ultralytics.models.yolo.segment.train.train
|
||||
## ::: ultralytics.models.yolo.segment.train.train
|
||||
<br><br>
|
||||
|
@ -3,12 +3,16 @@ description: Get practical insights about our SegmentationValidator in YOLO Ultr
|
||||
keywords: Ultralytics, YOLO, SegmentationValidator, model segmentation, image classification, object detection
|
||||
---
|
||||
|
||||
## SegmentationValidator
|
||||
# Reference for `ultralytics/models/yolo/segment/val.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/yolo/segment/val.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/models/yolo/segment/val.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.models.yolo.segment.val.SegmentationValidator
|
||||
## ::: ultralytics.models.yolo.segment.val.SegmentationValidator
|
||||
<br><br>
|
||||
|
||||
## val
|
||||
---
|
||||
### ::: ultralytics.models.yolo.segment.val.val
|
||||
## ::: ultralytics.models.yolo.segment.val.val
|
||||
<br><br>
|
||||
|
@ -3,12 +3,16 @@ description: Get to know more about Ultralytics nn.autobackend.check_class_names
|
||||
keywords: Ultralytics, AutoBackend, check_class_names, YOLO, YOLO models, optimization
|
||||
---
|
||||
|
||||
## AutoBackend
|
||||
# Reference for `ultralytics/nn/autobackend.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/nn/autobackend.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/nn/autobackend.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.nn.autobackend.AutoBackend
|
||||
## ::: ultralytics.nn.autobackend.AutoBackend
|
||||
<br><br>
|
||||
|
||||
## check_class_names
|
||||
---
|
||||
### ::: ultralytics.nn.autobackend.check_class_names
|
||||
## ::: ultralytics.nn.autobackend.check_class_names
|
||||
<br><br>
|
||||
|
@ -3,87 +3,76 @@ description: Explore Ultralytics YOLO neural network modules, Proto to Bottlenec
|
||||
keywords: YOLO, Ultralytics, neural network, nn.modules.block, Proto, HGBlock, SPPF, C2, C3, RepC3, C3Ghost, Bottleneck, BottleneckCSP
|
||||
---
|
||||
|
||||
## DFL
|
||||
# Reference for `ultralytics/nn/modules/block.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/nn/modules/block.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/nn/modules/block.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.nn.modules.block.DFL
|
||||
## ::: ultralytics.nn.modules.block.DFL
|
||||
<br><br>
|
||||
|
||||
## Proto
|
||||
---
|
||||
### ::: ultralytics.nn.modules.block.Proto
|
||||
## ::: ultralytics.nn.modules.block.Proto
|
||||
<br><br>
|
||||
|
||||
## HGStem
|
||||
---
|
||||
### ::: ultralytics.nn.modules.block.HGStem
|
||||
## ::: ultralytics.nn.modules.block.HGStem
|
||||
<br><br>
|
||||
|
||||
## HGBlock
|
||||
---
|
||||
### ::: ultralytics.nn.modules.block.HGBlock
|
||||
## ::: ultralytics.nn.modules.block.HGBlock
|
||||
<br><br>
|
||||
|
||||
## SPP
|
||||
---
|
||||
### ::: ultralytics.nn.modules.block.SPP
|
||||
## ::: ultralytics.nn.modules.block.SPP
|
||||
<br><br>
|
||||
|
||||
## SPPF
|
||||
---
|
||||
### ::: ultralytics.nn.modules.block.SPPF
|
||||
## ::: ultralytics.nn.modules.block.SPPF
|
||||
<br><br>
|
||||
|
||||
## C1
|
||||
---
|
||||
### ::: ultralytics.nn.modules.block.C1
|
||||
## ::: ultralytics.nn.modules.block.C1
|
||||
<br><br>
|
||||
|
||||
## C2
|
||||
---
|
||||
### ::: ultralytics.nn.modules.block.C2
|
||||
## ::: ultralytics.nn.modules.block.C2
|
||||
<br><br>
|
||||
|
||||
## C2f
|
||||
---
|
||||
### ::: ultralytics.nn.modules.block.C2f
|
||||
## ::: ultralytics.nn.modules.block.C2f
|
||||
<br><br>
|
||||
|
||||
## C3
|
||||
---
|
||||
### ::: ultralytics.nn.modules.block.C3
|
||||
## ::: ultralytics.nn.modules.block.C3
|
||||
<br><br>
|
||||
|
||||
## C3x
|
||||
---
|
||||
### ::: ultralytics.nn.modules.block.C3x
|
||||
## ::: ultralytics.nn.modules.block.C3x
|
||||
<br><br>
|
||||
|
||||
## RepC3
|
||||
---
|
||||
### ::: ultralytics.nn.modules.block.RepC3
|
||||
## ::: ultralytics.nn.modules.block.RepC3
|
||||
<br><br>
|
||||
|
||||
## C3TR
|
||||
---
|
||||
### ::: ultralytics.nn.modules.block.C3TR
|
||||
## ::: ultralytics.nn.modules.block.C3TR
|
||||
<br><br>
|
||||
|
||||
## C3Ghost
|
||||
---
|
||||
### ::: ultralytics.nn.modules.block.C3Ghost
|
||||
## ::: ultralytics.nn.modules.block.C3Ghost
|
||||
<br><br>
|
||||
|
||||
## GhostBottleneck
|
||||
---
|
||||
### ::: ultralytics.nn.modules.block.GhostBottleneck
|
||||
## ::: ultralytics.nn.modules.block.GhostBottleneck
|
||||
<br><br>
|
||||
|
||||
## Bottleneck
|
||||
---
|
||||
### ::: ultralytics.nn.modules.block.Bottleneck
|
||||
## ::: ultralytics.nn.modules.block.Bottleneck
|
||||
<br><br>
|
||||
|
||||
## BottleneckCSP
|
||||
---
|
||||
### ::: ultralytics.nn.modules.block.BottleneckCSP
|
||||
## ::: ultralytics.nn.modules.block.BottleneckCSP
|
||||
<br><br>
|
||||
|
@ -3,72 +3,64 @@ description: Explore various Ultralytics convolution modules including Conv2, DW
|
||||
keywords: Ultralytics, Convolution Modules, Conv2, DWConv, ConvTranspose, GhostConv, ChannelAttention, CBAM, autopad
|
||||
---
|
||||
|
||||
## Conv
|
||||
# Reference for `ultralytics/nn/modules/conv.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/nn/modules/conv.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/nn/modules/conv.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.nn.modules.conv.Conv
|
||||
## ::: ultralytics.nn.modules.conv.Conv
|
||||
<br><br>
|
||||
|
||||
## Conv2
|
||||
---
|
||||
### ::: ultralytics.nn.modules.conv.Conv2
|
||||
## ::: ultralytics.nn.modules.conv.Conv2
|
||||
<br><br>
|
||||
|
||||
## LightConv
|
||||
---
|
||||
### ::: ultralytics.nn.modules.conv.LightConv
|
||||
## ::: ultralytics.nn.modules.conv.LightConv
|
||||
<br><br>
|
||||
|
||||
## DWConv
|
||||
---
|
||||
### ::: ultralytics.nn.modules.conv.DWConv
|
||||
## ::: ultralytics.nn.modules.conv.DWConv
|
||||
<br><br>
|
||||
|
||||
## DWConvTranspose2d
|
||||
---
|
||||
### ::: ultralytics.nn.modules.conv.DWConvTranspose2d
|
||||
## ::: ultralytics.nn.modules.conv.DWConvTranspose2d
|
||||
<br><br>
|
||||
|
||||
## ConvTranspose
|
||||
---
|
||||
### ::: ultralytics.nn.modules.conv.ConvTranspose
|
||||
## ::: ultralytics.nn.modules.conv.ConvTranspose
|
||||
<br><br>
|
||||
|
||||
## Focus
|
||||
---
|
||||
### ::: ultralytics.nn.modules.conv.Focus
|
||||
## ::: ultralytics.nn.modules.conv.Focus
|
||||
<br><br>
|
||||
|
||||
## GhostConv
|
||||
---
|
||||
### ::: ultralytics.nn.modules.conv.GhostConv
|
||||
## ::: ultralytics.nn.modules.conv.GhostConv
|
||||
<br><br>
|
||||
|
||||
## RepConv
|
||||
---
|
||||
### ::: ultralytics.nn.modules.conv.RepConv
|
||||
## ::: ultralytics.nn.modules.conv.RepConv
|
||||
<br><br>
|
||||
|
||||
## ChannelAttention
|
||||
---
|
||||
### ::: ultralytics.nn.modules.conv.ChannelAttention
|
||||
## ::: ultralytics.nn.modules.conv.ChannelAttention
|
||||
<br><br>
|
||||
|
||||
## SpatialAttention
|
||||
---
|
||||
### ::: ultralytics.nn.modules.conv.SpatialAttention
|
||||
## ::: ultralytics.nn.modules.conv.SpatialAttention
|
||||
<br><br>
|
||||
|
||||
## CBAM
|
||||
---
|
||||
### ::: ultralytics.nn.modules.conv.CBAM
|
||||
## ::: ultralytics.nn.modules.conv.CBAM
|
||||
<br><br>
|
||||
|
||||
## Concat
|
||||
---
|
||||
### ::: ultralytics.nn.modules.conv.Concat
|
||||
## ::: ultralytics.nn.modules.conv.Concat
|
||||
<br><br>
|
||||
|
||||
## autopad
|
||||
---
|
||||
### ::: ultralytics.nn.modules.conv.autopad
|
||||
## ::: ultralytics.nn.modules.conv.autopad
|
||||
<br><br>
|
||||
|
@ -3,27 +3,28 @@ description: Explore docs covering Ultralytics YOLO detection, pose & RTDETRDeco
|
||||
keywords: Ultralytics, YOLO, Detection, Pose, RTDETRDecoder, nn modules, guides
|
||||
---
|
||||
|
||||
## Detect
|
||||
# Reference for `ultralytics/nn/modules/head.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/nn/modules/head.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/nn/modules/head.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.nn.modules.head.Detect
|
||||
## ::: ultralytics.nn.modules.head.Detect
|
||||
<br><br>
|
||||
|
||||
## Segment
|
||||
---
|
||||
### ::: ultralytics.nn.modules.head.Segment
|
||||
## ::: ultralytics.nn.modules.head.Segment
|
||||
<br><br>
|
||||
|
||||
## Pose
|
||||
---
|
||||
### ::: ultralytics.nn.modules.head.Pose
|
||||
## ::: ultralytics.nn.modules.head.Pose
|
||||
<br><br>
|
||||
|
||||
## Classify
|
||||
---
|
||||
### ::: ultralytics.nn.modules.head.Classify
|
||||
## ::: ultralytics.nn.modules.head.Classify
|
||||
<br><br>
|
||||
|
||||
## RTDETRDecoder
|
||||
---
|
||||
### ::: ultralytics.nn.modules.head.RTDETRDecoder
|
||||
## ::: ultralytics.nn.modules.head.RTDETRDecoder
|
||||
<br><br>
|
||||
|
@ -3,52 +3,48 @@ description: Learn about Ultralytics transformer encoder, layer, MLP block, Laye
|
||||
keywords: Ultralytics, Ultralytics documentation, TransformerEncoderLayer, TransformerLayer, MLPBlock, LayerNorm2d, DeformableTransformerDecoderLayer
|
||||
---
|
||||
|
||||
## TransformerEncoderLayer
|
||||
# Reference for `ultralytics/nn/modules/transformer.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/nn/modules/transformer.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/nn/modules/transformer.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.nn.modules.transformer.TransformerEncoderLayer
|
||||
## ::: ultralytics.nn.modules.transformer.TransformerEncoderLayer
|
||||
<br><br>
|
||||
|
||||
## AIFI
|
||||
---
|
||||
### ::: ultralytics.nn.modules.transformer.AIFI
|
||||
## ::: ultralytics.nn.modules.transformer.AIFI
|
||||
<br><br>
|
||||
|
||||
## TransformerLayer
|
||||
---
|
||||
### ::: ultralytics.nn.modules.transformer.TransformerLayer
|
||||
## ::: ultralytics.nn.modules.transformer.TransformerLayer
|
||||
<br><br>
|
||||
|
||||
## TransformerBlock
|
||||
---
|
||||
### ::: ultralytics.nn.modules.transformer.TransformerBlock
|
||||
## ::: ultralytics.nn.modules.transformer.TransformerBlock
|
||||
<br><br>
|
||||
|
||||
## MLPBlock
|
||||
---
|
||||
### ::: ultralytics.nn.modules.transformer.MLPBlock
|
||||
## ::: ultralytics.nn.modules.transformer.MLPBlock
|
||||
<br><br>
|
||||
|
||||
## MLP
|
||||
---
|
||||
### ::: ultralytics.nn.modules.transformer.MLP
|
||||
## ::: ultralytics.nn.modules.transformer.MLP
|
||||
<br><br>
|
||||
|
||||
## LayerNorm2d
|
||||
---
|
||||
### ::: ultralytics.nn.modules.transformer.LayerNorm2d
|
||||
## ::: ultralytics.nn.modules.transformer.LayerNorm2d
|
||||
<br><br>
|
||||
|
||||
## MSDeformAttn
|
||||
---
|
||||
### ::: ultralytics.nn.modules.transformer.MSDeformAttn
|
||||
## ::: ultralytics.nn.modules.transformer.MSDeformAttn
|
||||
<br><br>
|
||||
|
||||
## DeformableTransformerDecoderLayer
|
||||
---
|
||||
### ::: ultralytics.nn.modules.transformer.DeformableTransformerDecoderLayer
|
||||
## ::: ultralytics.nn.modules.transformer.DeformableTransformerDecoderLayer
|
||||
<br><br>
|
||||
|
||||
## DeformableTransformerDecoder
|
||||
---
|
||||
### ::: ultralytics.nn.modules.transformer.DeformableTransformerDecoder
|
||||
## ::: ultralytics.nn.modules.transformer.DeformableTransformerDecoder
|
||||
<br><br>
|
||||
|
@ -3,27 +3,28 @@ description: Explore Ultralytics neural network utils, such as bias_init_with_pr
|
||||
keywords: Ultralytics, neural network, nn.modules.utils, bias_init_with_prob, inverse_sigmoid, multi_scale_deformable_attn_pytorch
|
||||
---
|
||||
|
||||
## _get_clones
|
||||
# Reference for `ultralytics/nn/modules/utils.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/nn/modules/utils.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/nn/modules/utils.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.nn.modules.utils._get_clones
|
||||
## ::: ultralytics.nn.modules.utils._get_clones
|
||||
<br><br>
|
||||
|
||||
## bias_init_with_prob
|
||||
---
|
||||
### ::: ultralytics.nn.modules.utils.bias_init_with_prob
|
||||
## ::: ultralytics.nn.modules.utils.bias_init_with_prob
|
||||
<br><br>
|
||||
|
||||
## linear_init_
|
||||
---
|
||||
### ::: ultralytics.nn.modules.utils.linear_init_
|
||||
## ::: ultralytics.nn.modules.utils.linear_init_
|
||||
<br><br>
|
||||
|
||||
## inverse_sigmoid
|
||||
---
|
||||
### ::: ultralytics.nn.modules.utils.inverse_sigmoid
|
||||
## ::: ultralytics.nn.modules.utils.inverse_sigmoid
|
||||
<br><br>
|
||||
|
||||
## multi_scale_deformable_attn_pytorch
|
||||
---
|
||||
### ::: ultralytics.nn.modules.utils.multi_scale_deformable_attn_pytorch
|
||||
## ::: ultralytics.nn.modules.utils.multi_scale_deformable_attn_pytorch
|
||||
<br><br>
|
||||
|
@ -1,74 +1,65 @@
|
||||
## BaseModel
|
||||
# Reference for `ultralytics/nn/tasks.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/nn/tasks.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/nn/tasks.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.nn.tasks.BaseModel
|
||||
## ::: ultralytics.nn.tasks.BaseModel
|
||||
<br><br>
|
||||
|
||||
## DetectionModel
|
||||
---
|
||||
### ::: ultralytics.nn.tasks.DetectionModel
|
||||
## ::: ultralytics.nn.tasks.DetectionModel
|
||||
<br><br>
|
||||
|
||||
## SegmentationModel
|
||||
---
|
||||
### ::: ultralytics.nn.tasks.SegmentationModel
|
||||
## ::: ultralytics.nn.tasks.SegmentationModel
|
||||
<br><br>
|
||||
|
||||
## PoseModel
|
||||
---
|
||||
### ::: ultralytics.nn.tasks.PoseModel
|
||||
## ::: ultralytics.nn.tasks.PoseModel
|
||||
<br><br>
|
||||
|
||||
## ClassificationModel
|
||||
---
|
||||
### ::: ultralytics.nn.tasks.ClassificationModel
|
||||
## ::: ultralytics.nn.tasks.ClassificationModel
|
||||
<br><br>
|
||||
|
||||
## RTDETRDetectionModel
|
||||
---
|
||||
### ::: ultralytics.nn.tasks.RTDETRDetectionModel
|
||||
## ::: ultralytics.nn.tasks.RTDETRDetectionModel
|
||||
<br><br>
|
||||
|
||||
## Ensemble
|
||||
---
|
||||
### ::: ultralytics.nn.tasks.Ensemble
|
||||
## ::: ultralytics.nn.tasks.Ensemble
|
||||
<br><br>
|
||||
|
||||
## temporary_modules
|
||||
---
|
||||
### ::: ultralytics.nn.tasks.temporary_modules
|
||||
## ::: ultralytics.nn.tasks.temporary_modules
|
||||
<br><br>
|
||||
|
||||
## torch_safe_load
|
||||
---
|
||||
### ::: ultralytics.nn.tasks.torch_safe_load
|
||||
## ::: ultralytics.nn.tasks.torch_safe_load
|
||||
<br><br>
|
||||
|
||||
## attempt_load_weights
|
||||
---
|
||||
### ::: ultralytics.nn.tasks.attempt_load_weights
|
||||
## ::: ultralytics.nn.tasks.attempt_load_weights
|
||||
<br><br>
|
||||
|
||||
## attempt_load_one_weight
|
||||
---
|
||||
### ::: ultralytics.nn.tasks.attempt_load_one_weight
|
||||
## ::: ultralytics.nn.tasks.attempt_load_one_weight
|
||||
<br><br>
|
||||
|
||||
## parse_model
|
||||
---
|
||||
### ::: ultralytics.nn.tasks.parse_model
|
||||
## ::: ultralytics.nn.tasks.parse_model
|
||||
<br><br>
|
||||
|
||||
## yaml_model_load
|
||||
---
|
||||
### ::: ultralytics.nn.tasks.yaml_model_load
|
||||
## ::: ultralytics.nn.tasks.yaml_model_load
|
||||
<br><br>
|
||||
|
||||
## guess_model_scale
|
||||
---
|
||||
### ::: ultralytics.nn.tasks.guess_model_scale
|
||||
## ::: ultralytics.nn.tasks.guess_model_scale
|
||||
<br><br>
|
||||
|
||||
## guess_model_task
|
||||
---
|
||||
### ::: ultralytics.nn.tasks.guess_model_task
|
||||
## ::: ultralytics.nn.tasks.guess_model_task
|
||||
<br><br>
|
||||
|
@ -3,12 +3,16 @@ description: Get familiar with TrackState in Ultralytics. Learn how it is used i
|
||||
keywords: Ultralytics, TrackState, BaseTrack, Ultralytics tracker, Ultralytics documentation
|
||||
---
|
||||
|
||||
## TrackState
|
||||
# Reference for `ultralytics/trackers/basetrack.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/trackers/basetrack.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/trackers/basetrack.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.trackers.basetrack.TrackState
|
||||
## ::: ultralytics.trackers.basetrack.TrackState
|
||||
<br><br>
|
||||
|
||||
## BaseTrack
|
||||
---
|
||||
### ::: ultralytics.trackers.basetrack.BaseTrack
|
||||
## ::: ultralytics.trackers.basetrack.BaseTrack
|
||||
<br><br>
|
||||
|
@ -3,12 +3,16 @@ description: Master the use of Ultralytics BOTrack, a key component of the power
|
||||
keywords: Ultralytics, BOTSORT, BOTrack, tracking system, official documentation, machine learning, AI tracking
|
||||
---
|
||||
|
||||
## BOTrack
|
||||
# Reference for `ultralytics/trackers/bot_sort.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/trackers/bot_sort.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/trackers/bot_sort.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.trackers.bot_sort.BOTrack
|
||||
## ::: ultralytics.trackers.bot_sort.BOTrack
|
||||
<br><br>
|
||||
|
||||
## BOTSORT
|
||||
---
|
||||
### ::: ultralytics.trackers.bot_sort.BOTSORT
|
||||
## ::: ultralytics.trackers.bot_sort.BOTSORT
|
||||
<br><br>
|
||||
|
@ -3,12 +3,16 @@ description: Step-in to explore in-depth the functionalities of Ultralytics BYTE
|
||||
keywords: STrack, Ultralytics, BYTETracker, documentation, Ultralytics tracker, object tracking, YOLO
|
||||
---
|
||||
|
||||
## STrack
|
||||
# Reference for `ultralytics/trackers/byte_tracker.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/trackers/byte_tracker.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/trackers/byte_tracker.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.trackers.byte_tracker.STrack
|
||||
## ::: ultralytics.trackers.byte_tracker.STrack
|
||||
<br><br>
|
||||
|
||||
## BYTETracker
|
||||
---
|
||||
### ::: ultralytics.trackers.byte_tracker.BYTETracker
|
||||
## ::: ultralytics.trackers.byte_tracker.BYTETracker
|
||||
<br><br>
|
||||
|
@ -3,17 +3,20 @@ description: Explore Ultralytics documentation on prediction function starters &
|
||||
keywords: Ultralytics, YOLO, on predict start, register tracker, prediction functions, documentation
|
||||
---
|
||||
|
||||
## on_predict_start
|
||||
# Reference for `ultralytics/trackers/track.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/trackers/track.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/trackers/track.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.trackers.track.on_predict_start
|
||||
## ::: ultralytics.trackers.track.on_predict_start
|
||||
<br><br>
|
||||
|
||||
## on_predict_postprocess_end
|
||||
---
|
||||
### ::: ultralytics.trackers.track.on_predict_postprocess_end
|
||||
## ::: ultralytics.trackers.track.on_predict_postprocess_end
|
||||
<br><br>
|
||||
|
||||
## register_tracker
|
||||
---
|
||||
### ::: ultralytics.trackers.track.register_tracker
|
||||
## ::: ultralytics.trackers.track.register_tracker
|
||||
<br><br>
|
||||
|
@ -3,7 +3,12 @@ description: Explore the Ultralytics GMC tool in our comprehensive documentation
|
||||
keywords: Ultralytics, GMC utility, Ultralytics documentation, Ultralytics tracker, machine learning tools
|
||||
---
|
||||
|
||||
## GMC
|
||||
# Reference for `ultralytics/trackers/utils/gmc.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/trackers/utils/gmc.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/trackers/utils/gmc.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.trackers.utils.gmc.GMC
|
||||
## ::: ultralytics.trackers.utils.gmc.GMC
|
||||
<br><br>
|
||||
|
@ -3,12 +3,16 @@ description: Explore KalmanFilterXYAH, a key component of Ultralytics trackers.
|
||||
keywords: Ultralytics, KalmanFilterXYAH, tracker, documentation, guide
|
||||
---
|
||||
|
||||
## KalmanFilterXYAH
|
||||
# Reference for `ultralytics/trackers/utils/kalman_filter.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/trackers/utils/kalman_filter.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/trackers/utils/kalman_filter.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.trackers.utils.kalman_filter.KalmanFilterXYAH
|
||||
## ::: ultralytics.trackers.utils.kalman_filter.KalmanFilterXYAH
|
||||
<br><br>
|
||||
|
||||
## KalmanFilterXYWH
|
||||
---
|
||||
### ::: ultralytics.trackers.utils.kalman_filter.KalmanFilterXYWH
|
||||
## ::: ultralytics.trackers.utils.kalman_filter.KalmanFilterXYWH
|
||||
<br><br>
|
||||
|
@ -3,62 +3,56 @@ description: Explore in-depth guidance for using Ultralytics trackers utils matc
|
||||
keywords: Ultralytics, Trackers Utils, Matching, merge_matches, linear_assignment, iou_distance, embedding_distance, fuse_motion, fuse_score, documentation
|
||||
---
|
||||
|
||||
## merge_matches
|
||||
# Reference for `ultralytics/trackers/utils/matching.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/trackers/utils/matching.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/trackers/utils/matching.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.trackers.utils.matching.merge_matches
|
||||
## ::: ultralytics.trackers.utils.matching.merge_matches
|
||||
<br><br>
|
||||
|
||||
## _indices_to_matches
|
||||
---
|
||||
### ::: ultralytics.trackers.utils.matching._indices_to_matches
|
||||
## ::: ultralytics.trackers.utils.matching._indices_to_matches
|
||||
<br><br>
|
||||
|
||||
## linear_assignment
|
||||
---
|
||||
### ::: ultralytics.trackers.utils.matching.linear_assignment
|
||||
## ::: ultralytics.trackers.utils.matching.linear_assignment
|
||||
<br><br>
|
||||
|
||||
## ious
|
||||
---
|
||||
### ::: ultralytics.trackers.utils.matching.ious
|
||||
## ::: ultralytics.trackers.utils.matching.ious
|
||||
<br><br>
|
||||
|
||||
## iou_distance
|
||||
---
|
||||
### ::: ultralytics.trackers.utils.matching.iou_distance
|
||||
## ::: ultralytics.trackers.utils.matching.iou_distance
|
||||
<br><br>
|
||||
|
||||
## v_iou_distance
|
||||
---
|
||||
### ::: ultralytics.trackers.utils.matching.v_iou_distance
|
||||
## ::: ultralytics.trackers.utils.matching.v_iou_distance
|
||||
<br><br>
|
||||
|
||||
## embedding_distance
|
||||
---
|
||||
### ::: ultralytics.trackers.utils.matching.embedding_distance
|
||||
## ::: ultralytics.trackers.utils.matching.embedding_distance
|
||||
<br><br>
|
||||
|
||||
## gate_cost_matrix
|
||||
---
|
||||
### ::: ultralytics.trackers.utils.matching.gate_cost_matrix
|
||||
## ::: ultralytics.trackers.utils.matching.gate_cost_matrix
|
||||
<br><br>
|
||||
|
||||
## fuse_motion
|
||||
---
|
||||
### ::: ultralytics.trackers.utils.matching.fuse_motion
|
||||
## ::: ultralytics.trackers.utils.matching.fuse_motion
|
||||
<br><br>
|
||||
|
||||
## fuse_iou
|
||||
---
|
||||
### ::: ultralytics.trackers.utils.matching.fuse_iou
|
||||
## ::: ultralytics.trackers.utils.matching.fuse_iou
|
||||
<br><br>
|
||||
|
||||
## fuse_score
|
||||
---
|
||||
### ::: ultralytics.trackers.utils.matching.fuse_score
|
||||
## ::: ultralytics.trackers.utils.matching.fuse_score
|
||||
<br><br>
|
||||
|
||||
## bbox_ious
|
||||
---
|
||||
### ::: ultralytics.trackers.utils.matching.bbox_ious
|
||||
## ::: ultralytics.trackers.utils.matching.bbox_ious
|
||||
<br><br>
|
||||
|
@ -3,167 +3,140 @@ description: Explore the Ultralytics Utils package, with handy functions like co
|
||||
keywords: Ultralytics, Utils, utilitarian functions, colorstr, yaml_save, set_logging, is_kaggle, is_docker, clean_url
|
||||
---
|
||||
|
||||
## SimpleClass
|
||||
# Reference for `ultralytics/utils.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.utils.SimpleClass
|
||||
## ::: ultralytics.utils.SimpleClass
|
||||
<br><br>
|
||||
|
||||
## IterableSimpleNamespace
|
||||
---
|
||||
### ::: ultralytics.utils.IterableSimpleNamespace
|
||||
## ::: ultralytics.utils.IterableSimpleNamespace
|
||||
<br><br>
|
||||
|
||||
## EmojiFilter
|
||||
---
|
||||
### ::: ultralytics.utils.EmojiFilter
|
||||
## ::: ultralytics.utils.EmojiFilter
|
||||
<br><br>
|
||||
|
||||
## ThreadingLocked
|
||||
---
|
||||
### ::: ultralytics.utils.ThreadingLocked
|
||||
## ::: ultralytics.utils.ThreadingLocked
|
||||
<br><br>
|
||||
|
||||
## TryExcept
|
||||
---
|
||||
### ::: ultralytics.utils.TryExcept
|
||||
## ::: ultralytics.utils.TryExcept
|
||||
<br><br>
|
||||
|
||||
## SettingsManager
|
||||
---
|
||||
### ::: ultralytics.utils.SettingsManager
|
||||
## ::: ultralytics.utils.SettingsManager
|
||||
<br><br>
|
||||
|
||||
## plt_settings
|
||||
---
|
||||
### ::: ultralytics.utils.plt_settings
|
||||
## ::: ultralytics.utils.plt_settings
|
||||
<br><br>
|
||||
|
||||
## set_logging
|
||||
---
|
||||
### ::: ultralytics.utils.set_logging
|
||||
## ::: ultralytics.utils.set_logging
|
||||
<br><br>
|
||||
|
||||
## emojis
|
||||
---
|
||||
### ::: ultralytics.utils.emojis
|
||||
## ::: ultralytics.utils.emojis
|
||||
<br><br>
|
||||
|
||||
## yaml_save
|
||||
---
|
||||
### ::: ultralytics.utils.yaml_save
|
||||
## ::: ultralytics.utils.yaml_save
|
||||
<br><br>
|
||||
|
||||
## yaml_load
|
||||
---
|
||||
### ::: ultralytics.utils.yaml_load
|
||||
## ::: ultralytics.utils.yaml_load
|
||||
<br><br>
|
||||
|
||||
## yaml_print
|
||||
---
|
||||
### ::: ultralytics.utils.yaml_print
|
||||
## ::: ultralytics.utils.yaml_print
|
||||
<br><br>
|
||||
|
||||
## is_colab
|
||||
---
|
||||
### ::: ultralytics.utils.is_colab
|
||||
## ::: ultralytics.utils.is_colab
|
||||
<br><br>
|
||||
|
||||
## is_kaggle
|
||||
---
|
||||
### ::: ultralytics.utils.is_kaggle
|
||||
## ::: ultralytics.utils.is_kaggle
|
||||
<br><br>
|
||||
|
||||
## is_jupyter
|
||||
---
|
||||
### ::: ultralytics.utils.is_jupyter
|
||||
## ::: ultralytics.utils.is_jupyter
|
||||
<br><br>
|
||||
|
||||
## is_docker
|
||||
---
|
||||
### ::: ultralytics.utils.is_docker
|
||||
## ::: ultralytics.utils.is_docker
|
||||
<br><br>
|
||||
|
||||
## is_online
|
||||
---
|
||||
### ::: ultralytics.utils.is_online
|
||||
## ::: ultralytics.utils.is_online
|
||||
<br><br>
|
||||
|
||||
## is_pip_package
|
||||
---
|
||||
### ::: ultralytics.utils.is_pip_package
|
||||
## ::: ultralytics.utils.is_pip_package
|
||||
<br><br>
|
||||
|
||||
## is_dir_writeable
|
||||
---
|
||||
### ::: ultralytics.utils.is_dir_writeable
|
||||
## ::: ultralytics.utils.is_dir_writeable
|
||||
<br><br>
|
||||
|
||||
## is_pytest_running
|
||||
---
|
||||
### ::: ultralytics.utils.is_pytest_running
|
||||
## ::: ultralytics.utils.is_pytest_running
|
||||
<br><br>
|
||||
|
||||
## is_github_actions_ci
|
||||
---
|
||||
### ::: ultralytics.utils.is_github_actions_ci
|
||||
## ::: ultralytics.utils.is_github_actions_ci
|
||||
<br><br>
|
||||
|
||||
## is_git_dir
|
||||
---
|
||||
### ::: ultralytics.utils.is_git_dir
|
||||
## ::: ultralytics.utils.is_git_dir
|
||||
<br><br>
|
||||
|
||||
## get_git_dir
|
||||
---
|
||||
### ::: ultralytics.utils.get_git_dir
|
||||
## ::: ultralytics.utils.get_git_dir
|
||||
<br><br>
|
||||
|
||||
## get_git_origin_url
|
||||
---
|
||||
### ::: ultralytics.utils.get_git_origin_url
|
||||
## ::: ultralytics.utils.get_git_origin_url
|
||||
<br><br>
|
||||
|
||||
## get_git_branch
|
||||
---
|
||||
### ::: ultralytics.utils.get_git_branch
|
||||
## ::: ultralytics.utils.get_git_branch
|
||||
<br><br>
|
||||
|
||||
## get_default_args
|
||||
---
|
||||
### ::: ultralytics.utils.get_default_args
|
||||
## ::: ultralytics.utils.get_default_args
|
||||
<br><br>
|
||||
|
||||
## get_user_config_dir
|
||||
---
|
||||
### ::: ultralytics.utils.get_user_config_dir
|
||||
## ::: ultralytics.utils.get_user_config_dir
|
||||
<br><br>
|
||||
|
||||
## colorstr
|
||||
---
|
||||
### ::: ultralytics.utils.colorstr
|
||||
## ::: ultralytics.utils.colorstr
|
||||
<br><br>
|
||||
|
||||
## threaded
|
||||
---
|
||||
### ::: ultralytics.utils.threaded
|
||||
## ::: ultralytics.utils.threaded
|
||||
<br><br>
|
||||
|
||||
## set_sentry
|
||||
---
|
||||
### ::: ultralytics.utils.set_sentry
|
||||
## ::: ultralytics.utils.set_sentry
|
||||
<br><br>
|
||||
|
||||
## deprecation_warn
|
||||
---
|
||||
### ::: ultralytics.utils.deprecation_warn
|
||||
## ::: ultralytics.utils.deprecation_warn
|
||||
<br><br>
|
||||
|
||||
## clean_url
|
||||
---
|
||||
### ::: ultralytics.utils.clean_url
|
||||
## ::: ultralytics.utils.clean_url
|
||||
<br><br>
|
||||
|
||||
## url2file
|
||||
---
|
||||
### ::: ultralytics.utils.url2file
|
||||
## ::: ultralytics.utils.url2file
|
||||
<br><br>
|
||||
|
@ -3,12 +3,16 @@ description: Explore Ultralytics documentation for check_train_batch_size utilit
|
||||
keywords: Ultralytics, check_train_batch_size, autobatch, utility, machine learning, documentation
|
||||
---
|
||||
|
||||
## check_train_batch_size
|
||||
# Reference for `ultralytics/utils/autobatch.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/autobatch.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/autobatch.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.utils.autobatch.check_train_batch_size
|
||||
## ::: ultralytics.utils.autobatch.check_train_batch_size
|
||||
<br><br>
|
||||
|
||||
## autobatch
|
||||
---
|
||||
### ::: ultralytics.utils.autobatch.autobatch
|
||||
## ::: ultralytics.utils.autobatch.autobatch
|
||||
<br><br>
|
||||
|
@ -3,12 +3,16 @@ description: Discover how to profile your models using Ultralytics utilities. En
|
||||
keywords: Ultralytics, ProfileModels, benchmarks, model profiling, performance optimization
|
||||
---
|
||||
|
||||
## ProfileModels
|
||||
# Reference for `ultralytics/utils/benchmarks.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/benchmarks.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/benchmarks.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.utils.benchmarks.ProfileModels
|
||||
## ::: ultralytics.utils.benchmarks.ProfileModels
|
||||
<br><br>
|
||||
|
||||
## benchmark
|
||||
---
|
||||
### ::: ultralytics.utils.benchmarks.benchmark
|
||||
## ::: ultralytics.utils.benchmarks.benchmark
|
||||
<br><br>
|
||||
|
@ -3,137 +3,116 @@ description: Explore how to use the on-train, on-validation, on-pretrain, and on
|
||||
keywords: Ultralytics, Callbacks, On-train, On-validation, On-pretrain, On-predict, Parameters update, Model saving, Integration callbacks
|
||||
---
|
||||
|
||||
## on_pretrain_routine_start
|
||||
# Reference for `ultralytics/utils/callbacks/base.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/callbacks/base.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/callbacks/base.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.base.on_pretrain_routine_start
|
||||
## ::: ultralytics.utils.callbacks.base.on_pretrain_routine_start
|
||||
<br><br>
|
||||
|
||||
## on_pretrain_routine_end
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.base.on_pretrain_routine_end
|
||||
## ::: ultralytics.utils.callbacks.base.on_pretrain_routine_end
|
||||
<br><br>
|
||||
|
||||
## on_train_start
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.base.on_train_start
|
||||
## ::: ultralytics.utils.callbacks.base.on_train_start
|
||||
<br><br>
|
||||
|
||||
## on_train_epoch_start
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.base.on_train_epoch_start
|
||||
## ::: ultralytics.utils.callbacks.base.on_train_epoch_start
|
||||
<br><br>
|
||||
|
||||
## on_train_batch_start
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.base.on_train_batch_start
|
||||
## ::: ultralytics.utils.callbacks.base.on_train_batch_start
|
||||
<br><br>
|
||||
|
||||
## optimizer_step
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.base.optimizer_step
|
||||
## ::: ultralytics.utils.callbacks.base.optimizer_step
|
||||
<br><br>
|
||||
|
||||
## on_before_zero_grad
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.base.on_before_zero_grad
|
||||
## ::: ultralytics.utils.callbacks.base.on_before_zero_grad
|
||||
<br><br>
|
||||
|
||||
## on_train_batch_end
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.base.on_train_batch_end
|
||||
## ::: ultralytics.utils.callbacks.base.on_train_batch_end
|
||||
<br><br>
|
||||
|
||||
## on_train_epoch_end
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.base.on_train_epoch_end
|
||||
## ::: ultralytics.utils.callbacks.base.on_train_epoch_end
|
||||
<br><br>
|
||||
|
||||
## on_fit_epoch_end
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.base.on_fit_epoch_end
|
||||
## ::: ultralytics.utils.callbacks.base.on_fit_epoch_end
|
||||
<br><br>
|
||||
|
||||
## on_model_save
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.base.on_model_save
|
||||
## ::: ultralytics.utils.callbacks.base.on_model_save
|
||||
<br><br>
|
||||
|
||||
## on_train_end
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.base.on_train_end
|
||||
## ::: ultralytics.utils.callbacks.base.on_train_end
|
||||
<br><br>
|
||||
|
||||
## on_params_update
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.base.on_params_update
|
||||
## ::: ultralytics.utils.callbacks.base.on_params_update
|
||||
<br><br>
|
||||
|
||||
## teardown
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.base.teardown
|
||||
## ::: ultralytics.utils.callbacks.base.teardown
|
||||
<br><br>
|
||||
|
||||
## on_val_start
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.base.on_val_start
|
||||
## ::: ultralytics.utils.callbacks.base.on_val_start
|
||||
<br><br>
|
||||
|
||||
## on_val_batch_start
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.base.on_val_batch_start
|
||||
## ::: ultralytics.utils.callbacks.base.on_val_batch_start
|
||||
<br><br>
|
||||
|
||||
## on_val_batch_end
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.base.on_val_batch_end
|
||||
## ::: ultralytics.utils.callbacks.base.on_val_batch_end
|
||||
<br><br>
|
||||
|
||||
## on_val_end
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.base.on_val_end
|
||||
## ::: ultralytics.utils.callbacks.base.on_val_end
|
||||
<br><br>
|
||||
|
||||
## on_predict_start
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.base.on_predict_start
|
||||
## ::: ultralytics.utils.callbacks.base.on_predict_start
|
||||
<br><br>
|
||||
|
||||
## on_predict_batch_start
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.base.on_predict_batch_start
|
||||
## ::: ultralytics.utils.callbacks.base.on_predict_batch_start
|
||||
<br><br>
|
||||
|
||||
## on_predict_batch_end
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.base.on_predict_batch_end
|
||||
## ::: ultralytics.utils.callbacks.base.on_predict_batch_end
|
||||
<br><br>
|
||||
|
||||
## on_predict_postprocess_end
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.base.on_predict_postprocess_end
|
||||
## ::: ultralytics.utils.callbacks.base.on_predict_postprocess_end
|
||||
<br><br>
|
||||
|
||||
## on_predict_end
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.base.on_predict_end
|
||||
## ::: ultralytics.utils.callbacks.base.on_predict_end
|
||||
<br><br>
|
||||
|
||||
## on_export_start
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.base.on_export_start
|
||||
## ::: ultralytics.utils.callbacks.base.on_export_start
|
||||
<br><br>
|
||||
|
||||
## on_export_end
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.base.on_export_end
|
||||
## ::: ultralytics.utils.callbacks.base.on_export_end
|
||||
<br><br>
|
||||
|
||||
## get_default_callbacks
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.base.get_default_callbacks
|
||||
## ::: ultralytics.utils.callbacks.base.get_default_callbacks
|
||||
<br><br>
|
||||
|
||||
## add_integration_callbacks
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.base.add_integration_callbacks
|
||||
## ::: ultralytics.utils.callbacks.base.add_integration_callbacks
|
||||
<br><br>
|
||||
|
@ -3,37 +3,36 @@ description: Uncover the specifics of Ultralytics ClearML callbacks, from pretra
|
||||
keywords: Ultralytics, clearML, callbacks, pretrain routine start, validation end, train epoch end, training end
|
||||
---
|
||||
|
||||
## _log_debug_samples
|
||||
# Reference for `ultralytics/utils/callbacks/clearml.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/callbacks/clearml.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/callbacks/clearml.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.clearml._log_debug_samples
|
||||
## ::: ultralytics.utils.callbacks.clearml._log_debug_samples
|
||||
<br><br>
|
||||
|
||||
## _log_plot
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.clearml._log_plot
|
||||
## ::: ultralytics.utils.callbacks.clearml._log_plot
|
||||
<br><br>
|
||||
|
||||
## on_pretrain_routine_start
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.clearml.on_pretrain_routine_start
|
||||
## ::: ultralytics.utils.callbacks.clearml.on_pretrain_routine_start
|
||||
<br><br>
|
||||
|
||||
## on_train_epoch_end
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.clearml.on_train_epoch_end
|
||||
## ::: ultralytics.utils.callbacks.clearml.on_train_epoch_end
|
||||
<br><br>
|
||||
|
||||
## on_fit_epoch_end
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.clearml.on_fit_epoch_end
|
||||
## ::: ultralytics.utils.callbacks.clearml.on_fit_epoch_end
|
||||
<br><br>
|
||||
|
||||
## on_val_end
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.clearml.on_val_end
|
||||
## ::: ultralytics.utils.callbacks.clearml.on_val_end
|
||||
<br><br>
|
||||
|
||||
## on_train_end
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.clearml.on_train_end
|
||||
## ::: ultralytics.utils.callbacks.clearml.on_train_end
|
||||
<br><br>
|
||||
|
@ -3,122 +3,104 @@ description: Explore comprehensive documentation for utilising Comet Callbacks i
|
||||
keywords: Ultralytics, Comet Callbacks, Training optimisation, Logging, Experiment Workflows
|
||||
---
|
||||
|
||||
## _get_comet_mode
|
||||
# Reference for `ultralytics/utils/callbacks/comet.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/callbacks/comet.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/callbacks/comet.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.comet._get_comet_mode
|
||||
## ::: ultralytics.utils.callbacks.comet._get_comet_mode
|
||||
<br><br>
|
||||
|
||||
## _get_comet_model_name
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.comet._get_comet_model_name
|
||||
## ::: ultralytics.utils.callbacks.comet._get_comet_model_name
|
||||
<br><br>
|
||||
|
||||
## _get_eval_batch_logging_interval
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.comet._get_eval_batch_logging_interval
|
||||
## ::: ultralytics.utils.callbacks.comet._get_eval_batch_logging_interval
|
||||
<br><br>
|
||||
|
||||
## _get_max_image_predictions_to_log
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.comet._get_max_image_predictions_to_log
|
||||
## ::: ultralytics.utils.callbacks.comet._get_max_image_predictions_to_log
|
||||
<br><br>
|
||||
|
||||
## _scale_confidence_score
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.comet._scale_confidence_score
|
||||
## ::: ultralytics.utils.callbacks.comet._scale_confidence_score
|
||||
<br><br>
|
||||
|
||||
## _should_log_confusion_matrix
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.comet._should_log_confusion_matrix
|
||||
## ::: ultralytics.utils.callbacks.comet._should_log_confusion_matrix
|
||||
<br><br>
|
||||
|
||||
## _should_log_image_predictions
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.comet._should_log_image_predictions
|
||||
## ::: ultralytics.utils.callbacks.comet._should_log_image_predictions
|
||||
<br><br>
|
||||
|
||||
## _get_experiment_type
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.comet._get_experiment_type
|
||||
## ::: ultralytics.utils.callbacks.comet._get_experiment_type
|
||||
<br><br>
|
||||
|
||||
## _create_experiment
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.comet._create_experiment
|
||||
## ::: ultralytics.utils.callbacks.comet._create_experiment
|
||||
<br><br>
|
||||
|
||||
## _fetch_trainer_metadata
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.comet._fetch_trainer_metadata
|
||||
## ::: ultralytics.utils.callbacks.comet._fetch_trainer_metadata
|
||||
<br><br>
|
||||
|
||||
## _scale_bounding_box_to_original_image_shape
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.comet._scale_bounding_box_to_original_image_shape
|
||||
## ::: ultralytics.utils.callbacks.comet._scale_bounding_box_to_original_image_shape
|
||||
<br><br>
|
||||
|
||||
## _format_ground_truth_annotations_for_detection
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.comet._format_ground_truth_annotations_for_detection
|
||||
## ::: ultralytics.utils.callbacks.comet._format_ground_truth_annotations_for_detection
|
||||
<br><br>
|
||||
|
||||
## _format_prediction_annotations_for_detection
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.comet._format_prediction_annotations_for_detection
|
||||
## ::: ultralytics.utils.callbacks.comet._format_prediction_annotations_for_detection
|
||||
<br><br>
|
||||
|
||||
## _fetch_annotations
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.comet._fetch_annotations
|
||||
## ::: ultralytics.utils.callbacks.comet._fetch_annotations
|
||||
<br><br>
|
||||
|
||||
## _create_prediction_metadata_map
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.comet._create_prediction_metadata_map
|
||||
## ::: ultralytics.utils.callbacks.comet._create_prediction_metadata_map
|
||||
<br><br>
|
||||
|
||||
## _log_confusion_matrix
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.comet._log_confusion_matrix
|
||||
## ::: ultralytics.utils.callbacks.comet._log_confusion_matrix
|
||||
<br><br>
|
||||
|
||||
## _log_images
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.comet._log_images
|
||||
## ::: ultralytics.utils.callbacks.comet._log_images
|
||||
<br><br>
|
||||
|
||||
## _log_image_predictions
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.comet._log_image_predictions
|
||||
## ::: ultralytics.utils.callbacks.comet._log_image_predictions
|
||||
<br><br>
|
||||
|
||||
## _log_plots
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.comet._log_plots
|
||||
## ::: ultralytics.utils.callbacks.comet._log_plots
|
||||
<br><br>
|
||||
|
||||
## _log_model
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.comet._log_model
|
||||
## ::: ultralytics.utils.callbacks.comet._log_model
|
||||
<br><br>
|
||||
|
||||
## on_pretrain_routine_start
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.comet.on_pretrain_routine_start
|
||||
## ::: ultralytics.utils.callbacks.comet.on_pretrain_routine_start
|
||||
<br><br>
|
||||
|
||||
## on_train_epoch_end
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.comet.on_train_epoch_end
|
||||
## ::: ultralytics.utils.callbacks.comet.on_train_epoch_end
|
||||
<br><br>
|
||||
|
||||
## on_fit_epoch_end
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.comet.on_fit_epoch_end
|
||||
## ::: ultralytics.utils.callbacks.comet.on_fit_epoch_end
|
||||
<br><br>
|
||||
|
||||
## on_train_end
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.comet.on_train_end
|
||||
## ::: ultralytics.utils.callbacks.comet.on_train_end
|
||||
<br><br>
|
||||
|
@ -3,52 +3,48 @@ description: Browse through Ultralytics YOLO docs to learn about important loggi
|
||||
keywords: Ultralytics, YOLO, callbacks, logger, training, pretraining, machine learning, models
|
||||
---
|
||||
|
||||
## _logger_disabled
|
||||
# Reference for `ultralytics/utils/callbacks/dvc.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/callbacks/dvc.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/callbacks/dvc.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.dvc._logger_disabled
|
||||
## ::: ultralytics.utils.callbacks.dvc._logger_disabled
|
||||
<br><br>
|
||||
|
||||
## _log_images
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.dvc._log_images
|
||||
## ::: ultralytics.utils.callbacks.dvc._log_images
|
||||
<br><br>
|
||||
|
||||
## _log_plots
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.dvc._log_plots
|
||||
## ::: ultralytics.utils.callbacks.dvc._log_plots
|
||||
<br><br>
|
||||
|
||||
## _log_confusion_matrix
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.dvc._log_confusion_matrix
|
||||
## ::: ultralytics.utils.callbacks.dvc._log_confusion_matrix
|
||||
<br><br>
|
||||
|
||||
## on_pretrain_routine_start
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.dvc.on_pretrain_routine_start
|
||||
## ::: ultralytics.utils.callbacks.dvc.on_pretrain_routine_start
|
||||
<br><br>
|
||||
|
||||
## on_pretrain_routine_end
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.dvc.on_pretrain_routine_end
|
||||
## ::: ultralytics.utils.callbacks.dvc.on_pretrain_routine_end
|
||||
<br><br>
|
||||
|
||||
## on_train_start
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.dvc.on_train_start
|
||||
## ::: ultralytics.utils.callbacks.dvc.on_train_start
|
||||
<br><br>
|
||||
|
||||
## on_train_epoch_start
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.dvc.on_train_epoch_start
|
||||
## ::: ultralytics.utils.callbacks.dvc.on_train_epoch_start
|
||||
<br><br>
|
||||
|
||||
## on_fit_epoch_end
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.dvc.on_fit_epoch_end
|
||||
## ::: ultralytics.utils.callbacks.dvc.on_fit_epoch_end
|
||||
<br><br>
|
||||
|
||||
## on_train_end
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.dvc.on_train_end
|
||||
## ::: ultralytics.utils.callbacks.dvc.on_train_end
|
||||
<br><br>
|
||||
|
@ -3,42 +3,40 @@ description: Explore the detailed information on key Ultralytics callbacks such
|
||||
keywords: Ultralytics, callbacks, on_pretrain_routine_end, on_model_save, on_train_start, on_predict_start, hub, training
|
||||
---
|
||||
|
||||
## on_pretrain_routine_end
|
||||
# Reference for `ultralytics/utils/callbacks/hub.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/callbacks/hub.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/callbacks/hub.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.hub.on_pretrain_routine_end
|
||||
## ::: ultralytics.utils.callbacks.hub.on_pretrain_routine_end
|
||||
<br><br>
|
||||
|
||||
## on_fit_epoch_end
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.hub.on_fit_epoch_end
|
||||
## ::: ultralytics.utils.callbacks.hub.on_fit_epoch_end
|
||||
<br><br>
|
||||
|
||||
## on_model_save
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.hub.on_model_save
|
||||
## ::: ultralytics.utils.callbacks.hub.on_model_save
|
||||
<br><br>
|
||||
|
||||
## on_train_end
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.hub.on_train_end
|
||||
## ::: ultralytics.utils.callbacks.hub.on_train_end
|
||||
<br><br>
|
||||
|
||||
## on_train_start
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.hub.on_train_start
|
||||
## ::: ultralytics.utils.callbacks.hub.on_train_start
|
||||
<br><br>
|
||||
|
||||
## on_val_start
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.hub.on_val_start
|
||||
## ::: ultralytics.utils.callbacks.hub.on_val_start
|
||||
<br><br>
|
||||
|
||||
## on_predict_start
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.hub.on_predict_start
|
||||
## ::: ultralytics.utils.callbacks.hub.on_predict_start
|
||||
<br><br>
|
||||
|
||||
## on_export_start
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.hub.on_export_start
|
||||
## ::: ultralytics.utils.callbacks.hub.on_export_start
|
||||
<br><br>
|
||||
|
@ -3,17 +3,20 @@ description: Understand routines at the end of pre-training and training in Ultr
|
||||
keywords: Ultralytics, MLflow, Callbacks, on_pretrain_routine_end, on_train_end, Machine Learning, Training
|
||||
---
|
||||
|
||||
## on_pretrain_routine_end
|
||||
# Reference for `ultralytics/utils/callbacks/mlflow.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/callbacks/mlflow.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/callbacks/mlflow.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.mlflow.on_pretrain_routine_end
|
||||
## ::: ultralytics.utils.callbacks.mlflow.on_pretrain_routine_end
|
||||
<br><br>
|
||||
|
||||
## on_fit_epoch_end
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.mlflow.on_fit_epoch_end
|
||||
## ::: ultralytics.utils.callbacks.mlflow.on_fit_epoch_end
|
||||
<br><br>
|
||||
|
||||
## on_train_end
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.mlflow.on_train_end
|
||||
## ::: ultralytics.utils.callbacks.mlflow.on_train_end
|
||||
<br><br>
|
||||
|
@ -3,42 +3,40 @@ description: Explore exhaustive details about Ultralytics callbacks in Neptune,
|
||||
keywords: Ultralytics, Neptune callbacks, on_train_epoch_end, on_val_end, _log_plot, _log_images, on_pretrain_routine_start, on_fit_epoch_end, on_train_end
|
||||
---
|
||||
|
||||
## _log_scalars
|
||||
# Reference for `ultralytics/utils/callbacks/neptune.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/callbacks/neptune.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/callbacks/neptune.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.neptune._log_scalars
|
||||
## ::: ultralytics.utils.callbacks.neptune._log_scalars
|
||||
<br><br>
|
||||
|
||||
## _log_images
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.neptune._log_images
|
||||
## ::: ultralytics.utils.callbacks.neptune._log_images
|
||||
<br><br>
|
||||
|
||||
## _log_plot
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.neptune._log_plot
|
||||
## ::: ultralytics.utils.callbacks.neptune._log_plot
|
||||
<br><br>
|
||||
|
||||
## on_pretrain_routine_start
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.neptune.on_pretrain_routine_start
|
||||
## ::: ultralytics.utils.callbacks.neptune.on_pretrain_routine_start
|
||||
<br><br>
|
||||
|
||||
## on_train_epoch_end
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.neptune.on_train_epoch_end
|
||||
## ::: ultralytics.utils.callbacks.neptune.on_train_epoch_end
|
||||
<br><br>
|
||||
|
||||
## on_fit_epoch_end
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.neptune.on_fit_epoch_end
|
||||
## ::: ultralytics.utils.callbacks.neptune.on_fit_epoch_end
|
||||
<br><br>
|
||||
|
||||
## on_val_end
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.neptune.on_val_end
|
||||
## ::: ultralytics.utils.callbacks.neptune.on_val_end
|
||||
<br><br>
|
||||
|
||||
## on_train_end
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.neptune.on_train_end
|
||||
## ::: ultralytics.utils.callbacks.neptune.on_train_end
|
||||
<br><br>
|
||||
|
@ -3,7 +3,12 @@ description: Discover the functionality of the on_fit_epoch_end callback in the
|
||||
keywords: Ultralytics, YOLO, on_fit_epoch_end, callbacks, documentation, deep learning, YOLO framework
|
||||
---
|
||||
|
||||
## on_fit_epoch_end
|
||||
# Reference for `ultralytics/utils/callbacks/raytune.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/callbacks/raytune.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/callbacks/raytune.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.raytune.on_fit_epoch_end
|
||||
## ::: ultralytics.utils.callbacks.raytune.on_fit_epoch_end
|
||||
<br><br>
|
||||
|
@ -3,22 +3,24 @@ description: Explore Ultralytics YOLO Docs for a deep understanding of log_scala
|
||||
keywords: Ultralytics, YOLO, documentation, callback utilities, log_scalars, on_batch_end, tensorboard
|
||||
---
|
||||
|
||||
## _log_scalars
|
||||
# Reference for `ultralytics/utils/callbacks/tensorboard.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/callbacks/tensorboard.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/callbacks/tensorboard.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.tensorboard._log_scalars
|
||||
## ::: ultralytics.utils.callbacks.tensorboard._log_scalars
|
||||
<br><br>
|
||||
|
||||
## on_pretrain_routine_start
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.tensorboard.on_pretrain_routine_start
|
||||
## ::: ultralytics.utils.callbacks.tensorboard.on_pretrain_routine_start
|
||||
<br><br>
|
||||
|
||||
## on_batch_end
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.tensorboard.on_batch_end
|
||||
## ::: ultralytics.utils.callbacks.tensorboard.on_batch_end
|
||||
<br><br>
|
||||
|
||||
## on_fit_epoch_end
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.tensorboard.on_fit_epoch_end
|
||||
## ::: ultralytics.utils.callbacks.tensorboard.on_fit_epoch_end
|
||||
<br><br>
|
||||
|
@ -3,27 +3,28 @@ description: Deep dive into Ultralytics callbacks. Learn how to use the _log_plo
|
||||
keywords: Ultralytics, callbacks, _log_plots, on_fit_epoch_end, on_train_end
|
||||
---
|
||||
|
||||
## _log_plots
|
||||
# Reference for `ultralytics/utils/callbacks/wb.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/callbacks/wb.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/callbacks/wb.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.wb._log_plots
|
||||
## ::: ultralytics.utils.callbacks.wb._log_plots
|
||||
<br><br>
|
||||
|
||||
## on_pretrain_routine_start
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.wb.on_pretrain_routine_start
|
||||
## ::: ultralytics.utils.callbacks.wb.on_pretrain_routine_start
|
||||
<br><br>
|
||||
|
||||
## on_fit_epoch_end
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.wb.on_fit_epoch_end
|
||||
## ::: ultralytics.utils.callbacks.wb.on_fit_epoch_end
|
||||
<br><br>
|
||||
|
||||
## on_train_epoch_end
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.wb.on_train_epoch_end
|
||||
## ::: ultralytics.utils.callbacks.wb.on_train_epoch_end
|
||||
<br><br>
|
||||
|
||||
## on_train_end
|
||||
---
|
||||
### ::: ultralytics.utils.callbacks.wb.on_train_end
|
||||
## ::: ultralytics.utils.callbacks.wb.on_train_end
|
||||
<br><br>
|
||||
|
@ -3,92 +3,80 @@ description: Learn about our routine checks that safeguard Ultralytics operation
|
||||
keywords: Ultralytics, utility checks, ASCII, check_version, pip_update, check_python, check_torchvision, check_yaml, YOLO filename
|
||||
---
|
||||
|
||||
## is_ascii
|
||||
# Reference for `ultralytics/utils/checks.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/checks.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/checks.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.utils.checks.is_ascii
|
||||
## ::: ultralytics.utils.checks.is_ascii
|
||||
<br><br>
|
||||
|
||||
## check_imgsz
|
||||
---
|
||||
### ::: ultralytics.utils.checks.check_imgsz
|
||||
## ::: ultralytics.utils.checks.check_imgsz
|
||||
<br><br>
|
||||
|
||||
## check_version
|
||||
---
|
||||
### ::: ultralytics.utils.checks.check_version
|
||||
## ::: ultralytics.utils.checks.check_version
|
||||
<br><br>
|
||||
|
||||
## check_latest_pypi_version
|
||||
---
|
||||
### ::: ultralytics.utils.checks.check_latest_pypi_version
|
||||
## ::: ultralytics.utils.checks.check_latest_pypi_version
|
||||
<br><br>
|
||||
|
||||
## check_pip_update_available
|
||||
---
|
||||
### ::: ultralytics.utils.checks.check_pip_update_available
|
||||
## ::: ultralytics.utils.checks.check_pip_update_available
|
||||
<br><br>
|
||||
|
||||
## check_font
|
||||
---
|
||||
### ::: ultralytics.utils.checks.check_font
|
||||
## ::: ultralytics.utils.checks.check_font
|
||||
<br><br>
|
||||
|
||||
## check_python
|
||||
---
|
||||
### ::: ultralytics.utils.checks.check_python
|
||||
## ::: ultralytics.utils.checks.check_python
|
||||
<br><br>
|
||||
|
||||
## check_requirements
|
||||
---
|
||||
### ::: ultralytics.utils.checks.check_requirements
|
||||
## ::: ultralytics.utils.checks.check_requirements
|
||||
<br><br>
|
||||
|
||||
## check_torchvision
|
||||
---
|
||||
### ::: ultralytics.utils.checks.check_torchvision
|
||||
## ::: ultralytics.utils.checks.check_torchvision
|
||||
<br><br>
|
||||
|
||||
## check_suffix
|
||||
---
|
||||
### ::: ultralytics.utils.checks.check_suffix
|
||||
## ::: ultralytics.utils.checks.check_suffix
|
||||
<br><br>
|
||||
|
||||
## check_yolov5u_filename
|
||||
---
|
||||
### ::: ultralytics.utils.checks.check_yolov5u_filename
|
||||
## ::: ultralytics.utils.checks.check_yolov5u_filename
|
||||
<br><br>
|
||||
|
||||
## check_file
|
||||
---
|
||||
### ::: ultralytics.utils.checks.check_file
|
||||
## ::: ultralytics.utils.checks.check_file
|
||||
<br><br>
|
||||
|
||||
## check_yaml
|
||||
---
|
||||
### ::: ultralytics.utils.checks.check_yaml
|
||||
## ::: ultralytics.utils.checks.check_yaml
|
||||
<br><br>
|
||||
|
||||
## check_imshow
|
||||
---
|
||||
### ::: ultralytics.utils.checks.check_imshow
|
||||
## ::: ultralytics.utils.checks.check_imshow
|
||||
<br><br>
|
||||
|
||||
## check_yolo
|
||||
---
|
||||
### ::: ultralytics.utils.checks.check_yolo
|
||||
## ::: ultralytics.utils.checks.check_yolo
|
||||
<br><br>
|
||||
|
||||
## check_amp
|
||||
---
|
||||
### ::: ultralytics.utils.checks.check_amp
|
||||
## ::: ultralytics.utils.checks.check_amp
|
||||
<br><br>
|
||||
|
||||
## git_describe
|
||||
---
|
||||
### ::: ultralytics.utils.checks.git_describe
|
||||
## ::: ultralytics.utils.checks.git_describe
|
||||
<br><br>
|
||||
|
||||
## print_args
|
||||
---
|
||||
### ::: ultralytics.utils.checks.print_args
|
||||
## ::: ultralytics.utils.checks.print_args
|
||||
<br><br>
|
||||
|
@ -3,22 +3,24 @@ description: Discover the role of dist.find_free_network_port & dist.generate_dd
|
||||
keywords: Ultralytics, DDP, DDP utility functions, Distributed Data Processing, find free network port, generate DDP command
|
||||
---
|
||||
|
||||
## find_free_network_port
|
||||
# Reference for `ultralytics/utils/dist.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/dist.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/dist.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.utils.dist.find_free_network_port
|
||||
## ::: ultralytics.utils.dist.find_free_network_port
|
||||
<br><br>
|
||||
|
||||
## generate_ddp_file
|
||||
---
|
||||
### ::: ultralytics.utils.dist.generate_ddp_file
|
||||
## ::: ultralytics.utils.dist.generate_ddp_file
|
||||
<br><br>
|
||||
|
||||
## generate_ddp_command
|
||||
---
|
||||
### ::: ultralytics.utils.dist.generate_ddp_command
|
||||
## ::: ultralytics.utils.dist.generate_ddp_command
|
||||
<br><br>
|
||||
|
||||
## ddp_cleanup
|
||||
---
|
||||
### ::: ultralytics.utils.dist.ddp_cleanup
|
||||
## ::: ultralytics.utils.dist.ddp_cleanup
|
||||
<br><br>
|
||||
|
@ -3,37 +3,36 @@ description: Learn about the download utilities in Ultralytics YOLO, featuring f
|
||||
keywords: Ultralytics, YOLO, download utilities, is_url, check_disk_space, get_github_assets, download, documentation
|
||||
---
|
||||
|
||||
## is_url
|
||||
# Reference for `ultralytics/utils/downloads.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/downloads.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/downloads.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.utils.downloads.is_url
|
||||
## ::: ultralytics.utils.downloads.is_url
|
||||
<br><br>
|
||||
|
||||
## unzip_file
|
||||
---
|
||||
### ::: ultralytics.utils.downloads.unzip_file
|
||||
## ::: ultralytics.utils.downloads.unzip_file
|
||||
<br><br>
|
||||
|
||||
## check_disk_space
|
||||
---
|
||||
### ::: ultralytics.utils.downloads.check_disk_space
|
||||
## ::: ultralytics.utils.downloads.check_disk_space
|
||||
<br><br>
|
||||
|
||||
## safe_download
|
||||
---
|
||||
### ::: ultralytics.utils.downloads.safe_download
|
||||
## ::: ultralytics.utils.downloads.safe_download
|
||||
<br><br>
|
||||
|
||||
## get_github_assets
|
||||
---
|
||||
### ::: ultralytics.utils.downloads.get_github_assets
|
||||
## ::: ultralytics.utils.downloads.get_github_assets
|
||||
<br><br>
|
||||
|
||||
## attempt_download_asset
|
||||
---
|
||||
### ::: ultralytics.utils.downloads.attempt_download_asset
|
||||
## ::: ultralytics.utils.downloads.attempt_download_asset
|
||||
<br><br>
|
||||
|
||||
## download
|
||||
---
|
||||
### ::: ultralytics.utils.downloads.download
|
||||
## ::: ultralytics.utils.downloads.download
|
||||
<br><br>
|
||||
|
@ -3,7 +3,12 @@ description: Learn about the HUBModelError in Ultralytics. Enhance your understa
|
||||
keywords: Ultralytics, HUBModelError, Machine Learning, Error troubleshooting, Ultralytics documentation
|
||||
---
|
||||
|
||||
## HUBModelError
|
||||
# Reference for `ultralytics/utils/errors.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/errors.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/errors.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.utils.errors.HUBModelError
|
||||
## ::: ultralytics.utils.errors.HUBModelError
|
||||
<br><br>
|
||||
|
@ -3,42 +3,40 @@ description: Discover how to use Ultralytics utility functions for file-related
|
||||
keywords: Ultralytics, utility functions, file operations, working directory, file age, file size, create directories
|
||||
---
|
||||
|
||||
## WorkingDirectory
|
||||
# Reference for `ultralytics/utils/files.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/files.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/files.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.utils.files.WorkingDirectory
|
||||
## ::: ultralytics.utils.files.WorkingDirectory
|
||||
<br><br>
|
||||
|
||||
## spaces_in_path
|
||||
---
|
||||
### ::: ultralytics.utils.files.spaces_in_path
|
||||
## ::: ultralytics.utils.files.spaces_in_path
|
||||
<br><br>
|
||||
|
||||
## increment_path
|
||||
---
|
||||
### ::: ultralytics.utils.files.increment_path
|
||||
## ::: ultralytics.utils.files.increment_path
|
||||
<br><br>
|
||||
|
||||
## file_age
|
||||
---
|
||||
### ::: ultralytics.utils.files.file_age
|
||||
## ::: ultralytics.utils.files.file_age
|
||||
<br><br>
|
||||
|
||||
## file_date
|
||||
---
|
||||
### ::: ultralytics.utils.files.file_date
|
||||
## ::: ultralytics.utils.files.file_date
|
||||
<br><br>
|
||||
|
||||
## file_size
|
||||
---
|
||||
### ::: ultralytics.utils.files.file_size
|
||||
## ::: ultralytics.utils.files.file_size
|
||||
<br><br>
|
||||
|
||||
## get_latest_run
|
||||
---
|
||||
### ::: ultralytics.utils.files.get_latest_run
|
||||
## ::: ultralytics.utils.files.get_latest_run
|
||||
<br><br>
|
||||
|
||||
## make_dirs
|
||||
---
|
||||
### ::: ultralytics.utils.files.make_dirs
|
||||
## ::: ultralytics.utils.files.make_dirs
|
||||
<br><br>
|
||||
|
@ -3,17 +3,20 @@ description: Dive into Ultralytics detailed utility guide. Learn about Bboxes, _
|
||||
keywords: Ultralytics, Bboxes, _ntuple, utility, ultralytics utils.instance
|
||||
---
|
||||
|
||||
## Bboxes
|
||||
# Reference for `ultralytics/utils/instance.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/instance.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/instance.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.utils.instance.Bboxes
|
||||
## ::: ultralytics.utils.instance.Bboxes
|
||||
<br><br>
|
||||
|
||||
## Instances
|
||||
---
|
||||
### ::: ultralytics.utils.instance.Instances
|
||||
## ::: ultralytics.utils.instance.Instances
|
||||
<br><br>
|
||||
|
||||
## _ntuple
|
||||
---
|
||||
### ::: ultralytics.utils.instance._ntuple
|
||||
## ::: ultralytics.utils.instance._ntuple
|
||||
<br><br>
|
||||
|
@ -3,42 +3,40 @@ description: Explore Ultralytics' versatile loss functions - VarifocalLoss, Bbox
|
||||
keywords: Ultralytics, Loss functions, VarifocalLoss, BboxLoss, v8DetectionLoss, v8PoseLoss, YOLO, Ultralytics Documentation
|
||||
---
|
||||
|
||||
## VarifocalLoss
|
||||
# Reference for `ultralytics/utils/loss.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/loss.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/loss.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.utils.loss.VarifocalLoss
|
||||
## ::: ultralytics.utils.loss.VarifocalLoss
|
||||
<br><br>
|
||||
|
||||
## FocalLoss
|
||||
---
|
||||
### ::: ultralytics.utils.loss.FocalLoss
|
||||
## ::: ultralytics.utils.loss.FocalLoss
|
||||
<br><br>
|
||||
|
||||
## BboxLoss
|
||||
---
|
||||
### ::: ultralytics.utils.loss.BboxLoss
|
||||
## ::: ultralytics.utils.loss.BboxLoss
|
||||
<br><br>
|
||||
|
||||
## KeypointLoss
|
||||
---
|
||||
### ::: ultralytics.utils.loss.KeypointLoss
|
||||
## ::: ultralytics.utils.loss.KeypointLoss
|
||||
<br><br>
|
||||
|
||||
## v8DetectionLoss
|
||||
---
|
||||
### ::: ultralytics.utils.loss.v8DetectionLoss
|
||||
## ::: ultralytics.utils.loss.v8DetectionLoss
|
||||
<br><br>
|
||||
|
||||
## v8SegmentationLoss
|
||||
---
|
||||
### ::: ultralytics.utils.loss.v8SegmentationLoss
|
||||
## ::: ultralytics.utils.loss.v8SegmentationLoss
|
||||
<br><br>
|
||||
|
||||
## v8PoseLoss
|
||||
---
|
||||
### ::: ultralytics.utils.loss.v8PoseLoss
|
||||
## ::: ultralytics.utils.loss.v8PoseLoss
|
||||
<br><br>
|
||||
|
||||
## v8ClassificationLoss
|
||||
---
|
||||
### ::: ultralytics.utils.loss.v8ClassificationLoss
|
||||
## ::: ultralytics.utils.loss.v8ClassificationLoss
|
||||
<br><br>
|
||||
|
@ -3,92 +3,80 @@ description: Explore Ultralytics YOLO metrics tools - from confusion matrix, det
|
||||
keywords: Ultralytics, YOLO, YOLOv3, YOLOv4, metrics, confusion matrix, detection metrics, pose metrics, box IOU, mask IOU, plot precision-recall curves, compute average precision
|
||||
---
|
||||
|
||||
## ConfusionMatrix
|
||||
# Reference for `ultralytics/utils/metrics.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/metrics.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/metrics.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.utils.metrics.ConfusionMatrix
|
||||
## ::: ultralytics.utils.metrics.ConfusionMatrix
|
||||
<br><br>
|
||||
|
||||
## Metric
|
||||
---
|
||||
### ::: ultralytics.utils.metrics.Metric
|
||||
## ::: ultralytics.utils.metrics.Metric
|
||||
<br><br>
|
||||
|
||||
## DetMetrics
|
||||
---
|
||||
### ::: ultralytics.utils.metrics.DetMetrics
|
||||
## ::: ultralytics.utils.metrics.DetMetrics
|
||||
<br><br>
|
||||
|
||||
## SegmentMetrics
|
||||
---
|
||||
### ::: ultralytics.utils.metrics.SegmentMetrics
|
||||
## ::: ultralytics.utils.metrics.SegmentMetrics
|
||||
<br><br>
|
||||
|
||||
## PoseMetrics
|
||||
---
|
||||
### ::: ultralytics.utils.metrics.PoseMetrics
|
||||
## ::: ultralytics.utils.metrics.PoseMetrics
|
||||
<br><br>
|
||||
|
||||
## ClassifyMetrics
|
||||
---
|
||||
### ::: ultralytics.utils.metrics.ClassifyMetrics
|
||||
## ::: ultralytics.utils.metrics.ClassifyMetrics
|
||||
<br><br>
|
||||
|
||||
## box_area
|
||||
---
|
||||
### ::: ultralytics.utils.metrics.box_area
|
||||
## ::: ultralytics.utils.metrics.box_area
|
||||
<br><br>
|
||||
|
||||
## bbox_ioa
|
||||
---
|
||||
### ::: ultralytics.utils.metrics.bbox_ioa
|
||||
## ::: ultralytics.utils.metrics.bbox_ioa
|
||||
<br><br>
|
||||
|
||||
## box_iou
|
||||
---
|
||||
### ::: ultralytics.utils.metrics.box_iou
|
||||
## ::: ultralytics.utils.metrics.box_iou
|
||||
<br><br>
|
||||
|
||||
## bbox_iou
|
||||
---
|
||||
### ::: ultralytics.utils.metrics.bbox_iou
|
||||
## ::: ultralytics.utils.metrics.bbox_iou
|
||||
<br><br>
|
||||
|
||||
## mask_iou
|
||||
---
|
||||
### ::: ultralytics.utils.metrics.mask_iou
|
||||
## ::: ultralytics.utils.metrics.mask_iou
|
||||
<br><br>
|
||||
|
||||
## kpt_iou
|
||||
---
|
||||
### ::: ultralytics.utils.metrics.kpt_iou
|
||||
## ::: ultralytics.utils.metrics.kpt_iou
|
||||
<br><br>
|
||||
|
||||
## smooth_BCE
|
||||
---
|
||||
### ::: ultralytics.utils.metrics.smooth_BCE
|
||||
## ::: ultralytics.utils.metrics.smooth_BCE
|
||||
<br><br>
|
||||
|
||||
## smooth
|
||||
---
|
||||
### ::: ultralytics.utils.metrics.smooth
|
||||
## ::: ultralytics.utils.metrics.smooth
|
||||
<br><br>
|
||||
|
||||
## plot_pr_curve
|
||||
---
|
||||
### ::: ultralytics.utils.metrics.plot_pr_curve
|
||||
## ::: ultralytics.utils.metrics.plot_pr_curve
|
||||
<br><br>
|
||||
|
||||
## plot_mc_curve
|
||||
---
|
||||
### ::: ultralytics.utils.metrics.plot_mc_curve
|
||||
## ::: ultralytics.utils.metrics.plot_mc_curve
|
||||
<br><br>
|
||||
|
||||
## compute_ap
|
||||
---
|
||||
### ::: ultralytics.utils.metrics.compute_ap
|
||||
## ::: ultralytics.utils.metrics.compute_ap
|
||||
<br><br>
|
||||
|
||||
## ap_per_class
|
||||
---
|
||||
### ::: ultralytics.utils.metrics.ap_per_class
|
||||
## ::: ultralytics.utils.metrics.ap_per_class
|
||||
<br><br>
|
||||
|
@ -3,142 +3,120 @@ description: Explore detailed documentation for Ultralytics utility operations.
|
||||
keywords: Ultralytics YOLO, Utility Operations, segment2box, make_divisible, clip_boxes, scale_image, xywh2xyxy, xyxy2xywhn, xywh2ltwh, ltwh2xywh, segments2boxes, crop_mask, process_mask, scale_masks, masks2segments
|
||||
---
|
||||
|
||||
## Profile
|
||||
# Reference for `ultralytics/utils/ops.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/ops.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/ops.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.utils.ops.Profile
|
||||
## ::: ultralytics.utils.ops.Profile
|
||||
<br><br>
|
||||
|
||||
## coco80_to_coco91_class
|
||||
---
|
||||
### ::: ultralytics.utils.ops.coco80_to_coco91_class
|
||||
## ::: ultralytics.utils.ops.coco80_to_coco91_class
|
||||
<br><br>
|
||||
|
||||
## segment2box
|
||||
---
|
||||
### ::: ultralytics.utils.ops.segment2box
|
||||
## ::: ultralytics.utils.ops.segment2box
|
||||
<br><br>
|
||||
|
||||
## scale_boxes
|
||||
---
|
||||
### ::: ultralytics.utils.ops.scale_boxes
|
||||
## ::: ultralytics.utils.ops.scale_boxes
|
||||
<br><br>
|
||||
|
||||
## make_divisible
|
||||
---
|
||||
### ::: ultralytics.utils.ops.make_divisible
|
||||
## ::: ultralytics.utils.ops.make_divisible
|
||||
<br><br>
|
||||
|
||||
## non_max_suppression
|
||||
---
|
||||
### ::: ultralytics.utils.ops.non_max_suppression
|
||||
## ::: ultralytics.utils.ops.non_max_suppression
|
||||
<br><br>
|
||||
|
||||
## clip_boxes
|
||||
---
|
||||
### ::: ultralytics.utils.ops.clip_boxes
|
||||
## ::: ultralytics.utils.ops.clip_boxes
|
||||
<br><br>
|
||||
|
||||
## clip_coords
|
||||
---
|
||||
### ::: ultralytics.utils.ops.clip_coords
|
||||
## ::: ultralytics.utils.ops.clip_coords
|
||||
<br><br>
|
||||
|
||||
## scale_image
|
||||
---
|
||||
### ::: ultralytics.utils.ops.scale_image
|
||||
## ::: ultralytics.utils.ops.scale_image
|
||||
<br><br>
|
||||
|
||||
## xyxy2xywh
|
||||
---
|
||||
### ::: ultralytics.utils.ops.xyxy2xywh
|
||||
## ::: ultralytics.utils.ops.xyxy2xywh
|
||||
<br><br>
|
||||
|
||||
## xywh2xyxy
|
||||
---
|
||||
### ::: ultralytics.utils.ops.xywh2xyxy
|
||||
## ::: ultralytics.utils.ops.xywh2xyxy
|
||||
<br><br>
|
||||
|
||||
## xywhn2xyxy
|
||||
---
|
||||
### ::: ultralytics.utils.ops.xywhn2xyxy
|
||||
## ::: ultralytics.utils.ops.xywhn2xyxy
|
||||
<br><br>
|
||||
|
||||
## xyxy2xywhn
|
||||
---
|
||||
### ::: ultralytics.utils.ops.xyxy2xywhn
|
||||
## ::: ultralytics.utils.ops.xyxy2xywhn
|
||||
<br><br>
|
||||
|
||||
## xyn2xy
|
||||
---
|
||||
### ::: ultralytics.utils.ops.xyn2xy
|
||||
## ::: ultralytics.utils.ops.xyn2xy
|
||||
<br><br>
|
||||
|
||||
## xywh2ltwh
|
||||
---
|
||||
### ::: ultralytics.utils.ops.xywh2ltwh
|
||||
## ::: ultralytics.utils.ops.xywh2ltwh
|
||||
<br><br>
|
||||
|
||||
## xyxy2ltwh
|
||||
---
|
||||
### ::: ultralytics.utils.ops.xyxy2ltwh
|
||||
## ::: ultralytics.utils.ops.xyxy2ltwh
|
||||
<br><br>
|
||||
|
||||
## ltwh2xywh
|
||||
---
|
||||
### ::: ultralytics.utils.ops.ltwh2xywh
|
||||
## ::: ultralytics.utils.ops.ltwh2xywh
|
||||
<br><br>
|
||||
|
||||
## ltwh2xyxy
|
||||
---
|
||||
### ::: ultralytics.utils.ops.ltwh2xyxy
|
||||
## ::: ultralytics.utils.ops.ltwh2xyxy
|
||||
<br><br>
|
||||
|
||||
## segments2boxes
|
||||
---
|
||||
### ::: ultralytics.utils.ops.segments2boxes
|
||||
## ::: ultralytics.utils.ops.segments2boxes
|
||||
<br><br>
|
||||
|
||||
## resample_segments
|
||||
---
|
||||
### ::: ultralytics.utils.ops.resample_segments
|
||||
## ::: ultralytics.utils.ops.resample_segments
|
||||
<br><br>
|
||||
|
||||
## crop_mask
|
||||
---
|
||||
### ::: ultralytics.utils.ops.crop_mask
|
||||
## ::: ultralytics.utils.ops.crop_mask
|
||||
<br><br>
|
||||
|
||||
## process_mask_upsample
|
||||
---
|
||||
### ::: ultralytics.utils.ops.process_mask_upsample
|
||||
## ::: ultralytics.utils.ops.process_mask_upsample
|
||||
<br><br>
|
||||
|
||||
## process_mask
|
||||
---
|
||||
### ::: ultralytics.utils.ops.process_mask
|
||||
## ::: ultralytics.utils.ops.process_mask
|
||||
<br><br>
|
||||
|
||||
## process_mask_native
|
||||
---
|
||||
### ::: ultralytics.utils.ops.process_mask_native
|
||||
## ::: ultralytics.utils.ops.process_mask_native
|
||||
<br><br>
|
||||
|
||||
## scale_masks
|
||||
---
|
||||
### ::: ultralytics.utils.ops.scale_masks
|
||||
## ::: ultralytics.utils.ops.scale_masks
|
||||
<br><br>
|
||||
|
||||
## scale_coords
|
||||
---
|
||||
### ::: ultralytics.utils.ops.scale_coords
|
||||
## ::: ultralytics.utils.ops.scale_coords
|
||||
<br><br>
|
||||
|
||||
## masks2segments
|
||||
---
|
||||
### ::: ultralytics.utils.ops.masks2segments
|
||||
## ::: ultralytics.utils.ops.masks2segments
|
||||
<br><br>
|
||||
|
||||
## clean_str
|
||||
---
|
||||
### ::: ultralytics.utils.ops.clean_str
|
||||
## ::: ultralytics.utils.ops.clean_str
|
||||
<br><br>
|
||||
|
@ -3,22 +3,24 @@ description: Learn about Ultralytics utils patches including imread, imshow and
|
||||
keywords: Ultralytics, Utils, Patches, imread, imshow, torch_save, image processing
|
||||
---
|
||||
|
||||
## imread
|
||||
# Reference for `ultralytics/utils/patches.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/patches.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/patches.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.utils.patches.imread
|
||||
## ::: ultralytics.utils.patches.imread
|
||||
<br><br>
|
||||
|
||||
## imwrite
|
||||
---
|
||||
### ::: ultralytics.utils.patches.imwrite
|
||||
## ::: ultralytics.utils.patches.imwrite
|
||||
<br><br>
|
||||
|
||||
## imshow
|
||||
---
|
||||
### ::: ultralytics.utils.patches.imshow
|
||||
## ::: ultralytics.utils.patches.imshow
|
||||
<br><br>
|
||||
|
||||
## torch_save
|
||||
---
|
||||
### ::: ultralytics.utils.patches.torch_save
|
||||
## ::: ultralytics.utils.patches.torch_save
|
||||
<br><br>
|
||||
|
@ -3,42 +3,40 @@ description: Master advanced plotting utils from Ultralytics including color ann
|
||||
keywords: Ultralytics, plotting, utils, color annotation, label plotting, image plotting, feature visualization
|
||||
---
|
||||
|
||||
## Colors
|
||||
# Reference for `ultralytics/utils/plotting.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/plotting.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/plotting.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.utils.plotting.Colors
|
||||
## ::: ultralytics.utils.plotting.Colors
|
||||
<br><br>
|
||||
|
||||
## Annotator
|
||||
---
|
||||
### ::: ultralytics.utils.plotting.Annotator
|
||||
## ::: ultralytics.utils.plotting.Annotator
|
||||
<br><br>
|
||||
|
||||
## plot_labels
|
||||
---
|
||||
### ::: ultralytics.utils.plotting.plot_labels
|
||||
## ::: ultralytics.utils.plotting.plot_labels
|
||||
<br><br>
|
||||
|
||||
## save_one_box
|
||||
---
|
||||
### ::: ultralytics.utils.plotting.save_one_box
|
||||
## ::: ultralytics.utils.plotting.save_one_box
|
||||
<br><br>
|
||||
|
||||
## plot_images
|
||||
---
|
||||
### ::: ultralytics.utils.plotting.plot_images
|
||||
## ::: ultralytics.utils.plotting.plot_images
|
||||
<br><br>
|
||||
|
||||
## plot_results
|
||||
---
|
||||
### ::: ultralytics.utils.plotting.plot_results
|
||||
## ::: ultralytics.utils.plotting.plot_results
|
||||
<br><br>
|
||||
|
||||
## output_to_target
|
||||
---
|
||||
### ::: ultralytics.utils.plotting.output_to_target
|
||||
## ::: ultralytics.utils.plotting.output_to_target
|
||||
<br><br>
|
||||
|
||||
## feature_visualization
|
||||
---
|
||||
### ::: ultralytics.utils.plotting.feature_visualization
|
||||
## ::: ultralytics.utils.plotting.feature_visualization
|
||||
<br><br>
|
||||
|
@ -3,32 +3,32 @@ description: Explore Ultralytics utilities for optimized task assignment, boundi
|
||||
keywords: Ultralytics, task aligned assigner, select highest overlaps, make anchors, dist2bbox, bbox2dist, utilities, algorithm
|
||||
---
|
||||
|
||||
## TaskAlignedAssigner
|
||||
# Reference for `ultralytics/utils/tal.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/tal.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/tal.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.utils.tal.TaskAlignedAssigner
|
||||
## ::: ultralytics.utils.tal.TaskAlignedAssigner
|
||||
<br><br>
|
||||
|
||||
## select_candidates_in_gts
|
||||
---
|
||||
### ::: ultralytics.utils.tal.select_candidates_in_gts
|
||||
## ::: ultralytics.utils.tal.select_candidates_in_gts
|
||||
<br><br>
|
||||
|
||||
## select_highest_overlaps
|
||||
---
|
||||
### ::: ultralytics.utils.tal.select_highest_overlaps
|
||||
## ::: ultralytics.utils.tal.select_highest_overlaps
|
||||
<br><br>
|
||||
|
||||
## make_anchors
|
||||
---
|
||||
### ::: ultralytics.utils.tal.make_anchors
|
||||
## ::: ultralytics.utils.tal.make_anchors
|
||||
<br><br>
|
||||
|
||||
## dist2bbox
|
||||
---
|
||||
### ::: ultralytics.utils.tal.dist2bbox
|
||||
## ::: ultralytics.utils.tal.dist2bbox
|
||||
<br><br>
|
||||
|
||||
## bbox2dist
|
||||
---
|
||||
### ::: ultralytics.utils.tal.bbox2dist
|
||||
## ::: ultralytics.utils.tal.bbox2dist
|
||||
<br><br>
|
||||
|
@ -3,137 +3,116 @@ description: Explore Ultralytics-tailored torch utility features like Model EMA,
|
||||
keywords: Ultralytics, Torch Utils, Model EMA, Early Stopping, Smart Inference, Get CPU Info, Time Sync, Fuse Deconv and bn, Get num params, Get FLOPs, Scale img, Copy attr, Intersect dicts, De_parallel, Init seeds, Profile
|
||||
---
|
||||
|
||||
## ModelEMA
|
||||
# Reference for `ultralytics/utils/torch_utils.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/torch_utils.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/torch_utils.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.utils.torch_utils.ModelEMA
|
||||
## ::: ultralytics.utils.torch_utils.ModelEMA
|
||||
<br><br>
|
||||
|
||||
## EarlyStopping
|
||||
---
|
||||
### ::: ultralytics.utils.torch_utils.EarlyStopping
|
||||
## ::: ultralytics.utils.torch_utils.EarlyStopping
|
||||
<br><br>
|
||||
|
||||
## torch_distributed_zero_first
|
||||
---
|
||||
### ::: ultralytics.utils.torch_utils.torch_distributed_zero_first
|
||||
## ::: ultralytics.utils.torch_utils.torch_distributed_zero_first
|
||||
<br><br>
|
||||
|
||||
## smart_inference_mode
|
||||
---
|
||||
### ::: ultralytics.utils.torch_utils.smart_inference_mode
|
||||
## ::: ultralytics.utils.torch_utils.smart_inference_mode
|
||||
<br><br>
|
||||
|
||||
## get_cpu_info
|
||||
---
|
||||
### ::: ultralytics.utils.torch_utils.get_cpu_info
|
||||
## ::: ultralytics.utils.torch_utils.get_cpu_info
|
||||
<br><br>
|
||||
|
||||
## select_device
|
||||
---
|
||||
### ::: ultralytics.utils.torch_utils.select_device
|
||||
## ::: ultralytics.utils.torch_utils.select_device
|
||||
<br><br>
|
||||
|
||||
## time_sync
|
||||
---
|
||||
### ::: ultralytics.utils.torch_utils.time_sync
|
||||
## ::: ultralytics.utils.torch_utils.time_sync
|
||||
<br><br>
|
||||
|
||||
## fuse_conv_and_bn
|
||||
---
|
||||
### ::: ultralytics.utils.torch_utils.fuse_conv_and_bn
|
||||
## ::: ultralytics.utils.torch_utils.fuse_conv_and_bn
|
||||
<br><br>
|
||||
|
||||
## fuse_deconv_and_bn
|
||||
---
|
||||
### ::: ultralytics.utils.torch_utils.fuse_deconv_and_bn
|
||||
## ::: ultralytics.utils.torch_utils.fuse_deconv_and_bn
|
||||
<br><br>
|
||||
|
||||
## model_info
|
||||
---
|
||||
### ::: ultralytics.utils.torch_utils.model_info
|
||||
## ::: ultralytics.utils.torch_utils.model_info
|
||||
<br><br>
|
||||
|
||||
## get_num_params
|
||||
---
|
||||
### ::: ultralytics.utils.torch_utils.get_num_params
|
||||
## ::: ultralytics.utils.torch_utils.get_num_params
|
||||
<br><br>
|
||||
|
||||
## get_num_gradients
|
||||
---
|
||||
### ::: ultralytics.utils.torch_utils.get_num_gradients
|
||||
## ::: ultralytics.utils.torch_utils.get_num_gradients
|
||||
<br><br>
|
||||
|
||||
## model_info_for_loggers
|
||||
---
|
||||
### ::: ultralytics.utils.torch_utils.model_info_for_loggers
|
||||
## ::: ultralytics.utils.torch_utils.model_info_for_loggers
|
||||
<br><br>
|
||||
|
||||
## get_flops
|
||||
---
|
||||
### ::: ultralytics.utils.torch_utils.get_flops
|
||||
## ::: ultralytics.utils.torch_utils.get_flops
|
||||
<br><br>
|
||||
|
||||
## get_flops_with_torch_profiler
|
||||
---
|
||||
### ::: ultralytics.utils.torch_utils.get_flops_with_torch_profiler
|
||||
## ::: ultralytics.utils.torch_utils.get_flops_with_torch_profiler
|
||||
<br><br>
|
||||
|
||||
## initialize_weights
|
||||
---
|
||||
### ::: ultralytics.utils.torch_utils.initialize_weights
|
||||
## ::: ultralytics.utils.torch_utils.initialize_weights
|
||||
<br><br>
|
||||
|
||||
## scale_img
|
||||
---
|
||||
### ::: ultralytics.utils.torch_utils.scale_img
|
||||
## ::: ultralytics.utils.torch_utils.scale_img
|
||||
<br><br>
|
||||
|
||||
## make_divisible
|
||||
---
|
||||
### ::: ultralytics.utils.torch_utils.make_divisible
|
||||
## ::: ultralytics.utils.torch_utils.make_divisible
|
||||
<br><br>
|
||||
|
||||
## copy_attr
|
||||
---
|
||||
### ::: ultralytics.utils.torch_utils.copy_attr
|
||||
## ::: ultralytics.utils.torch_utils.copy_attr
|
||||
<br><br>
|
||||
|
||||
## get_latest_opset
|
||||
---
|
||||
### ::: ultralytics.utils.torch_utils.get_latest_opset
|
||||
## ::: ultralytics.utils.torch_utils.get_latest_opset
|
||||
<br><br>
|
||||
|
||||
## intersect_dicts
|
||||
---
|
||||
### ::: ultralytics.utils.torch_utils.intersect_dicts
|
||||
## ::: ultralytics.utils.torch_utils.intersect_dicts
|
||||
<br><br>
|
||||
|
||||
## is_parallel
|
||||
---
|
||||
### ::: ultralytics.utils.torch_utils.is_parallel
|
||||
## ::: ultralytics.utils.torch_utils.is_parallel
|
||||
<br><br>
|
||||
|
||||
## de_parallel
|
||||
---
|
||||
### ::: ultralytics.utils.torch_utils.de_parallel
|
||||
## ::: ultralytics.utils.torch_utils.de_parallel
|
||||
<br><br>
|
||||
|
||||
## one_cycle
|
||||
---
|
||||
### ::: ultralytics.utils.torch_utils.one_cycle
|
||||
## ::: ultralytics.utils.torch_utils.one_cycle
|
||||
<br><br>
|
||||
|
||||
## init_seeds
|
||||
---
|
||||
### ::: ultralytics.utils.torch_utils.init_seeds
|
||||
## ::: ultralytics.utils.torch_utils.init_seeds
|
||||
<br><br>
|
||||
|
||||
## strip_optimizer
|
||||
---
|
||||
### ::: ultralytics.utils.torch_utils.strip_optimizer
|
||||
## ::: ultralytics.utils.torch_utils.strip_optimizer
|
||||
<br><br>
|
||||
|
||||
## profile
|
||||
---
|
||||
### ::: ultralytics.utils.torch_utils.profile
|
||||
## ::: ultralytics.utils.torch_utils.profile
|
||||
<br><br>
|
||||
|
@ -3,7 +3,12 @@ description: Learn to utilize the run_ray_tune function with Ultralytics. Make y
|
||||
keywords: Ultralytics, run_ray_tune, machine learning tuning, machine learning efficiency
|
||||
---
|
||||
|
||||
## run_ray_tune
|
||||
# Reference for `ultralytics/utils/tuner.py`
|
||||
|
||||
!!! note
|
||||
|
||||
Full source code for this file is available at [https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/tuner.py](https://github.com/ultralytics/ultralytics/blob/main/ultralytics/utils/tuner.py).
|
||||
|
||||
---
|
||||
### ::: ultralytics.utils.tuner.run_ray_tune
|
||||
## ::: ultralytics.utils.tuner.run_ray_tune
|
||||
<br><br>
|
||||
|
Reference in New Issue
Block a user