Update LICENSE to AGPL-3.0 (#2031)

This commit is contained in:
Glenn Jocher
2023-04-14 15:17:41 +02:00
committed by GitHub
parent 5065ca36a8
commit 2c6fc0a444
131 changed files with 200 additions and 213 deletions

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
from . import v8

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
import contextlib
import re
import shutil

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
# Default training settings and hyperparameters for medium-augmentation COCO training
task: detect # YOLO task, i.e. detect, segment, classify, pose

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
from .base import BaseDataset
from .build import build_classification_dataloader, build_dataloader, load_inference_source

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
import math
import random

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
import glob
import math

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
import os
import random

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
import glob
import math

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
"""
Image augmentation functions
"""

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
"""
Dataloaders and dataset utils
"""

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
from itertools import repeat
from multiprocessing.pool import ThreadPool

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
import collections
from copy import deepcopy

View File

@ -1,5 +1,5 @@
#!/bin/bash
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
# Download latest models from https://github.com/ultralytics/assets/releases
# Example usage: bash ultralytics/yolo/data/scripts/download_weights.sh
# parent

View File

@ -1,5 +1,5 @@
#!/bin/bash
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
# Download COCO 2017 dataset http://cocodataset.org
# Example usage: bash data/scripts/get_coco.sh
# parent

View File

@ -1,5 +1,5 @@
#!/bin/bash
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
# Download COCO128 dataset https://www.kaggle.com/ultralytics/coco128 (first 128 images from COCO train2017)
# Example usage: bash data/scripts/get_coco128.sh
# parent

View File

@ -1,5 +1,5 @@
#!/bin/bash
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
# Download ILSVRC2012 ImageNet dataset https://image-net.org
# Example usage: bash data/scripts/get_imagenet.sh
# parent

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
import contextlib
import hashlib

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
"""
Export a YOLOv8 PyTorch model to other formats. TensorFlow exports authored by https://github.com/zldrobit
@ -213,7 +213,7 @@ class Exporter:
self.metadata = {
'description': description,
'author': 'Ultralytics',
'license': 'GPL-3.0 https://ultralytics.com/license',
'license': 'AGPL-3.0 https://ultralytics.com/license',
'version': __version__,
'stride': int(max(model.stride)),
'task': model.task,

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
import sys
from pathlib import Path

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
"""
Run prediction on images, videos, directories, globs, YouTube, webcam, streams, etc.

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
"""
Ultralytics Results, Boxes and Masks classes for handling inference results

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
"""
Train a model on a dataset

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
"""
Check a model's accuracy on a test or val split of a dataset

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
import contextlib
import inspect

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
"""
Functions for estimating the best YOLO batch size to use a fraction of the available CUDA memory in PyTorch.
"""

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
"""
Benchmark a YOLO model formats for speed and accuracy

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
"""
Base callbacks
"""

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
import re
import matplotlib.image as mpimg

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
import os
from pathlib import Path

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
import json
from time import time

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
import os
import re

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
from ultralytics.yolo.utils import LOGGER, TESTS_RUNNING, colorstr
try:

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
from ultralytics.yolo.utils.torch_utils import get_flops, get_num_params

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
import contextlib
import glob
import inspect

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
import os
import re

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
import contextlib
import subprocess

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
from ultralytics.yolo.utils import emojis

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
import contextlib
import glob

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
from collections import abc
from itertools import repeat

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
import torch
import torch.nn as nn

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
"""
Model validation metrics
"""

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
import contextlib
import math

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
import torch
import torch.nn as nn

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
import math
import os

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
from ultralytics.yolo.v8 import classify, detect, pose, segment

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
from ultralytics.yolo.v8.classify.predict import ClassificationPredictor, predict
from ultralytics.yolo.v8.classify.train import ClassificationTrainer, train

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
import torch

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
import torch
import torchvision

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
from ultralytics.yolo.data import build_classification_dataloader
from ultralytics.yolo.engine.validator import BaseValidator

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
from .predict import DetectionPredictor, predict
from .train import DetectionTrainer, train

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
import torch

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
from copy import copy
import numpy as np

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
import os
from pathlib import Path

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
from .predict import PosePredictor, predict
from .train import PoseTrainer, train

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
from ultralytics.yolo.engine.results import Results
from ultralytics.yolo.utils import DEFAULT_CFG, ROOT, ops

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
from copy import copy

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
from pathlib import Path

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
from .predict import SegmentationPredictor, predict
from .train import SegmentationTrainer, train

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
import torch

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
from copy import copy
import torch

View File

@ -1,4 +1,4 @@
# Ultralytics YOLO 🚀, GPL-3.0 license
# Ultralytics YOLO 🚀, AGPL-3.0 license
from multiprocessing.pool import ThreadPool
from pathlib import Path