.. _sec_object_detection_quick: Object Detection - Quick Start ============================== Object detection is the process of identifying and localizing objects in an image and is an important task in computer vision. Follow this tutorial to learn how to use AutoGluon for object detection. **Tip**: If you are new to AutoGluon, review :ref:`sec_imgquick` first to learn the basics of the AutoGluon API. Our goal is to detect motorbike in images by `YOLOv3 model `__. A tiny dataset is collected from VOC dataset, which only contains the motorbike category. The model pretrained on the COCO dataset is used to fine-tune our small dataset. With the help of AutoGluon, we are able to try many models with different hyperparameters automatically, and return the best one as our final model. To start, import ObjectDetector: .. code:: python from autogluon.vision import ObjectDetector .. parsed-literal:: :class: output /var/lib/jenkins/miniconda3/envs/autogluon-tutorial-object-detection-v3/lib/python3.9/site-packages/gluoncv/__init__.py:40: UserWarning: Both `mxnet==1.7.0` and `torch==1.10.2+cu102` are installed. You might encounter increased GPU memory footprint if both framework are used at the same time. warnings.warn(f'Both `mxnet=={mx.__version__}` and `torch=={torch.__version__}` are installed. ' Tiny\_motorbike Dataset ----------------------- We collect a toy dataset for detecting motorbikes in images. From the VOC dataset, images are randomly selected for training, validation, and testing - 120 images for training, 50 images for validation, and 50 for testing. This tiny dataset follows the same format as VOC. Using the commands below, we can download this dataset, which is only 23M. The name of unzipped folder is called ``tiny_motorbike``. Anyway, the task dataset helper can perform the download and extraction automatically, and load the dataset according to the detection formats. .. code:: python url = 'https://autogluon.s3.amazonaws.com/datasets/tiny_motorbike.zip' dataset_train = ObjectDetector.Dataset.from_voc(url, splits='trainval') .. parsed-literal:: :class: output tiny_motorbike/ ├── Annotations/ ├── ImageSets/ └── JPEGImages/ Fit Models by AutoGluon ----------------------- In this section, we demonstrate how to apply AutoGluon to fit our detection models. We use mobilenet as the backbone for the YOLOv3 model. Two different learning rates are used to fine-tune the network. The best model is the one that obtains the best performance on the validation dataset. You can also try using more networks and hyperparameters to create a larger searching space. We ``fit`` a classifier using AutoGluon as follows. In each experiment (one trial in our searching space), we train the model for 5 epochs to avoid bursting our tutorial runtime. .. code:: python time_limit = 60*30 # at most 0.5 hour detector = ObjectDetector() hyperparameters = {'epochs': 5, 'batch_size': 8} hyperparameter_tune_kwargs={'num_trials': 2} detector.fit(dataset_train, time_limit=time_limit, hyperparameters=hyperparameters, hyperparameter_tune_kwargs=hyperparameter_tune_kwargs) .. parsed-literal:: :class: output ============================================================================= WARNING: ObjectDetector is deprecated as of v0.4.0 and may contain various bugs and issues! In a future release ObjectDetector may be entirely reworked to use Torch as a backend. This future change will likely be API breaking.Users should ensure they update their code that depends on ObjectDetector when upgrading to future AutoGluon releases. For more information, refer to ObjectDetector refactor GitHub issue: https://github.com/awslabs/autogluon/issues/1559 ============================================================================= The number of requested GPUs is greater than the number of available GPUs.Reduce the number to 1 Randomly split train_data into train[151]/validation[19] splits. Starting HPO experiments .. parsed-literal:: :class: output 0%| | 0/2 [00:00 != ): { root.valid.batch_size 16 != 8 root.gpus (0, 1, 2, 3) != (0,) root.num_workers 4 != 8 root.ssd.data_shape 300 != 512 root.ssd.base_network vgg16_atrous != resnet50_v1 root.train.epochs 20 != 5 root.train.early_stop_baseline 0.0 != -inf root.train.batch_size 16 != 8 root.train.early_stop_max_value 1.0 != inf root.train.seed 233 != 637 root.train.early_stop_patience -1 != 10 root.dataset_root ~/.mxnet/datasets/ != auto root.dataset voc_tiny != auto } Saved config to /var/lib/jenkins/workspace/workspace/autogluon-tutorial-object-detection-v3/docs/_build/eval/tutorials/object_detection/1eb70f5d/.trial_0/config.yaml Using transfer learning from ssd_512_resnet50_v1_coco, the other network parameters are ignored. Start training from [Epoch 0] [Epoch 0] Training cost: 9.027765, CrossEntropy=3.474225, SmoothL1=0.980341 [Epoch 0] Validation: car=0.853896103896104 boat=nan dog=nan person=0.75303381468797 bus=nan cow=nan motorbike=0.5505411255411256 pottedplant=nan chair=nan bicycle=nan mAP=0.7191570147083999 [Epoch 0] Current best map: 0.719157 vs previous 0.000000, saved to /var/lib/jenkins/workspace/workspace/autogluon-tutorial-object-detection-v3/docs/_build/eval/tutorials/object_detection/1eb70f5d/.trial_0/best_checkpoint.pkl [Epoch 1] Training cost: 8.111258, CrossEntropy=2.682314, SmoothL1=1.145182 [Epoch 1] Validation: car=0.9292929292929291 boat=nan dog=nan person=0.77736641811053 bus=nan cow=nan motorbike=0.8137283839155497 pottedplant=nan chair=nan bicycle=nan mAP=0.8401292437730029 [Epoch 1] Current best map: 0.840129 vs previous 0.719157, saved to /var/lib/jenkins/workspace/workspace/autogluon-tutorial-object-detection-v3/docs/_build/eval/tutorials/object_detection/1eb70f5d/.trial_0/best_checkpoint.pkl [Epoch 2] Training cost: 8.053984, CrossEntropy=2.474019, SmoothL1=1.066938 [Epoch 2] Validation: car=0.8170798898071626 boat=nan dog=nan person=0.6612226157680703 bus=nan cow=nan motorbike=0.8208232445520582 pottedplant=nan chair=nan bicycle=nan mAP=0.7663752500424303 [Epoch 3] Training cost: 8.243925, CrossEntropy=2.344494, SmoothL1=0.990197 [Epoch 3] Validation: car=0.9090909090909088 boat=nan dog=nan person=0.8045675299332498 bus=nan cow=nan motorbike=0.8537058179915324 pottedplant=nan chair=nan bicycle=nan mAP=0.855788085671897 [Epoch 3] Current best map: 0.855788 vs previous 0.840129, saved to /var/lib/jenkins/workspace/workspace/autogluon-tutorial-object-detection-v3/docs/_build/eval/tutorials/object_detection/1eb70f5d/.trial_0/best_checkpoint.pkl [Epoch 4] Training cost: 8.313311, CrossEntropy=2.099670, SmoothL1=0.934671 [Epoch 4] Validation: car=0.7893939393939392 boat=nan dog=nan person=0.7424378492321076 bus=nan cow=nan motorbike=0.8466460225991019 pottedplant=nan chair=nan bicycle=nan mAP=0.7928259370750496 Applying the state from the best checkpoint... Finished, total runtime is 68.36 s { 'best_config': { 'dataset': 'auto', 'dataset_root': 'auto', 'estimator': , 'gpus': [0], 'horovod': False, 'num_workers': 8, 'resume': '', 'save_interval': 1, 'ssd': { 'amp': False, 'base_network': 'resnet50_v1', 'data_shape': 512, 'filters': None, 'nms_thresh': 0.45, 'nms_topk': 400, 'ratios': ( [1, 2, 0.5], [1, 2, 0.5, 3, 0.3333333333333333], [1, 2, 0.5, 3, 0.3333333333333333], [1, 2, 0.5, 3, 0.3333333333333333], [1, 2, 0.5], [1, 2, 0.5]), 'sizes': (30, 60, 111, 162, 213, 264, 315), 'steps': (8, 16, 32, 64, 100, 300), 'syncbn': False, 'transfer': 'ssd_512_resnet50_v1_coco'}, 'train': { 'batch_size': 8, 'dali': False, 'early_stop_baseline': -inf, 'early_stop_max_value': inf, 'early_stop_min_delta': 0.001, 'early_stop_patience': 10, 'epochs': 5, 'log_interval': 100, 'lr': 0.001, 'lr_decay': 0.1, 'lr_decay_epoch': (160, 200), 'momentum': 0.9, 'seed': 637, 'start_epoch': 0, 'wd': 0.0005}, 'valid': { 'batch_size': 8, 'iou_thresh': 0.5, 'metric': 'voc07', 'val_interval': 1}}, 'total_time': 68.36062288284302, 'train_map': 0.8449956687497411, 'valid_map': 0.855788085671897} .. parsed-literal:: :class: output Note that ``num_trials=2`` above is only used to speed up the tutorial. In normal practice, it is common to only use ``time_limit`` and drop ``num_trials``. Also note that hyperparameter tuning defaults to random search. After fitting, AutoGluon automatically returns the best model among all models in the searching space. From the output, we know the best model is the one trained with the second learning rate. To see how well the returned model performed on test dataset, call detector.evaluate(). .. code:: python dataset_test = ObjectDetector.Dataset.from_voc(url, splits='test') test_map = detector.evaluate(dataset_test) print("mAP on test dataset: {}".format(test_map[1][-1])) .. parsed-literal:: :class: output tiny_motorbike/ ├── Annotations/ ├── ImageSets/ └── JPEGImages/ mAP on test dataset: 0.22146353646353648 Below, we randomly select an image from test dataset and show the predicted class, box and probability over the origin image, stored in ``predict_class``, ``predict_rois`` and ``predict_score`` columns, respectively. You can interpret ``predict_rois`` as a dict of (``xmin``, ``ymin``, ``xmax``, ``ymax``) proportional to original image size. .. code:: python image_path = dataset_test.iloc[0]['image'] result = detector.predict(image_path) print(result) .. parsed-literal:: :class: output predict_class predict_score \ 0 person 0.955148 1 motorbike 0.891927 2 person 0.359573 3 motorbike 0.342348 4 bicycle 0.238320 .. ... ... 72 person 0.021112 73 car 0.021018 74 person 0.020910 75 person 0.020890 76 pottedplant 0.020799 predict_rois 0 {'xmin': 0.3912901282310486, 'ymin': 0.3086361... 1 {'xmin': 0.3253263235092163, 'ymin': 0.4256151... 2 {'xmin': 0.7186536192893982, 'ymin': 0.3776834... 3 {'xmin': 0.0, 'ymin': 0.6418095827102661, 'xma... 4 {'xmin': 0.3234668970108032, 'ymin': 0.4386421... .. ... 72 {'xmin': 0.8547964692115784, 'ymin': 0.6478415... 73 {'xmin': 0.7535834908485413, 'ymin': 0.3077454... 74 {'xmin': 0.9861015677452087, 'ymin': 0.8627224... 75 {'xmin': 0.7237019538879395, 'ymin': 0.4497309... 76 {'xmin': 0.3234668970108032, 'ymin': 0.4386421... [77 rows x 3 columns] Prediction with multiple images is permitted: .. code:: python bulk_result = detector.predict(dataset_test) print(bulk_result) .. parsed-literal:: :class: output predict_class predict_score \ 0 person 0.955148 1 motorbike 0.891927 2 person 0.359573 3 motorbike 0.342348 4 bicycle 0.238320 ... ... ... 3839 chair 0.030017 3840 person 0.029993 3841 person 0.029729 3842 person 0.029681 3843 person 0.029639 predict_rois \ 0 {'xmin': 0.3912901282310486, 'ymin': 0.3086361... 1 {'xmin': 0.3253263235092163, 'ymin': 0.4256151... 2 {'xmin': 0.7186536192893982, 'ymin': 0.3776834... 3 {'xmin': 0.0, 'ymin': 0.6418095827102661, 'xma... 4 {'xmin': 0.3234668970108032, 'ymin': 0.4386421... ... ... 3839 {'xmin': 0.82603919506073, 'ymin': 0.104831635... 3840 {'xmin': 0.4611119031906128, 'ymin': 0.2901712... 3841 {'xmin': 0.6784611344337463, 'ymin': 0.3986116... 3842 {'xmin': 0.24255801737308502, 'ymin': 0.069509... 3843 {'xmin': 0.3300044536590576, 'ymin': 0.1047884... image 0 /var/lib/jenkins/.gluoncv/datasets/tiny_motorb... 1 /var/lib/jenkins/.gluoncv/datasets/tiny_motorb... 2 /var/lib/jenkins/.gluoncv/datasets/tiny_motorb... 3 /var/lib/jenkins/.gluoncv/datasets/tiny_motorb... 4 /var/lib/jenkins/.gluoncv/datasets/tiny_motorb... ... ... 3839 /var/lib/jenkins/.gluoncv/datasets/tiny_motorb... 3840 /var/lib/jenkins/.gluoncv/datasets/tiny_motorb... 3841 /var/lib/jenkins/.gluoncv/datasets/tiny_motorb... 3842 /var/lib/jenkins/.gluoncv/datasets/tiny_motorb... 3843 /var/lib/jenkins/.gluoncv/datasets/tiny_motorb... [3844 rows x 4 columns] We can also save the trained model, and use it later. .. code:: python savefile = 'detector.ag' detector.save(savefile) new_detector = ObjectDetector.load(savefile) .. parsed-literal:: :class: output /var/lib/jenkins/miniconda3/envs/autogluon-tutorial-object-detection-v3/lib/python3.9/site-packages/mxnet/gluon/block.py:1512: UserWarning: Cannot decide type for the following arguments. Consider providing them as input: data: None input_sym_arg_type = in_param.infer_type()[0]