摘要: Yolov8 源码解析(一) comments: true description: Learn how to contribute to Ultralytics YOLO open-source repositories. Follow guidelines for pull requests, 阅读全文
posted @ 2024-09-05 12:04 绝不原创的飞龙 阅读(235) 评论(0) 推荐(0)
摘要: Yolov8 源码解析(五) comments: true description: Learn how to run YOLOv8 on AzureML. Quickstart instructions for terminal and notebooks to harness Azure's c 阅读全文
posted @ 2024-09-05 12:04 绝不原创的飞龙 阅读(100) 评论(0) 推荐(0)
摘要: Yolov8 源码解析(四十一) .\yolov8\ultralytics\utils\callbacks\raytune.py # Ultralytics YOLO 🚀, AGPL-3.0 license # 从 ultralytics.utils 导入 SETTINGS 模块 from ult 阅读全文
posted @ 2024-09-05 12:04 绝不原创的飞龙 阅读(482) 评论(0) 推荐(0)
摘要: Yolov8 源码解析(四十四) .\yolov8\ultralytics\utils\triton.py # Ultralytics YOLO 🚀, AGPL-3.0 license # 引入必要的类型 from typing import List # 解析 URL 的组件 from urll 阅读全文
posted @ 2024-09-05 12:04 绝不原创的飞龙 阅读(252) 评论(0) 推荐(0)
摘要: Yolov8 源码解析(四十三) .\yolov8\ultralytics\utils\patches.py # Ultralytics YOLO 🚀, AGPL-3.0 license """Monkey patches to update/extend functionality of exi 阅读全文
posted @ 2024-09-05 12:03 绝不原创的飞龙 阅读(227) 评论(0) 推荐(0)
摘要: Yolov8 源码解析(四十二) .\yolov8\ultralytics\utils\loss.py # 导入PyTorch库中需要的模块 import torch import torch.nn as nn import torch.nn.functional as F # 从Ultralyti 阅读全文
posted @ 2024-09-05 12:03 绝不原创的飞龙 阅读(640) 评论(0) 推荐(0)
摘要: Yolov8 源码解析(四十) .\yolov8\ultralytics\utils\benchmarks.py # 从 glob 模块中导入 glob 函数,用于文件路径的模糊匹配 import glob # 导入 os 模块,提供了许多与操作系统交互的函数 import os # 导入 plat 阅读全文
posted @ 2024-09-05 12:03 绝不原创的飞龙 阅读(243) 评论(0) 推荐(0)
摘要: Yolov8 源码解析(四) comments: true description: Explore the COCO-Pose dataset for advanced pose estimation. Learn about datasets, pretrained models, metric 阅读全文
posted @ 2024-09-05 12:03 绝不原创的飞龙 阅读(243) 评论(0) 推荐(0)
摘要: Yolov8 源码解析(十一) comments: true description: Learn how to run inference using the Ultralytics HUB Inference API. Includes examples in Python and cURL f 阅读全文
posted @ 2024-09-05 12:03 绝不原创的飞龙 阅读(82) 评论(0) 推荐(0)
摘要: Yolov8 源码解析(十五) comments: true description: Discover FastSAM, a real-time CNN-based solution for segmenting any object in an image. Efficient, competi 阅读全文
posted @ 2024-09-05 12:03 绝不原创的飞龙 阅读(170) 评论(0) 推荐(0)
摘要: Yolov8 源码解析(十四) comments: true description: Learn how to integrate YOLOv8 with TensorBoard for real-time visual insights into your model's training me 阅读全文
posted @ 2024-09-05 12:02 绝不原创的飞龙 阅读(96) 评论(0) 推荐(0)
摘要: Yolov8 源码解析(十三) comments: true description: Dive into our guide on YOLOv8's integration with Kaggle. Find out what Kaggle is, its key features, and ho 阅读全文
posted @ 2024-09-05 12:02 绝不原创的飞龙 阅读(141) 评论(0) 推荐(0)
摘要: Yolov8 源码解析(十七) comments: true description: Harness the power of Ultralytics YOLOv8 for real-time, high-speed inference on various data sources. Learn 阅读全文
posted @ 2024-09-05 12:02 绝不原创的飞龙 阅读(91) 评论(0) 推荐(0)
摘要: Yolov8 源码解析(十六) comments: true description: Discover YOLOv10, the latest in real-time object detection, eliminating NMS and boosting efficiency. Achie 阅读全文
posted @ 2024-09-05 12:02 绝不原创的飞龙 阅读(171) 评论(0) 推荐(0)
摘要: Yolov8 源码解析(十九) description: Explore detailed documentation on convolution modules like Conv, LightConv, GhostConv, and more used in Ultralytics model 阅读全文
posted @ 2024-09-05 12:02 绝不原创的飞龙 阅读(165) 评论(0) 推荐(0)
摘要: Yolov8 源码解析(十二) comments: true description: Learn to simplify the logging of YOLOv8 training with Comet ML. This guide covers installation, setup, rea 阅读全文
posted @ 2024-09-05 12:01 绝不原创的飞龙 阅读(90) 评论(0) 推荐(0)
摘要: Yolov8 源码解析(十八) description: Explore the methods for managing and validating YOLO configurations in the Ultralytics configuration module. Enhance your 阅读全文
posted @ 2024-09-05 12:01 绝不原创的飞龙 阅读(73) 评论(0) 推荐(0)
摘要: Yolov8 源码解析(十) comments: true description: Learn how to ensure thread-safe YOLO model inference in Python. Avoid race conditions and run your multi-th 阅读全文
posted @ 2024-09-05 12:01 绝不原创的飞龙 阅读(87) 评论(0) 推荐(0)
摘要: Yolov8 源码解析(三十一) .\yolov8\ultralytics\engine\results.py # Ultralytics YOLO 🚀, AGPL-3.0 license """ Ultralytics Results, Boxes and Masks classes for h 阅读全文
posted @ 2024-09-05 12:01 绝不原创的飞龙 阅读(276) 评论(0) 推荐(0)
摘要: Yolov8 源码解析(三十五) .\yolov8\ultralytics\models\utils\__init__.py # 项目标题注释,标识此代码片段为Ultralytics YOLO项目的一部分,可能指示代码的功能或项目的版权信息 # AGPL-3.0 许可证,指明此代码受 AGPL-3. 阅读全文
posted @ 2024-09-05 12:01 绝不原创的飞龙 阅读(584) 评论(0) 推荐(0)
摘要: Yolov8 源码解析(三十四) .\yolov8\ultralytics\models\sam\modules\sam.py # Ultralytics YOLO 🚀, AGPL-3.0 license # Copyright (c) Meta Platforms, Inc. and affil 阅读全文
posted @ 2024-09-05 12:00 绝不原创的飞龙 阅读(159) 评论(0) 推荐(0)
摘要: Yolov8 源码解析(三十三) .\yolov8\ultralytics\models\nas\predict.py # 导入 PyTorch 库 import torch # 从 Ultralytics 引擎中导入基础预测器、结果和操作工具 from ultralytics.engine.pre 阅读全文
posted @ 2024-09-05 12:00 绝不原创的飞龙 阅读(300) 评论(0) 推荐(0)
摘要: Yolov8 源码解析(三十七) .\yolov8\ultralytics\nn\modules\conv.py # Ultralytics YOLO 🚀, AGPL-3.0 license """Convolution modules.""" import math import numpy a 阅读全文
posted @ 2024-09-05 12:00 绝不原创的飞龙 阅读(643) 评论(0) 推荐(0)
摘要: Yolov8 源码解析(三十六) .\yolov8\ultralytics\models\yolo\pose\__init__.py # 导入模块 predict 中的 PosePredictor 类 # 导入模块 train 中的 PoseTrainer 类 # 导入模块 val 中的 PoseV 阅读全文
posted @ 2024-09-05 11:59 绝不原创的飞龙 阅读(468) 评论(0) 推荐(0)
摘要: Yolov8 源码解析(三十九) .\yolov8\ultralytics\trackers\bot_sort.py # Ultralytics YOLO 🚀, AGPL-3.0 license from collections import deque # 导入 deque 数据结构,用于存储特 阅读全文
posted @ 2024-09-05 11:58 绝不原创的飞龙 阅读(362) 评论(0) 推荐(0)
摘要: Yolov8 源码解析(三十二) .\yolov8\ultralytics\engine\tuner.py """ This module provides functionalities for hyperparameter tuning of the Ultralytics YOLO model 阅读全文
posted @ 2024-09-05 11:58 绝不原创的飞龙 阅读(172) 评论(0) 推荐(0)
摘要: Yolov8 源码解析(三十八) .\yolov8\ultralytics\nn\__init__.py # 导入模块中的特定类和函数,包括: # - BaseModel: 基础模型类 # - ClassificationModel: 分类模型类 # - DetectionModel: 目标检测模型 阅读全文
posted @ 2024-09-05 11:58 绝不原创的飞龙 阅读(388) 评论(0) 推荐(0)
摘要: Yolov8 源码解析(三十) .\yolov8\ultralytics\data\__init__.py # 导入基础数据集类 BaseDataset 从当前包的 base 模块中 # 导入构建数据加载器的函数 build_dataloader 和构建 grounding 的函数 build_gr 阅读全文
posted @ 2024-09-05 11:58 绝不原创的飞龙 阅读(366) 评论(0) 推荐(0)
摘要: Yolov8 源码解析(三) comments: true description: Explore the SKU-110k dataset of densely packed retail shelf images, perfect for training and evaluating dee 阅读全文
posted @ 2024-09-05 11:58 绝不原创的飞龙 阅读(124) 评论(0) 推荐(0)
摘要: Yolov8 源码解析(七) comments: true description: Understand the key practices for monitoring, maintaining, and documenting computer vision models to guarant 阅读全文
posted @ 2024-09-05 11:58 绝不原创的飞龙 阅读(82) 评论(0) 推荐(0)
摘要: Yolov8 源码解析(六) comments: true description: Master hyperparameter tuning for Ultralytics YOLO to optimize model performance with our comprehensive guid 阅读全文
posted @ 2024-09-05 11:58 绝不原创的飞龙 阅读(101) 评论(0) 推荐(0)
摘要: Yolov8 源码解析(九) comments: true description: Learn how to estimate object speed using Ultralytics YOLOv8 for applications in traffic control, autonomous 阅读全文
posted @ 2024-09-05 11:58 绝不原创的飞龙 阅读(185) 评论(0) 推荐(0)
摘要: Yolov8 源码解析(二十一) comments: true description: Optimize your YOLO model's performance with the right settings and hyperparameters. Learn about training, 阅读全文
posted @ 2024-09-05 11:58 绝不原创的飞龙 阅读(120) 评论(0) 推荐(0)
摘要: Yolov8 源码解析(二十五) YOLOv8 - Int8-TFLite Runtime Welcome to the YOLOv8 Int8 TFLite Runtime for efficient and optimized object detection project. This REA 阅读全文
posted @ 2024-09-05 11:58 绝不原创的飞龙 阅读(310) 评论(0) 推荐(0)
摘要: Yolov8 源码解析(二十四) .\yolov8\examples\YOLOv8-CPP-Inference\inference.cpp // 引入推断头文件 "inference.h" #include "inference.h" // 构造函数,接收 ONNX 模型路径、模型输入形状、类别文件 阅读全文
posted @ 2024-09-05 11:58 绝不原创的飞龙 阅读(427) 评论(0) 推荐(0)
摘要: Yolov8 源码解析(二十三) comments: true description: Learn how to load YOLOv5 from PyTorch Hub for seamless model inference and customization. Follow our step 阅读全文
posted @ 2024-09-05 11:58 绝不原创的飞龙 阅读(163) 评论(0) 推荐(0)
摘要: Yolov8 源码解析(二十七) .\yolov8\ultralytics\data\annotator.py # 导入必要的模块和类 from pathlib import Path from ultralytics import SAM, YOLO # 定义自动标注函数,用于使用 YOLO 目标 阅读全文
posted @ 2024-09-05 11:58 绝不原创的飞龙 阅读(144) 评论(0) 推荐(0)
摘要: Yolov8 源码解析(二十六) .\yolov8\tests\test_engine.py # 导入所需的模块和库 import sys # 系统模块 from unittest import mock # 导入 mock 模块 # 导入自定义模块和类 from tests import MODE 阅读全文
posted @ 2024-09-05 11:58 绝不原创的飞龙 阅读(364) 评论(0) 推荐(0)
摘要: Yolov8 源码解析(二十九) .\yolov8\ultralytics\data\explorer\gui\dash.py # Ultralytics YOLO 🚀, AGPL-3.0 license import sys import time from threading import T 阅读全文
posted @ 2024-09-05 11:58 绝不原创的飞龙 阅读(219) 评论(0) 推荐(0)
摘要: Yolov8 源码解析(二十二) comments: true description: Learn how to set up and run YOLOv5 in a Docker container with step-by-step instructions. Explore other qu 阅读全文
posted @ 2024-09-05 11:58 绝不原创的飞龙 阅读(82) 评论(0) 推荐(0)
摘要: Yolov8 源码解析(二十八) .\yolov8\ultralytics\data\base.py # Ultralytics YOLO 🚀, AGPL-3.0 license import glob # 导入用于获取文件路径的模块 import math # 导入数学函数模块 import o 阅读全文
posted @ 2024-09-05 11:58 绝不原创的飞龙 阅读(344) 评论(0) 推荐(0)
摘要: Yolov8 源码解析(二十) description: Learn how to use the TritonRemoteModel class for interacting with remote Triton Inference Server models. Detailed guide w 阅读全文
posted @ 2024-09-05 11:58 绝不原创的飞龙 阅读(71) 评论(0) 推荐(0)
摘要: Yolov8 源码解析(二) comments: true description: Explore the MNIST dataset, a cornerstone in machine learning for handwritten digit recognition. Learn about 阅读全文
posted @ 2024-09-05 11:58 绝不原创的飞龙 阅读(161) 评论(0) 推荐(0)
摘要: Yolov8 源码解析(八) comments: true description: Learn how to manage and optimize queues using Ultralytics YOLOv8 to reduce wait times and increase efficien 阅读全文
posted @ 2024-09-05 11:58 绝不原创的飞龙 阅读(117) 评论(0) 推荐(0)
摘要: .\flux\demo_gr.py # 导入操作系统相关模块 import os # 导入时间相关模块 import time # 从 io 模块导入 BytesIO 类 from io import BytesIO # 导入 UUID 生成模块 import uuid # 导入 PyTorch 库 阅读全文
posted @ 2024-09-05 11:52 绝不原创的飞龙 阅读(1658) 评论(0) 推荐(1)