Skip to content

Commit

Permalink
ultralytics 8.0.151 add DOTAv2.yaml for OBB training (ultralytics…
Browse files Browse the repository at this point in the history
…#4258)

Co-authored-by: pre-commit-ci[bot] <66853113+pre-commit-ci[bot]@users.noreply.github.com>
Co-authored-by: Kayzwer <[email protected]>
  • Loading branch information
3 people authored Aug 9, 2023
1 parent a76af55 commit c9be1f3
Show file tree
Hide file tree
Showing 46 changed files with 805 additions and 303 deletions.
30 changes: 17 additions & 13 deletions docs/datasets/classify/caltech101.md
Original file line number Diff line number Diff line change
Expand Up @@ -39,7 +39,7 @@ To train a YOLO model on the Caltech-101 dataset for 100 epochs, you can use the
model = YOLO('yolov8n-cls.pt') # load a pretrained model (recommended for training)

# Train the model
model.train(data='caltech101', epochs=100, imgsz=416)
results = model.train(data='caltech101', epochs=100, imgsz=416)
```

=== "CLI"
Expand All @@ -61,17 +61,21 @@ The example showcases the variety and complexity of the objects in the Caltech-1

If you use the Caltech-101 dataset in your research or development work, please cite the following paper:

```bibtex
@article{fei2007learning,
title={Learning generative visual models from few training examples: An incremental Bayesian approach tested on 101 object categories},
author={Fei-Fei, Li and Fergus, Rob and Perona, Pietro},
journal={Computer vision and Image understanding},
volume={106},
number={1},
pages={59--70},
year={2007},
publisher={Elsevier}
}
```
!!! note ""

=== "BibTeX"

```bibtex
@article{fei2007learning,
title={Learning generative visual models from few training examples: An incremental Bayesian approach tested on 101 object categories},
author={Fei-Fei, Li and Fergus, Rob and Perona, Pietro},
journal={Computer vision and Image understanding},
volume={106},
number={1},
pages={59--70},
year={2007},
publisher={Elsevier}
}
```

We would like to acknowledge Li Fei-Fei, Rob Fergus, and Pietro Perona for creating and maintaining the Caltech-101 dataset as a valuable resource for the machine learning and computer vision research community. For more information about the Caltech-101 dataset and its creators, visit the [Caltech-101 dataset website](https://data.caltech.edu/records/mzrjq-6wc02).
20 changes: 12 additions & 8 deletions docs/datasets/classify/caltech256.md
Original file line number Diff line number Diff line change
Expand Up @@ -39,7 +39,7 @@ To train a YOLO model on the Caltech-256 dataset for 100 epochs, you can use the
model = YOLO('yolov8n-cls.pt') # load a pretrained model (recommended for training)

# Train the model
model.train(data='caltech256', epochs=100, imgsz=416)
results = model.train(data='caltech256', epochs=100, imgsz=416)
```

=== "CLI"
Expand All @@ -61,13 +61,17 @@ The example showcases the diversity and complexity of the objects in the Caltech

If you use the Caltech-256 dataset in your research or development work, please cite the following paper:

```bibtex
@article{griffin2007caltech,
title={Caltech-256 object category dataset},
author={Griffin, Gregory and Holub, Alex and Perona, Pietro},
year={2007}
}
```
!!! note ""

=== "BibTeX"

```bibtex
@article{griffin2007caltech,
title={Caltech-256 object category dataset},
author={Griffin, Gregory and Holub, Alex and Perona, Pietro},
year={2007}
}
```

We would like to acknowledge Gregory Griffin, Alex Holub, and Pietro Perona for creating and maintaining the Caltech-256 dataset as a valuable resource for the machine learning and computer vision research community. For more information about the

Expand Down
22 changes: 13 additions & 9 deletions docs/datasets/classify/cifar10.md
Original file line number Diff line number Diff line change
Expand Up @@ -42,7 +42,7 @@ To train a YOLO model on the CIFAR-10 dataset for 100 epochs with an image size
model = YOLO('yolov8n-cls.pt') # load a pretrained model (recommended for training)

# Train the model
model.train(data='cifar10', epochs=100, imgsz=32)
results = model.train(data='cifar10', epochs=100, imgsz=32)
```

=== "CLI"
Expand All @@ -64,13 +64,17 @@ The example showcases the variety and complexity of the objects in the CIFAR-10

If you use the CIFAR-10 dataset in your research or development work, please cite the following paper:

```bibtex
@TECHREPORT{Krizhevsky09learningmultiple,
author={Alex Krizhevsky},
title={Learning multiple layers of features from tiny images},
institution={},
year={2009}
}
```
!!! note ""

=== "BibTeX"

```bibtex
@TECHREPORT{Krizhevsky09learningmultiple,
author={Alex Krizhevsky},
title={Learning multiple layers of features from tiny images},
institution={},
year={2009}
}
```

We would like to acknowledge Alex Krizhevsky for creating and maintaining the CIFAR-10 dataset as a valuable resource for the machine learning and computer vision research community. For more information about the CIFAR-10 dataset and its creator, visit the [CIFAR-10 dataset website](https://www.cs.toronto.edu/~kriz/cifar.html).
22 changes: 13 additions & 9 deletions docs/datasets/classify/cifar100.md
Original file line number Diff line number Diff line change
Expand Up @@ -42,7 +42,7 @@ To train a YOLO model on the CIFAR-100 dataset for 100 epochs with an image size
model = YOLO('yolov8n-cls.pt') # load a pretrained model (recommended for training)

# Train the model
model.train(data='cifar100', epochs=100, imgsz=32)
results = model.train(data='cifar100', epochs=100, imgsz=32)
```

=== "CLI"
Expand All @@ -64,13 +64,17 @@ The example showcases the variety and complexity of the objects in the CIFAR-100

If you use the CIFAR-100 dataset in your research or development work, please cite the following paper:

```bibtex
@TECHREPORT{Krizhevsky09learningmultiple,
author={Alex Krizhevsky},
title={Learning multiple layers of features from tiny images},
institution={},
year={2009}
}
```
!!! note ""

=== "BibTeX"

```bibtex
@TECHREPORT{Krizhevsky09learningmultiple,
author={Alex Krizhevsky},
title={Learning multiple layers of features from tiny images},
institution={},
year={2009}
}
```

We would like to acknowledge Alex Krizhevsky for creating and maintaining the CIFAR-100 dataset as a valuable resource for the machine learning and computer vision research community. For more information about the CIFAR-100 dataset and its creator, visit the [CIFAR-100 dataset website](https://www.cs.toronto.edu/~kriz/cifar.html).
2 changes: 1 addition & 1 deletion docs/datasets/classify/fashion-mnist.md
Original file line number Diff line number Diff line change
Expand Up @@ -56,7 +56,7 @@ To train a CNN model on the Fashion-MNIST dataset for 100 epochs with an image s
model = YOLO('yolov8n-cls.pt') # load a pretrained model (recommended for training)

# Train the model
model.train(data='fashion-mnist', epochs=100, imgsz=28)
results = model.train(data='fashion-mnist', epochs=100, imgsz=28)
```

=== "CLI"
Expand Down
28 changes: 16 additions & 12 deletions docs/datasets/classify/imagenet.md
Original file line number Diff line number Diff line change
Expand Up @@ -42,7 +42,7 @@ To train a deep learning model on the ImageNet dataset for 100 epochs with an im
model = YOLO('yolov8n-cls.pt') # load a pretrained model (recommended for training)

# Train the model
model.train(data='imagenet', epochs=100, imgsz=224)
results = model.train(data='imagenet', epochs=100, imgsz=224)
```

=== "CLI"
Expand All @@ -64,16 +64,20 @@ The example showcases the variety and complexity of the images in the ImageNet d

If you use the ImageNet dataset in your research or development work, please cite the following paper:

```bibtex
@article{ILSVRC15,
author = {Olga Russakovsky and Jia Deng and Hao Su and Jonathan Krause and Sanjeev Satheesh and Sean Ma and Zhiheng Huang and Andrej Karpathy and Aditya Khosla and Michael Bernstein and Alexander C. Berg and Li Fei-Fei},
title={ImageNet Large Scale Visual Recognition Challenge},
year={2015},
journal={International Journal of Computer Vision (IJCV)},
volume={115},
number={3},
pages={211-252}
}
```
!!! note ""

=== "BibTeX"

```bibtex
@article{ILSVRC15,
author = {Olga Russakovsky and Jia Deng and Hao Su and Jonathan Krause and Sanjeev Satheesh and Sean Ma and Zhiheng Huang and Andrej Karpathy and Aditya Khosla and Michael Bernstein and Alexander C. Berg and Li Fei-Fei},
title={ImageNet Large Scale Visual Recognition Challenge},
year={2015},
journal={International Journal of Computer Vision (IJCV)},
volume={115},
number={3},
pages={211-252}
}
```

We would like to acknowledge the ImageNet team, led by Olga Russakovsky, Jia Deng, and Li Fei-Fei, for creating and maintaining the ImageNet dataset as a valuable resource for the machine learning and computer vision research community. For more information about the ImageNet dataset and its creators, visit the [ImageNet website](https://www.image-net.org/).
28 changes: 16 additions & 12 deletions docs/datasets/classify/imagenet10.md
Original file line number Diff line number Diff line change
Expand Up @@ -38,7 +38,7 @@ To test a deep learning model on the ImageNet10 dataset with an image size of 22
model = YOLO('yolov8n-cls.pt') # load a pretrained model (recommended for training)

# Train the model
model.train(data='imagenet10', epochs=5, imgsz=224)
results = model.train(data='imagenet10', epochs=5, imgsz=224)
```

=== "CLI"
Expand All @@ -59,16 +59,20 @@ The example showcases the variety and complexity of the images in the ImageNet10

If you use the ImageNet10 dataset in your research or development work, please cite the original ImageNet paper:

```bibtex
@article{ILSVRC15,
author = {Olga Russakovsky and Jia Deng and Hao Su and Jonathan Krause and Sanjeev Satheesh and Sean Ma and Zhiheng Huang and Andrej Karpathy and Aditya Khosla and Michael Bernstein and Alexander C. Berg and Li Fei-Fei},
title={ImageNet Large Scale Visual Recognition Challenge},
year={2015},
journal={International Journal of Computer Vision (IJCV)},
volume={115},
number={3},
pages={211-252}
}
```
!!! note ""

=== "BibTeX"

```bibtex
@article{ILSVRC15,
author = {Olga Russakovsky and Jia Deng and Hao Su and Jonathan Krause and Sanjeev Satheesh and Sean Ma and Zhiheng Huang and Andrej Karpathy and Aditya Khosla and Michael Bernstein and Alexander C. Berg and Li Fei-Fei},
title={ImageNet Large Scale Visual Recognition Challenge},
year={2015},
journal={International Journal of Computer Vision (IJCV)},
volume={115},
number={3},
pages={211-252}
}
```

We would like to acknowledge the ImageNet team, led by Olga Russakovsky, Jia Deng, and Li Fei-Fei, for creating and maintaining the ImageNet dataset. The ImageNet10 dataset, while a compact subset, is a valuable resource for quick testing and debugging in the machine learning and computer vision research community. For more information about the ImageNet dataset and its creators, visit the [ImageNet website](https://www.image-net.org/).
6 changes: 3 additions & 3 deletions docs/datasets/classify/imagenette.md
Original file line number Diff line number Diff line change
Expand Up @@ -40,7 +40,7 @@ To train a model on the ImageNette dataset for 100 epochs with a standard image
model = YOLO('yolov8n-cls.pt') # load a pretrained model (recommended for training)

# Train the model
model.train(data='imagenette', epochs=100, imgsz=224)
results = model.train(data='imagenette', epochs=100, imgsz=224)
```

=== "CLI"
Expand Down Expand Up @@ -75,7 +75,7 @@ To use these datasets, simply replace 'imagenette' with 'imagenette160' or 'imag
model = YOLO('yolov8n-cls.pt') # load a pretrained model (recommended for training)

# Train the model with ImageNette160
model.train(data='imagenette160', epochs=100, imgsz=160)
results = model.train(data='imagenette160', epochs=100, imgsz=160)
```

=== "CLI"
Expand All @@ -96,7 +96,7 @@ To use these datasets, simply replace 'imagenette' with 'imagenette160' or 'imag
model = YOLO('yolov8n-cls.pt') # load a pretrained model (recommended for training)

# Train the model with ImageNette320
model.train(data='imagenette320', epochs=100, imgsz=320)
results = model.train(data='imagenette320', epochs=100, imgsz=320)
```

=== "CLI"
Expand Down
4 changes: 2 additions & 2 deletions docs/datasets/classify/imagewoof.md
Original file line number Diff line number Diff line change
Expand Up @@ -37,7 +37,7 @@ To train a CNN model on the ImageWoof dataset for 100 epochs with an image size
model = YOLO('yolov8n-cls.pt') # load a pretrained model (recommended for training)

# Train the model
model.train(data='imagewoof', epochs=100, imgsz=224)
results = model.train(data='imagewoof', epochs=100, imgsz=224)
```

=== "CLI"
Expand Down Expand Up @@ -79,6 +79,6 @@ The example showcases the subtle differences and similarities among the differen

## Citations and Acknowledgments

If you use the ImageWoof dataset in your research or development work, please make sure to acknowledge the creators of the dataset by linking to the [official dataset repository](https://github.com/fastai/imagenette). As of my knowledge cutoff in September 2021, there is no official publication specifically about ImageWoof for citation.
If you use the ImageWoof dataset in your research or development work, please make sure to acknowledge the creators of the dataset by linking to the [official dataset repository](https://github.com/fastai/imagenette).

We would like to acknowledge the FastAI team for creating and maintaining the ImageWoof dataset as a valuable resource for the machine learning and computer vision research community. For more information about the ImageWoof dataset, visit the [ImageWoof dataset repository](https://github.com/fastai/imagenette).
2 changes: 1 addition & 1 deletion docs/datasets/classify/index.md
Original file line number Diff line number Diff line change
Expand Up @@ -91,7 +91,7 @@ In this example, the `train` directory contains subdirectories for each class in
model = YOLO('yolov8n-cls.pt') # load a pretrained model (recommended for training)

# Train the model
model.train(data='path/to/dataset', epochs=100, imgsz=640)
results = model.train(data='path/to/dataset', epochs=100, imgsz=640)
```
=== "CLI"

Expand Down
24 changes: 14 additions & 10 deletions docs/datasets/classify/mnist.md
Original file line number Diff line number Diff line change
Expand Up @@ -45,7 +45,7 @@ To train a CNN model on the MNIST dataset for 100 epochs with an image size of 3
model = YOLO('yolov8n-cls.pt') # load a pretrained model (recommended for training)

# Train the model
model.train(data='mnist', epochs=100, imgsz=32)
results = model.train(data='mnist', epochs=100, imgsz=32)
```

=== "CLI"
Expand All @@ -69,14 +69,18 @@ If you use the MNIST dataset in your

research or development work, please cite the following paper:

```bibtex
@article{lecun2010mnist,
title={MNIST handwritten digit database},
author={LeCun, Yann and Cortes, Corinna and Burges, CJ},
journal={ATT Labs [Online]. Available: http://yann.lecun.com/exdb/mnist},
volume={2},
year={2010}
}
```
!!! note ""

=== "BibTeX"

```bibtex
@article{lecun2010mnist,
title={MNIST handwritten digit database},
author={LeCun, Yann and Cortes, Corinna and Burges, CJ},
journal={ATT Labs [Online]. Available: http://yann.lecun.com/exdb/mnist},
volume={2},
year={2010}
}
```

We would like to acknowledge Yann LeCun, Corinna Cortes, and Christopher J.C. Burges for creating and maintaining the MNIST dataset as a valuable resource for the machine learning and computer vision research community. For more information about the MNIST dataset and its creators, visit the [MNIST dataset website](http://yann.lecun.com/exdb/mnist/).
25 changes: 14 additions & 11 deletions docs/datasets/detect/argoverse.md
Original file line number Diff line number Diff line change
Expand Up @@ -12,7 +12,6 @@ The [Argoverse](https://www.argoverse.org/) dataset is a collection of data desi

The Argoverse dataset *.zip file required for training was removed from Amazon S3 after the shutdown of Argo AI by Ford, but we have made it available for manual download on [Google Drive](https://drive.google.com/file/d/1st9qW3BeIwQsnR0t8mRpvbsSWIo16ACi/view?usp=drive_link).


## Key Features

- Argoverse contains over 290K labeled 3D object tracks and 5 million object instances across 1,263 distinct scenes.
Expand Down Expand Up @@ -57,7 +56,7 @@ To train a YOLOv8n model on the Argoverse dataset for 100 epochs with an image s
model = YOLO('yolov8n.pt') # load a pretrained model (recommended for training)

# Train the model
model.train(data='Argoverse.yaml', epochs=100, imgsz=640)
results = model.train(data='Argoverse.yaml', epochs=100, imgsz=640)
```

=== "CLI"
Expand All @@ -81,14 +80,18 @@ The example showcases the variety and complexity of the data in the Argoverse da

If you use the Argoverse dataset in your research or development work, please cite the following paper:

```bibtex
@inproceedings{chang2019argoverse,
title={Argoverse: 3D Tracking and Forecasting with Rich Maps},
author={Chang, Ming-Fang and Lambert, John and Sangkloy, Patsorn and Singh, Jagjeet and Bak, Slawomir and Hartnett, Andrew and Wang, Dequan and Carr, Peter and Lucey, Simon and Ramanan, Deva and others},
booktitle={Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition},
pages={8748--8757},
year={2019}
}
```
!!! note ""

=== "BibTeX"

```bibtex
@inproceedings{chang2019argoverse,
title={Argoverse: 3D Tracking and Forecasting with Rich Maps},
author={Chang, Ming-Fang and Lambert, John and Sangkloy, Patsorn and Singh, Jagjeet and Bak, Slawomir and Hartnett, Andrew and Wang, Dequan and Carr, Peter and Lucey, Simon and Ramanan, Deva and others},
booktitle={Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition},
pages={8748--8757},
year={2019}
}
```

We would like to acknowledge Argo AI for creating and maintaining the Argoverse dataset as a valuable resource for the autonomous driving research community. For more information about the Argoverse dataset and its creators, visit the [Argoverse dataset website](https://www.argoverse.org/).
Loading

0 comments on commit c9be1f3

Please sign in to comment.