From 60d7a1fd33cc48e58968659cd3301f3300b2786b Mon Sep 17 00:00:00 2001 From: Yuxin Wu Date: Thu, 5 Nov 2020 01:06:00 -0800 Subject: [PATCH] update copyright header Summary: close https://github.com/facebookresearch/detectron2/issues/2200 Pull Request resolved: https://github.com/fairinternal/detectron2/pull/478 Reviewed By: alexander-kirillov Differential Revision: D24752469 Pulled By: ppwwyyxx fbshipit-source-id: d32f287a9827c2a50eeb69cfea9cf518999e2a3d --- INSTALL.md | 12 +++++++++--- LICENSE | 3 ++- datasets/prepare_ade20k_sem_seg.py | 2 +- datasets/prepare_cocofied_lvis.py | 2 +- datasets/prepare_for_tests.sh | 2 +- datasets/prepare_panoptic_fpn.py | 2 +- demo/demo.py | 2 +- demo/predictor.py | 2 +- detectron2/__init__.py | 2 +- detectron2/checkpoint/__init__.py | 2 +- detectron2/checkpoint/c2_model_loading.py | 2 +- detectron2/checkpoint/catalog.py | 2 +- detectron2/checkpoint/detection_checkpoint.py | 2 +- detectron2/config/__init__.py | 2 +- detectron2/config/compat.py | 2 +- detectron2/config/config.py | 2 +- detectron2/config/defaults.py | 2 +- detectron2/data/__init__.py | 2 +- detectron2/data/build.py | 2 +- detectron2/data/catalog.py | 2 +- detectron2/data/common.py | 2 +- detectron2/data/dataset_mapper.py | 2 +- detectron2/data/datasets/__init__.py | 2 +- detectron2/data/datasets/builtin.py | 2 +- detectron2/data/datasets/builtin_meta.py | 2 +- detectron2/data/datasets/cityscapes.py | 2 +- detectron2/data/datasets/cityscapes_panoptic.py | 2 +- detectron2/data/datasets/coco.py | 2 +- detectron2/data/datasets/coco_panoptic.py | 2 +- detectron2/data/datasets/lvis.py | 2 +- detectron2/data/datasets/lvis_v0_5_categories.py | 2 +- detectron2/data/datasets/lvis_v1_categories.py | 2 +- detectron2/data/datasets/pascal_voc.py | 2 +- detectron2/data/datasets/register_coco.py | 2 +- detectron2/data/detection_utils.py | 2 +- detectron2/data/samplers/__init__.py | 2 +- detectron2/data/samplers/distributed_sampler.py | 2 +- detectron2/data/samplers/grouped_batch_sampler.py | 2 +- detectron2/data/transforms/__init__.py | 2 +- detectron2/data/transforms/augmentation.py | 2 +- detectron2/data/transforms/augmentation_impl.py | 2 +- detectron2/data/transforms/transform.py | 2 +- detectron2/engine/__init__.py | 2 +- detectron2/engine/defaults.py | 2 +- detectron2/engine/hooks.py | 2 +- detectron2/engine/launch.py | 2 +- detectron2/engine/train_loop.py | 2 +- detectron2/evaluation/__init__.py | 2 +- detectron2/evaluation/cityscapes_evaluation.py | 2 +- detectron2/evaluation/coco_evaluation.py | 2 +- detectron2/evaluation/evaluator.py | 2 +- detectron2/evaluation/fast_eval_api.py | 2 +- detectron2/evaluation/lvis_evaluation.py | 2 +- detectron2/evaluation/panoptic_evaluation.py | 2 +- detectron2/evaluation/pascal_voc_evaluation.py | 2 +- detectron2/evaluation/rotated_coco_evaluation.py | 2 +- detectron2/evaluation/sem_seg_evaluation.py | 2 +- detectron2/evaluation/testing.py | 2 +- detectron2/export/api.py | 2 +- detectron2/export/c10.py | 2 +- detectron2/export/caffe2_export.py | 2 +- detectron2/export/caffe2_inference.py | 2 +- detectron2/export/caffe2_modeling.py | 2 +- detectron2/export/caffe2_patch.py | 2 +- detectron2/export/shared.py | 2 +- detectron2/export/torchscript.py | 2 +- detectron2/export/torchscript_patch.py | 2 +- detectron2/layers/__init__.py | 2 +- detectron2/layers/aspp.py | 2 +- detectron2/layers/batch_norm.py | 2 +- detectron2/layers/blocks.py | 2 +- detectron2/layers/csrc/ROIAlign/ROIAlign.h | 2 +- detectron2/layers/csrc/ROIAlign/ROIAlign_cpu.cpp | 2 +- detectron2/layers/csrc/ROIAlign/ROIAlign_cuda.cu | 2 +- .../layers/csrc/ROIAlignRotated/ROIAlignRotated.h | 2 +- .../csrc/ROIAlignRotated/ROIAlignRotated_cpu.cpp | 2 +- .../csrc/ROIAlignRotated/ROIAlignRotated_cuda.cu | 2 +- .../layers/csrc/box_iou_rotated/box_iou_rotated.h | 2 +- .../csrc/box_iou_rotated/box_iou_rotated_cpu.cpp | 2 +- .../csrc/box_iou_rotated/box_iou_rotated_cuda.cu | 2 +- .../csrc/box_iou_rotated/box_iou_rotated_utils.h | 2 +- detectron2/layers/csrc/cocoeval/cocoeval.cpp | 2 +- detectron2/layers/csrc/cocoeval/cocoeval.h | 2 +- detectron2/layers/csrc/cuda_version.cu | 2 +- detectron2/layers/csrc/deformable/deform_conv.h | 2 +- .../layers/csrc/deformable/deform_conv_cuda.cu | 2 +- .../csrc/deformable/deform_conv_cuda_kernel.cu | 2 +- detectron2/layers/csrc/nms_rotated/nms_rotated.h | 2 +- .../layers/csrc/nms_rotated/nms_rotated_cpu.cpp | 2 +- .../layers/csrc/nms_rotated/nms_rotated_cuda.cu | 2 +- detectron2/layers/csrc/vision.cpp | 2 +- detectron2/layers/deform_conv.py | 2 +- detectron2/layers/mask_ops.py | 2 +- detectron2/layers/nms.py | 2 +- detectron2/layers/roi_align.py | 2 +- detectron2/layers/roi_align_rotated.py | 2 +- detectron2/layers/rotated_boxes.py | 2 +- detectron2/layers/shape_spec.py | 2 +- detectron2/layers/wrappers.py | 2 +- detectron2/model_zoo/__init__.py | 2 +- detectron2/model_zoo/model_zoo.py | 2 +- detectron2/modeling/__init__.py | 2 +- detectron2/modeling/anchor_generator.py | 2 +- detectron2/modeling/backbone/__init__.py | 2 +- detectron2/modeling/backbone/backbone.py | 2 +- detectron2/modeling/backbone/build.py | 2 +- detectron2/modeling/backbone/fpn.py | 2 +- detectron2/modeling/backbone/resnet.py | 2 +- detectron2/modeling/box_regression.py | 2 +- detectron2/modeling/matcher.py | 2 +- detectron2/modeling/meta_arch/__init__.py | 2 +- detectron2/modeling/meta_arch/build.py | 2 +- detectron2/modeling/meta_arch/panoptic_fpn.py | 2 +- detectron2/modeling/meta_arch/rcnn.py | 2 +- detectron2/modeling/meta_arch/retinanet.py | 2 +- detectron2/modeling/meta_arch/semantic_seg.py | 2 +- detectron2/modeling/poolers.py | 2 +- detectron2/modeling/postprocessing.py | 2 +- detectron2/modeling/proposal_generator/__init__.py | 2 +- detectron2/modeling/proposal_generator/build.py | 2 +- .../modeling/proposal_generator/proposal_utils.py | 2 +- detectron2/modeling/proposal_generator/rpn.py | 2 +- detectron2/modeling/proposal_generator/rrpn.py | 2 +- detectron2/modeling/roi_heads/__init__.py | 2 +- detectron2/modeling/roi_heads/box_head.py | 2 +- detectron2/modeling/roi_heads/cascade_rcnn.py | 2 +- detectron2/modeling/roi_heads/fast_rcnn.py | 2 +- detectron2/modeling/roi_heads/keypoint_head.py | 2 +- detectron2/modeling/roi_heads/mask_head.py | 2 +- detectron2/modeling/roi_heads/roi_heads.py | 2 +- detectron2/modeling/roi_heads/rotated_fast_rcnn.py | 2 +- detectron2/modeling/sampling.py | 2 +- detectron2/modeling/test_time_augmentation.py | 2 +- detectron2/projects/__init__.py | 2 +- detectron2/solver/__init__.py | 2 +- detectron2/solver/build.py | 2 +- detectron2/solver/lr_scheduler.py | 2 +- detectron2/structures/__init__.py | 2 +- detectron2/structures/boxes.py | 2 +- detectron2/structures/image_list.py | 2 +- detectron2/structures/instances.py | 2 +- detectron2/structures/keypoints.py | 2 +- detectron2/structures/masks.py | 2 +- detectron2/structures/rotated_boxes.py | 2 +- detectron2/utils/__init__.py | 2 +- detectron2/utils/analysis.py | 2 +- detectron2/utils/collect_env.py | 2 +- detectron2/utils/colormap.py | 2 +- detectron2/utils/comm.py | 2 +- detectron2/utils/env.py | 2 +- detectron2/utils/events.py | 2 +- detectron2/utils/logger.py | 2 +- detectron2/utils/memory.py | 2 +- detectron2/utils/registry.py | 2 +- detectron2/utils/serialize.py | 2 +- detectron2/utils/video_visualizer.py | 2 +- detectron2/utils/visualizer.py | 2 +- dev/linter.sh | 2 +- dev/packaging/build_all_wheels.sh | 2 +- dev/packaging/build_wheel.sh | 2 +- dev/packaging/gen_wheel_index.sh | 2 +- dev/packaging/pkg_helpers.bash | 2 +- dev/parse_results.sh | 2 +- dev/run_inference_tests.sh | 2 +- dev/run_instant_tests.sh | 2 +- docs/Makefile | 2 +- docs/conf.py | 2 +- docs/requirements.txt | 2 +- projects/DeepLab/deeplab/__init__.py | 2 +- projects/DeepLab/deeplab/build_solver.py | 2 +- projects/DeepLab/deeplab/config.py | 2 +- projects/DeepLab/deeplab/loss.py | 2 +- projects/DeepLab/deeplab/lr_scheduler.py | 2 +- projects/DeepLab/deeplab/semantic_seg.py | 2 +- projects/DeepLab/train_net.py | 2 +- projects/DensePose/apply_net.py | 2 +- projects/DensePose/densepose/__init__.py | 2 +- projects/DensePose/densepose/config.py | 2 +- projects/DensePose/densepose/converters/__init__.py | 2 +- projects/DensePose/densepose/converters/base.py | 2 +- projects/DensePose/densepose/converters/builtin.py | 2 +- .../densepose/converters/chart_output_hflip.py | 2 +- .../converters/chart_output_to_chart_result.py | 2 +- projects/DensePose/densepose/converters/hflip.py | 2 +- .../DensePose/densepose/converters/segm_to_mask.py | 2 +- .../densepose/converters/to_chart_result.py | 2 +- projects/DensePose/densepose/converters/to_mask.py | 2 +- projects/DensePose/densepose/data/__init__.py | 2 +- projects/DensePose/densepose/data/build.py | 2 +- projects/DensePose/densepose/data/combined_loader.py | 2 +- projects/DensePose/densepose/data/dataset_mapper.py | 2 +- .../DensePose/densepose/data/datasets/__init__.py | 2 +- .../DensePose/densepose/data/datasets/builtin.py | 2 +- .../DensePose/densepose/data/datasets/chimpnsee.py | 2 +- projects/DensePose/densepose/data/datasets/coco.py | 2 +- .../densepose/data/datasets/dataset_type.py | 2 +- .../DensePose/densepose/data/image_list_dataset.py | 2 +- .../densepose/data/inference_based_loader.py | 2 +- .../DensePose/densepose/data/samplers/__init__.py | 2 +- .../densepose/data/samplers/densepose_base.py | 2 +- .../data/samplers/densepose_confidence_based.py | 2 +- .../densepose/data/samplers/densepose_uniform.py | 2 +- .../densepose/data/samplers/mask_from_densepose.py | 2 +- .../densepose/data/samplers/prediction_to_gt.py | 2 +- projects/DensePose/densepose/data/structures.py | 2 +- .../DensePose/densepose/data/transform/__init__.py | 2 +- projects/DensePose/densepose/data/transform/image.py | 2 +- projects/DensePose/densepose/data/utils.py | 2 +- projects/DensePose/densepose/data/video/__init__.py | 2 +- .../DensePose/densepose/data/video/frame_selector.py | 2 +- .../densepose/data/video/video_keyframe_dataset.py | 2 +- projects/DensePose/densepose/engine/__init__.py | 2 +- projects/DensePose/densepose/engine/trainer.py | 2 +- projects/DensePose/densepose/evaluator.py | 2 +- projects/DensePose/densepose/modeling/__init__.py | 2 +- projects/DensePose/densepose/modeling/build.py | 2 +- projects/DensePose/densepose/modeling/confidence.py | 2 +- .../densepose/modeling/densepose_checkpoint.py | 2 +- projects/DensePose/densepose/modeling/filter.py | 2 +- projects/DensePose/densepose/modeling/inference.py | 2 +- .../DensePose/densepose/modeling/losses/__init__.py | 2 +- .../DensePose/densepose/modeling/losses/chart.py | 2 +- .../modeling/losses/chart_with_confidences.py | 2 +- .../DensePose/densepose/modeling/losses/registry.py | 2 +- .../DensePose/densepose/modeling/losses/utils.py | 2 +- .../densepose/modeling/predictors/__init__.py | 2 +- .../DensePose/densepose/modeling/predictors/chart.py | 2 +- .../modeling/predictors/chart_confidence.py | 2 +- .../modeling/predictors/chart_with_confidence.py | 2 +- .../densepose/modeling/predictors/registry.py | 2 +- .../densepose/modeling/roi_heads/__init__.py | 2 +- .../densepose/modeling/roi_heads/deeplab.py | 2 +- .../densepose/modeling/roi_heads/registry.py | 2 +- .../densepose/modeling/roi_heads/roi_head.py | 2 +- .../densepose/modeling/roi_heads/v1convx.py | 2 +- .../densepose/modeling/test_time_augmentation.py | 2 +- projects/DensePose/densepose/modeling/utils.py | 2 +- projects/DensePose/densepose/structures/__init__.py | 2 +- projects/DensePose/densepose/structures/chart.py | 2 +- .../densepose/structures/chart_confidence.py | 2 +- .../DensePose/densepose/structures/chart_result.py | 2 +- projects/DensePose/densepose/utils/dbhelper.py | 2 +- projects/DensePose/densepose/utils/logger.py | 2 +- projects/DensePose/densepose/utils/transform.py | 2 +- projects/DensePose/densepose/vis/base.py | 2 +- projects/DensePose/densepose/vis/bounding_box.py | 2 +- .../DensePose/densepose/vis/densepose_data_points.py | 2 +- .../DensePose/densepose/vis/densepose_outputs.py | 2 +- .../DensePose/densepose/vis/densepose_results.py | 2 +- projects/DensePose/densepose/vis/extractor.py | 2 +- projects/DensePose/dev/run_inference_tests.sh | 2 +- projects/DensePose/dev/run_instant_tests.sh | 2 +- projects/DensePose/query_db.py | 2 +- projects/DensePose/tests/common.py | 2 +- projects/DensePose/tests/test_combine_data_loader.py | 2 +- projects/DensePose/tests/test_frame_selector.py | 2 +- .../DensePose/tests/test_image_resize_transform.py | 2 +- projects/DensePose/tests/test_model_e2e.py | 2 +- projects/DensePose/tests/test_setup.py | 2 +- projects/DensePose/tests/test_structures.py | 2 +- .../DensePose/tests/test_video_keyframe_dataset.py | 2 +- projects/DensePose/train_net.py | 2 +- .../Panoptic-DeepLab/panoptic_deeplab/__init__.py | 2 +- projects/Panoptic-DeepLab/panoptic_deeplab/config.py | 2 +- .../panoptic_deeplab/dataset_mapper.py | 2 +- .../panoptic_deeplab/panoptic_seg.py | 2 +- .../panoptic_deeplab/post_processing.py | 2 +- .../panoptic_deeplab/target_generator.py | 2 +- projects/Panoptic-DeepLab/train_net.py | 2 +- projects/PointRend/point_rend/__init__.py | 2 +- projects/PointRend/point_rend/coarse_mask_head.py | 2 +- projects/PointRend/point_rend/color_augmentation.py | 2 +- projects/PointRend/point_rend/config.py | 2 +- projects/PointRend/point_rend/point_features.py | 2 +- projects/PointRend/point_rend/point_head.py | 2 +- projects/PointRend/point_rend/roi_heads.py | 2 +- projects/PointRend/point_rend/semantic_seg.py | 2 +- projects/PointRend/train_net.py | 2 +- projects/TensorMask/setup.py | 2 +- projects/TensorMask/tensormask/__init__.py | 2 +- projects/TensorMask/tensormask/arch.py | 2 +- projects/TensorMask/tensormask/config.py | 2 +- projects/TensorMask/tensormask/layers/__init__.py | 2 +- .../layers/csrc/SwapAlign2Nat/SwapAlign2Nat.h | 2 +- .../layers/csrc/SwapAlign2Nat/SwapAlign2Nat_cuda.cu | 2 +- .../TensorMask/tensormask/layers/csrc/vision.cpp | 2 +- .../TensorMask/tensormask/layers/swap_align2nat.py | 2 +- projects/TensorMask/tests/__init__.py | 2 +- projects/TensorMask/tests/test_swap_align2nat.py | 2 +- projects/TensorMask/train_net.py | 2 +- projects/TridentNet/train_net.py | 2 +- projects/TridentNet/tridentnet/__init__.py | 2 +- projects/TridentNet/tridentnet/config.py | 2 +- projects/TridentNet/tridentnet/trident_backbone.py | 2 +- projects/TridentNet/tridentnet/trident_conv.py | 2 +- projects/TridentNet/tridentnet/trident_rcnn.py | 2 +- projects/TridentNet/tridentnet/trident_rpn.py | 2 +- setup.py | 11 ++++++----- tests/__init__.py | 2 +- tests/data/test_coco.py | 2 +- tests/data/test_coco_evaluation.py | 2 +- tests/data/test_detection_utils.py | 2 +- tests/data/test_rotation_transform.py | 2 +- tests/data/test_sampler.py | 2 +- tests/data/test_transforms.py | 2 +- tests/layers/test_mask_ops.py | 2 +- tests/layers/test_nms.py | 2 +- tests/layers/test_nms_rotated.py | 2 +- tests/layers/test_roi_align.py | 2 +- tests/layers/test_roi_align_rotated.py | 2 +- tests/modeling/test_anchor_generator.py | 2 +- tests/modeling/test_box2box_transform.py | 2 +- tests/modeling/test_fast_rcnn.py | 2 +- tests/modeling/test_matcher.py | 2 +- tests/modeling/test_model_e2e.py | 2 +- tests/modeling/test_roi_heads.py | 2 +- tests/modeling/test_roi_pooler.py | 2 +- tests/modeling/test_rpn.py | 2 +- tests/structures/test_boxes.py | 2 +- tests/structures/test_imagelist.py | 2 +- tests/structures/test_instances.py | 2 +- tests/structures/test_rotated_boxes.py | 2 +- tests/test_checkpoint.py | 2 +- tests/test_config.py | 2 +- tests/test_engine.py | 2 +- tests/test_events.py | 2 +- tests/test_export_caffe2.py | 2 +- tests/test_export_torchscript.py | 2 +- tests/test_model_analysis.py | 2 +- tests/test_model_zoo.py | 2 +- tests/test_packaging.py | 2 +- tests/test_visualizer.py | 2 +- tools/analyze_model.py | 2 +- tools/benchmark.py | 2 +- tools/convert-torchvision-to-d2.py | 2 +- tools/deploy/CMakeLists.txt | 2 +- tools/deploy/caffe2_converter.py | 2 +- tools/deploy/caffe2_mask_rcnn.cpp | 2 +- tools/deploy/torchscript_traced_mask_rcnn.cpp | 2 +- tools/plain_train_net.py | 2 +- tools/train_net.py | 2 +- tools/visualize_data.py | 2 +- tools/visualize_json_results.py | 2 +- 343 files changed, 357 insertions(+), 349 deletions(-) diff --git a/INSTALL.md b/INSTALL.md index 40cd6af60e..cd382769a9 100644 --- a/INSTALL.md +++ b/INSTALL.md @@ -146,7 +146,7 @@ Two possibilities: you need to either install a different build of PyTorch (or build by yourself) to match your local CUDA installation, or install a different version of CUDA to match PyTorch. -* PyTorch/torchvision/Detectron2 is not built for the correct GPU architecture (aka. compute capability). +* PyTorch/torchvision/Detectron2 is not built for the correct GPU SM architecture (aka. compute capability). The architecture included by PyTorch/detectron2/torchvision is available in the "architecture flags" in `python -m detectron2.utils.collect_env`. It must include @@ -183,7 +183,7 @@ to match your local CUDA installation, or install a different version of CUDA to
-C++ compilation errors from NVCC / NVRTC +C++ compilation errors from NVCC / NVRTC; "Unsupported gpu architecture" 1. Local CUDA/NVCC version has to match the CUDA version of your PyTorch. Both can be found in @@ -192,7 +192,13 @@ C++ compilation errors from NVCC / NVRTC you need to either install a different build of PyTorch (or build by yourself) to match your local CUDA installation, or install a different version of CUDA to match PyTorch. -2. The combination of NVCC and GCC you use is incompatible. You need to change one of their versions. +2. Local CUDA/NVCC version shall support the SM architecture (a.k.a. compute capability) of your GPU. + The capability of your GPU can be found at [developer.nvidia.com/cuda-gpus](https://developer.nvidia.com/cuda-gpus). + The capability supported by NVCC is listed at [here](https://gist.github.com/ax3l/9489132). + If your NVCC version is too old, this can be workaround a lower capability.environment variable + `TORCH_CUDA_ARCH_LIST` to a lower, supported capability. + +3. The combination of NVCC and GCC you use is incompatible. You need to change one of their versions. See [here](https://gist.github.com/ax3l/9489132) for some valid combinations. The CUDA/GCC version used by PyTorch can be found by `print(torch.__config__.show())`. diff --git a/LICENSE b/LICENSE index d483689557..cd1b070674 100644 --- a/LICENSE +++ b/LICENSE @@ -186,7 +186,8 @@ file or class name and description of purpose be included on the same "printed page" as the copyright notice for easier identification within third-party archives. -Copyright 2019 - present, Facebook, Inc +Copyright [yyyy] [name of copyright owner] + Licensed under the Apache License, Version 2.0 (the "License"); you may not use this file except in compliance with the License. diff --git a/datasets/prepare_ade20k_sem_seg.py b/datasets/prepare_ade20k_sem_seg.py index e90dddd9bd..8b4a58d8f2 100755 --- a/datasets/prepare_ade20k_sem_seg.py +++ b/datasets/prepare_ade20k_sem_seg.py @@ -1,6 +1,6 @@ #!/usr/bin/env python3 # -*- coding: utf-8 -*- -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import numpy as np import os from pathlib import Path diff --git a/datasets/prepare_cocofied_lvis.py b/datasets/prepare_cocofied_lvis.py index 3b1efea872..245c88482a 100755 --- a/datasets/prepare_cocofied_lvis.py +++ b/datasets/prepare_cocofied_lvis.py @@ -1,6 +1,6 @@ #!/usr/bin/env python3 # -*- coding: utf-8 -*- -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import copy import json diff --git a/datasets/prepare_for_tests.sh b/datasets/prepare_for_tests.sh index d59b5643c9..b22ee8d8e8 100755 --- a/datasets/prepare_for_tests.sh +++ b/datasets/prepare_for_tests.sh @@ -1,5 +1,5 @@ #!/bin/bash -e -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. # Download some files needed for running tests. diff --git a/datasets/prepare_panoptic_fpn.py b/datasets/prepare_panoptic_fpn.py index e38d3bef95..597d791afa 100755 --- a/datasets/prepare_panoptic_fpn.py +++ b/datasets/prepare_panoptic_fpn.py @@ -1,6 +1,6 @@ #!/usr/bin/env python3 # -*- coding: utf-8 -*- -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import functools import json diff --git a/demo/demo.py b/demo/demo.py index 18111757f1..1f21562ee6 100755 --- a/demo/demo.py +++ b/demo/demo.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import argparse import glob import multiprocessing as mp diff --git a/demo/predictor.py b/demo/predictor.py index 2b37096d31..a1ceaee058 100644 --- a/demo/predictor.py +++ b/demo/predictor.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import atexit import bisect import multiprocessing as mp diff --git a/detectron2/__init__.py b/detectron2/__init__.py index d042d03ef9..75deed8f32 100644 --- a/detectron2/__init__.py +++ b/detectron2/__init__.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. +# Copyright (c) Facebook, Inc. and its affiliates. from .utils.env import setup_environment diff --git a/detectron2/checkpoint/__init__.py b/detectron2/checkpoint/__init__.py index e17a9df03d..99da0469ae 100644 --- a/detectron2/checkpoint/__init__.py +++ b/detectron2/checkpoint/__init__.py @@ -1,5 +1,5 @@ # -*- coding: utf-8 -*- -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. # File: diff --git a/detectron2/checkpoint/c2_model_loading.py b/detectron2/checkpoint/c2_model_loading.py index e27ba8463c..5d461c5e76 100644 --- a/detectron2/checkpoint/c2_model_loading.py +++ b/detectron2/checkpoint/c2_model_loading.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import copy import logging import re diff --git a/detectron2/checkpoint/catalog.py b/detectron2/checkpoint/catalog.py index 259d9de362..ed66233587 100644 --- a/detectron2/checkpoint/catalog.py +++ b/detectron2/checkpoint/catalog.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import logging from detectron2.utils.file_io import PathHandler, PathManager diff --git a/detectron2/checkpoint/detection_checkpoint.py b/detectron2/checkpoint/detection_checkpoint.py index 2e245f7462..19bdfbec64 100644 --- a/detectron2/checkpoint/detection_checkpoint.py +++ b/detectron2/checkpoint/detection_checkpoint.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import pickle from fvcore.common.checkpoint import Checkpointer diff --git a/detectron2/config/__init__.py b/detectron2/config/__init__.py index f996ecd749..5c9c299b97 100644 --- a/detectron2/config/__init__.py +++ b/detectron2/config/__init__.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from .compat import downgrade_config, upgrade_config from .config import CfgNode, get_cfg, global_cfg, set_global_cfg, configurable diff --git a/detectron2/config/compat.py b/detectron2/config/compat.py index 41fe3a00ca..11a08c439b 100644 --- a/detectron2/config/compat.py +++ b/detectron2/config/compat.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. """ Backward compatibility of configs. diff --git a/detectron2/config/config.py b/detectron2/config/config.py index 0264e61683..a42bf98184 100644 --- a/detectron2/config/config.py +++ b/detectron2/config/config.py @@ -1,5 +1,5 @@ # -*- coding: utf-8 -*- -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import functools import inspect diff --git a/detectron2/config/defaults.py b/detectron2/config/defaults.py index 9344342724..15ead2c36d 100644 --- a/detectron2/config/defaults.py +++ b/detectron2/config/defaults.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from .config import CfgNode as CN # ----------------------------------------------------------------------------- diff --git a/detectron2/data/__init__.py b/detectron2/data/__init__.py index ceea90e195..21c83f8cbd 100644 --- a/detectron2/data/__init__.py +++ b/detectron2/data/__init__.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from . import transforms # isort:skip from .build import ( diff --git a/detectron2/data/build.py b/detectron2/data/build.py index c184789b66..f26e54131e 100644 --- a/detectron2/data/build.py +++ b/detectron2/data/build.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import itertools import logging import numpy as np diff --git a/detectron2/data/catalog.py b/detectron2/data/catalog.py index 2a70041ad0..45c110c195 100644 --- a/detectron2/data/catalog.py +++ b/detectron2/data/catalog.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import copy import logging import types diff --git a/detectron2/data/common.py b/detectron2/data/common.py index d681d74d1a..ef7d97c286 100644 --- a/detectron2/data/common.py +++ b/detectron2/data/common.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import copy import itertools import logging diff --git a/detectron2/data/dataset_mapper.py b/detectron2/data/dataset_mapper.py index ec3735d6a1..0e7785185b 100644 --- a/detectron2/data/dataset_mapper.py +++ b/detectron2/data/dataset_mapper.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import copy import logging import numpy as np diff --git a/detectron2/data/datasets/__init__.py b/detectron2/data/datasets/__init__.py index 11d504efff..dbd92e8e2e 100644 --- a/detectron2/data/datasets/__init__.py +++ b/detectron2/data/datasets/__init__.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from .coco import load_coco_json, load_sem_seg, register_coco_instances from .coco_panoptic import register_coco_panoptic, register_coco_panoptic_separated from .lvis import load_lvis_json, register_lvis_instances, get_lvis_instances_meta diff --git a/detectron2/data/datasets/builtin.py b/detectron2/data/datasets/builtin.py index 49ef87d084..5409d76856 100644 --- a/detectron2/data/datasets/builtin.py +++ b/detectron2/data/datasets/builtin.py @@ -1,5 +1,5 @@ # -*- coding: utf-8 -*- -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. """ diff --git a/detectron2/data/datasets/builtin_meta.py b/detectron2/data/datasets/builtin_meta.py index 383f481627..f2b2872091 100644 --- a/detectron2/data/datasets/builtin_meta.py +++ b/detectron2/data/datasets/builtin_meta.py @@ -1,5 +1,5 @@ # -*- coding: utf-8 -*- -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. # All coco categories, together with their nice-looking visualization colors diff --git a/detectron2/data/datasets/cityscapes.py b/detectron2/data/datasets/cityscapes.py index 08f01a1fe6..e486d8ed48 100644 --- a/detectron2/data/datasets/cityscapes.py +++ b/detectron2/data/datasets/cityscapes.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import functools import json import logging diff --git a/detectron2/data/datasets/cityscapes_panoptic.py b/detectron2/data/datasets/cityscapes_panoptic.py index 9609e7311b..48c136f162 100644 --- a/detectron2/data/datasets/cityscapes_panoptic.py +++ b/detectron2/data/datasets/cityscapes_panoptic.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import json import logging import os diff --git a/detectron2/data/datasets/coco.py b/detectron2/data/datasets/coco.py index 8aed7a23b1..fb585e4ee6 100644 --- a/detectron2/data/datasets/coco.py +++ b/detectron2/data/datasets/coco.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import contextlib import datetime import io diff --git a/detectron2/data/datasets/coco_panoptic.py b/detectron2/data/datasets/coco_panoptic.py index 8318c44260..f6a6cd0072 100644 --- a/detectron2/data/datasets/coco_panoptic.py +++ b/detectron2/data/datasets/coco_panoptic.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import copy import json import os diff --git a/detectron2/data/datasets/lvis.py b/detectron2/data/datasets/lvis.py index 8a03ff850e..ea8ee5638a 100644 --- a/detectron2/data/datasets/lvis.py +++ b/detectron2/data/datasets/lvis.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import logging import os from fvcore.common.timer import Timer diff --git a/detectron2/data/datasets/lvis_v0_5_categories.py b/detectron2/data/datasets/lvis_v0_5_categories.py index 8205e605f8..d3dab6198d 100644 --- a/detectron2/data/datasets/lvis_v0_5_categories.py +++ b/detectron2/data/datasets/lvis_v0_5_categories.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. # Autogen with # with open("lvis_v0.5_val.json", "r") as f: # a = json.load(f) diff --git a/detectron2/data/datasets/lvis_v1_categories.py b/detectron2/data/datasets/lvis_v1_categories.py index f4abd52d93..7374e6968b 100644 --- a/detectron2/data/datasets/lvis_v1_categories.py +++ b/detectron2/data/datasets/lvis_v1_categories.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. # Autogen with # with open("lvis_v1_val.json", "r") as f: # a = json.load(f) diff --git a/detectron2/data/datasets/pascal_voc.py b/detectron2/data/datasets/pascal_voc.py index 007a977218..dbbf82cb96 100644 --- a/detectron2/data/datasets/pascal_voc.py +++ b/detectron2/data/datasets/pascal_voc.py @@ -1,5 +1,5 @@ # -*- coding: utf-8 -*- -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import numpy as np import os diff --git a/detectron2/data/datasets/register_coco.py b/detectron2/data/datasets/register_coco.py index 309e62f849..e564438d5b 100644 --- a/detectron2/data/datasets/register_coco.py +++ b/detectron2/data/datasets/register_coco.py @@ -1,3 +1,3 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from .coco import register_coco_instances # noqa from .coco_panoptic import register_coco_panoptic_separated # noqa diff --git a/detectron2/data/detection_utils.py b/detectron2/data/detection_utils.py index 1524899837..175cd99f2b 100644 --- a/detectron2/data/detection_utils.py +++ b/detectron2/data/detection_utils.py @@ -1,5 +1,5 @@ # -*- coding: utf-8 -*- -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. """ Common data processing utilities that are used in a diff --git a/detectron2/data/samplers/__init__.py b/detectron2/data/samplers/__init__.py index 9cfa8a6525..4bacd89575 100644 --- a/detectron2/data/samplers/__init__.py +++ b/detectron2/data/samplers/__init__.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from .distributed_sampler import InferenceSampler, RepeatFactorTrainingSampler, TrainingSampler from .grouped_batch_sampler import GroupedBatchSampler diff --git a/detectron2/data/samplers/distributed_sampler.py b/detectron2/data/samplers/distributed_sampler.py index 6d6fd84132..1523cbdcd1 100644 --- a/detectron2/data/samplers/distributed_sampler.py +++ b/detectron2/data/samplers/distributed_sampler.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import itertools import math from collections import defaultdict diff --git a/detectron2/data/samplers/grouped_batch_sampler.py b/detectron2/data/samplers/grouped_batch_sampler.py index 138e106136..5b247730aa 100644 --- a/detectron2/data/samplers/grouped_batch_sampler.py +++ b/detectron2/data/samplers/grouped_batch_sampler.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import numpy as np from torch.utils.data.sampler import BatchSampler, Sampler diff --git a/detectron2/data/transforms/__init__.py b/detectron2/data/transforms/__init__.py index aa86bb2604..71c0fd692e 100644 --- a/detectron2/data/transforms/__init__.py +++ b/detectron2/data/transforms/__init__.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from fvcore.transforms.transform import Transform, TransformList # order them first from fvcore.transforms.transform import * from .transform import * diff --git a/detectron2/data/transforms/augmentation.py b/detectron2/data/transforms/augmentation.py index 776b16f9ee..917290bf63 100644 --- a/detectron2/data/transforms/augmentation.py +++ b/detectron2/data/transforms/augmentation.py @@ -1,5 +1,5 @@ # -*- coding: utf-8 -*- -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import inspect import numpy as np diff --git a/detectron2/data/transforms/augmentation_impl.py b/detectron2/data/transforms/augmentation_impl.py index 0d89ffa076..f331722817 100644 --- a/detectron2/data/transforms/augmentation_impl.py +++ b/detectron2/data/transforms/augmentation_impl.py @@ -1,5 +1,5 @@ # -*- coding: utf-8 -*- -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. """ Implement many useful :class:`Augmentation`. """ diff --git a/detectron2/data/transforms/transform.py b/detectron2/data/transforms/transform.py index a9fe9d0cde..20182fa37c 100644 --- a/detectron2/data/transforms/transform.py +++ b/detectron2/data/transforms/transform.py @@ -1,5 +1,5 @@ # -*- coding: utf-8 -*- -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. """ See "Data Augmentation" tutorial for an overview of the system: diff --git a/detectron2/engine/__init__.py b/detectron2/engine/__init__.py index 6a4538da3e..08a61572b4 100644 --- a/detectron2/engine/__init__.py +++ b/detectron2/engine/__init__.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. +# Copyright (c) Facebook, Inc. and its affiliates. from .launch import * from .train_loop import * diff --git a/detectron2/engine/defaults.py b/detectron2/engine/defaults.py index 4238187cbb..d7e5e26c0f 100644 --- a/detectron2/engine/defaults.py +++ b/detectron2/engine/defaults.py @@ -1,5 +1,5 @@ # -*- coding: utf-8 -*- -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. """ This file contains components with some default boilerplate logic user may need diff --git a/detectron2/engine/hooks.py b/detectron2/engine/hooks.py index e83cde10da..778bb5eb35 100644 --- a/detectron2/engine/hooks.py +++ b/detectron2/engine/hooks.py @@ -1,5 +1,5 @@ # -*- coding: utf-8 -*- -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import datetime import itertools diff --git a/detectron2/engine/launch.py b/detectron2/engine/launch.py index 96e16fb67c..415986eab8 100644 --- a/detectron2/engine/launch.py +++ b/detectron2/engine/launch.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import logging import torch import torch.distributed as dist diff --git a/detectron2/engine/train_loop.py b/detectron2/engine/train_loop.py index 1ad4fc42a3..f89bdead6b 100644 --- a/detectron2/engine/train_loop.py +++ b/detectron2/engine/train_loop.py @@ -1,5 +1,5 @@ # -*- coding: utf-8 -*- -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import logging import numpy as np diff --git a/detectron2/evaluation/__init__.py b/detectron2/evaluation/__init__.py index f1d2f1001a..d96609e8f2 100644 --- a/detectron2/evaluation/__init__.py +++ b/detectron2/evaluation/__init__.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from .cityscapes_evaluation import CityscapesInstanceEvaluator, CityscapesSemSegEvaluator from .coco_evaluation import COCOEvaluator from .rotated_coco_evaluation import RotatedCOCOEvaluator diff --git a/detectron2/evaluation/cityscapes_evaluation.py b/detectron2/evaluation/cityscapes_evaluation.py index 5ce5c581a5..3fb6c4cd5f 100644 --- a/detectron2/evaluation/cityscapes_evaluation.py +++ b/detectron2/evaluation/cityscapes_evaluation.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import glob import logging import numpy as np diff --git a/detectron2/evaluation/coco_evaluation.py b/detectron2/evaluation/coco_evaluation.py index f408d1ca85..0c6a0868bd 100644 --- a/detectron2/evaluation/coco_evaluation.py +++ b/detectron2/evaluation/coco_evaluation.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import contextlib import copy import io diff --git a/detectron2/evaluation/evaluator.py b/detectron2/evaluation/evaluator.py index 23164f2b03..c4c71e4900 100644 --- a/detectron2/evaluation/evaluator.py +++ b/detectron2/evaluation/evaluator.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import datetime import logging import time diff --git a/detectron2/evaluation/fast_eval_api.py b/detectron2/evaluation/fast_eval_api.py index c41dae0e51..b2bc866a57 100644 --- a/detectron2/evaluation/fast_eval_api.py +++ b/detectron2/evaluation/fast_eval_api.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import copy import numpy as np import time diff --git a/detectron2/evaluation/lvis_evaluation.py b/detectron2/evaluation/lvis_evaluation.py index 5242dd058e..5ff59809b3 100644 --- a/detectron2/evaluation/lvis_evaluation.py +++ b/detectron2/evaluation/lvis_evaluation.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import copy import itertools import json diff --git a/detectron2/evaluation/panoptic_evaluation.py b/detectron2/evaluation/panoptic_evaluation.py index 774aafa96b..3103e4298f 100644 --- a/detectron2/evaluation/panoptic_evaluation.py +++ b/detectron2/evaluation/panoptic_evaluation.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import contextlib import io import itertools diff --git a/detectron2/evaluation/pascal_voc_evaluation.py b/detectron2/evaluation/pascal_voc_evaluation.py index 5d0912c8b2..4a77a2d308 100644 --- a/detectron2/evaluation/pascal_voc_evaluation.py +++ b/detectron2/evaluation/pascal_voc_evaluation.py @@ -1,5 +1,5 @@ # -*- coding: utf-8 -*- -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import logging import numpy as np diff --git a/detectron2/evaluation/rotated_coco_evaluation.py b/detectron2/evaluation/rotated_coco_evaluation.py index 639d9cd228..8b4bab3cad 100644 --- a/detectron2/evaluation/rotated_coco_evaluation.py +++ b/detectron2/evaluation/rotated_coco_evaluation.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import itertools import json import numpy as np diff --git a/detectron2/evaluation/sem_seg_evaluation.py b/detectron2/evaluation/sem_seg_evaluation.py index 247d1b8681..9b00c777fb 100644 --- a/detectron2/evaluation/sem_seg_evaluation.py +++ b/detectron2/evaluation/sem_seg_evaluation.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import itertools import json import logging diff --git a/detectron2/evaluation/testing.py b/detectron2/evaluation/testing.py index 18464d8e72..55c490406a 100644 --- a/detectron2/evaluation/testing.py +++ b/detectron2/evaluation/testing.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import logging import numpy as np import pprint diff --git a/detectron2/export/api.py b/detectron2/export/api.py index 29c3293ad6..d971d8a7e8 100644 --- a/detectron2/export/api.py +++ b/detectron2/export/api.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. +# Copyright (c) Facebook, Inc. and its affiliates. import copy import logging import os diff --git a/detectron2/export/c10.py b/detectron2/export/c10.py index e532cd34c6..2e88e9d3fe 100644 --- a/detectron2/export/c10.py +++ b/detectron2/export/c10.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. +# Copyright (c) Facebook, Inc. and its affiliates. import math import torch diff --git a/detectron2/export/caffe2_export.py b/detectron2/export/caffe2_export.py index a127c33b43..74ac123a7a 100644 --- a/detectron2/export/caffe2_export.py +++ b/detectron2/export/caffe2_export.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import copy import io diff --git a/detectron2/export/caffe2_inference.py b/detectron2/export/caffe2_inference.py index ea4389a300..1c410aa85f 100644 --- a/detectron2/export/caffe2_inference.py +++ b/detectron2/export/caffe2_inference.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import logging import numpy as np diff --git a/detectron2/export/caffe2_modeling.py b/detectron2/export/caffe2_modeling.py index 50642acfb5..69099524a1 100644 --- a/detectron2/export/caffe2_modeling.py +++ b/detectron2/export/caffe2_modeling.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import functools import io diff --git a/detectron2/export/caffe2_patch.py b/detectron2/export/caffe2_patch.py index 4d6589e4c0..c9eee594a2 100644 --- a/detectron2/export/caffe2_patch.py +++ b/detectron2/export/caffe2_patch.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import contextlib from unittest import mock diff --git a/detectron2/export/shared.py b/detectron2/export/shared.py index c0559e4595..857cc9711d 100644 --- a/detectron2/export/shared.py +++ b/detectron2/export/shared.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import collections import contextlib diff --git a/detectron2/export/torchscript.py b/detectron2/export/torchscript.py index 78a4ef587f..ee2b849a6b 100644 --- a/detectron2/export/torchscript.py +++ b/detectron2/export/torchscript.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import os import torch diff --git a/detectron2/export/torchscript_patch.py b/detectron2/export/torchscript_patch.py index d49e2c0b71..58f43d7f58 100644 --- a/detectron2/export/torchscript_patch.py +++ b/detectron2/export/torchscript_patch.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import importlib.util import os diff --git a/detectron2/layers/__init__.py b/detectron2/layers/__init__.py index f29e6f9e95..8d2e05edcd 100644 --- a/detectron2/layers/__init__.py +++ b/detectron2/layers/__init__.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from .batch_norm import FrozenBatchNorm2d, get_norm, NaiveSyncBatchNorm from .deform_conv import DeformConv, ModulatedDeformConv from .mask_ops import paste_masks_in_image diff --git a/detectron2/layers/aspp.py b/detectron2/layers/aspp.py index 78941068bd..8231671b62 100644 --- a/detectron2/layers/aspp.py +++ b/detectron2/layers/aspp.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from copy import deepcopy import fvcore.nn.weight_init as weight_init diff --git a/detectron2/layers/batch_norm.py b/detectron2/layers/batch_norm.py index 253f6bae89..ccf6c4cfdc 100644 --- a/detectron2/layers/batch_norm.py +++ b/detectron2/layers/batch_norm.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import logging import torch import torch.distributed as dist diff --git a/detectron2/layers/blocks.py b/detectron2/layers/blocks.py index 8358a6d9d9..11dafc871b 100644 --- a/detectron2/layers/blocks.py +++ b/detectron2/layers/blocks.py @@ -1,5 +1,5 @@ # -*- coding: utf-8 -*- -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import fvcore.nn.weight_init as weight_init from torch import nn diff --git a/detectron2/layers/csrc/ROIAlign/ROIAlign.h b/detectron2/layers/csrc/ROIAlign/ROIAlign.h index 4acd134367..6e425345ed 100644 --- a/detectron2/layers/csrc/ROIAlign/ROIAlign.h +++ b/detectron2/layers/csrc/ROIAlign/ROIAlign.h @@ -1,4 +1,4 @@ -// Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +// Copyright (c) Facebook, Inc. and its affiliates. #pragma once #include diff --git a/detectron2/layers/csrc/ROIAlign/ROIAlign_cpu.cpp b/detectron2/layers/csrc/ROIAlign/ROIAlign_cpu.cpp index 52fc83f814..f07a4e1e7e 100644 --- a/detectron2/layers/csrc/ROIAlign/ROIAlign_cpu.cpp +++ b/detectron2/layers/csrc/ROIAlign/ROIAlign_cpu.cpp @@ -1,4 +1,4 @@ -// Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +// Copyright (c) Facebook, Inc. and its affiliates. #include #include "ROIAlign.h" diff --git a/detectron2/layers/csrc/ROIAlign/ROIAlign_cuda.cu b/detectron2/layers/csrc/ROIAlign/ROIAlign_cuda.cu index 2e05953b03..936f4afe81 100644 --- a/detectron2/layers/csrc/ROIAlign/ROIAlign_cuda.cu +++ b/detectron2/layers/csrc/ROIAlign/ROIAlign_cuda.cu @@ -1,4 +1,4 @@ -// Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +// Copyright (c) Facebook, Inc. and its affiliates. #include #include #include diff --git a/detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated.h b/detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated.h index 1d8a2b62e5..7ceb5185e0 100644 --- a/detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated.h +++ b/detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated.h @@ -1,4 +1,4 @@ -// Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +// Copyright (c) Facebook, Inc. and its affiliates. #pragma once #include diff --git a/detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated_cpu.cpp b/detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated_cpu.cpp index 7e5e1ffdcc..2a3d3056cc 100644 --- a/detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated_cpu.cpp +++ b/detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated_cpu.cpp @@ -1,4 +1,4 @@ -// Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +// Copyright (c) Facebook, Inc. and its affiliates. #include #include "ROIAlignRotated.h" diff --git a/detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated_cuda.cu b/detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated_cuda.cu index 9c376fc697..fca1865191 100644 --- a/detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated_cuda.cu +++ b/detectron2/layers/csrc/ROIAlignRotated/ROIAlignRotated_cuda.cu @@ -1,4 +1,4 @@ -// Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +// Copyright (c) Facebook, Inc. and its affiliates. #include #include #include diff --git a/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated.h b/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated.h index 8c645abea8..b65888b1be 100644 --- a/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated.h +++ b/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated.h @@ -1,4 +1,4 @@ -// Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +// Copyright (c) Facebook, Inc. and its affiliates. #pragma once #include diff --git a/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated_cpu.cpp b/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated_cpu.cpp index f2b02d1710..c843487b5f 100644 --- a/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated_cpu.cpp +++ b/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated_cpu.cpp @@ -1,4 +1,4 @@ -// Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +// Copyright (c) Facebook, Inc. and its affiliates. #include "box_iou_rotated.h" #include "box_iou_rotated_utils.h" diff --git a/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated_cuda.cu b/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated_cuda.cu index e3403c1179..952710e530 100644 --- a/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated_cuda.cu +++ b/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated_cuda.cu @@ -1,4 +1,4 @@ -// Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +// Copyright (c) Facebook, Inc. and its affiliates. #include #include #include diff --git a/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated_utils.h b/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated_utils.h index bab3a06659..b54a5dde2c 100644 --- a/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated_utils.h +++ b/detectron2/layers/csrc/box_iou_rotated/box_iou_rotated_utils.h @@ -1,4 +1,4 @@ -// Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +// Copyright (c) Facebook, Inc. and its affiliates. #pragma once #include diff --git a/detectron2/layers/csrc/cocoeval/cocoeval.cpp b/detectron2/layers/csrc/cocoeval/cocoeval.cpp index 2e33fd58e3..46819e4389 100644 --- a/detectron2/layers/csrc/cocoeval/cocoeval.cpp +++ b/detectron2/layers/csrc/cocoeval/cocoeval.cpp @@ -1,4 +1,4 @@ -// Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +// Copyright (c) Facebook, Inc. and its affiliates. #include "cocoeval.h" #include #include diff --git a/detectron2/layers/csrc/cocoeval/cocoeval.h b/detectron2/layers/csrc/cocoeval/cocoeval.h index 396c533503..db246e49a0 100644 --- a/detectron2/layers/csrc/cocoeval/cocoeval.h +++ b/detectron2/layers/csrc/cocoeval/cocoeval.h @@ -1,4 +1,4 @@ -// Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +// Copyright (c) Facebook, Inc. and its affiliates. #pragma once #include diff --git a/detectron2/layers/csrc/cuda_version.cu b/detectron2/layers/csrc/cuda_version.cu index 1153a74f47..6dfe1b90c1 100644 --- a/detectron2/layers/csrc/cuda_version.cu +++ b/detectron2/layers/csrc/cuda_version.cu @@ -1,4 +1,4 @@ -// Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. +// Copyright (c) Facebook, Inc. and its affiliates. #include diff --git a/detectron2/layers/csrc/deformable/deform_conv.h b/detectron2/layers/csrc/deformable/deform_conv.h index 4e49a56a9a..ec8c6c2fdb 100644 --- a/detectron2/layers/csrc/deformable/deform_conv.h +++ b/detectron2/layers/csrc/deformable/deform_conv.h @@ -1,4 +1,4 @@ -// Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +// Copyright (c) Facebook, Inc. and its affiliates. #pragma once #include diff --git a/detectron2/layers/csrc/deformable/deform_conv_cuda.cu b/detectron2/layers/csrc/deformable/deform_conv_cuda.cu index 5376db0cc4..e7e80bd390 100644 --- a/detectron2/layers/csrc/deformable/deform_conv_cuda.cu +++ b/detectron2/layers/csrc/deformable/deform_conv_cuda.cu @@ -1,4 +1,4 @@ -// Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +// Copyright (c) Facebook, Inc. and its affiliates. // modified from // https://github.com/open-mmlab/mmdetection/blob/master/mmdet/ops/dcn/src/deform_conv_cuda.cpp diff --git a/detectron2/layers/csrc/deformable/deform_conv_cuda_kernel.cu b/detectron2/layers/csrc/deformable/deform_conv_cuda_kernel.cu index 841f3166c9..f299c7add1 100644 --- a/detectron2/layers/csrc/deformable/deform_conv_cuda_kernel.cu +++ b/detectron2/layers/csrc/deformable/deform_conv_cuda_kernel.cu @@ -1,4 +1,4 @@ -// Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +// Copyright (c) Facebook, Inc. and its affiliates. // modified from // https://github.com/open-mmlab/mmdetection/blob/master/mmdet/ops/dcn/src/deform_conv_cuda_kernel.cu diff --git a/detectron2/layers/csrc/nms_rotated/nms_rotated.h b/detectron2/layers/csrc/nms_rotated/nms_rotated.h index 0f37eabe4b..b6977cace6 100644 --- a/detectron2/layers/csrc/nms_rotated/nms_rotated.h +++ b/detectron2/layers/csrc/nms_rotated/nms_rotated.h @@ -1,4 +1,4 @@ -// Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +// Copyright (c) Facebook, Inc. and its affiliates. #pragma once #include diff --git a/detectron2/layers/csrc/nms_rotated/nms_rotated_cpu.cpp b/detectron2/layers/csrc/nms_rotated/nms_rotated_cpu.cpp index 0658e388df..f1623e2e44 100644 --- a/detectron2/layers/csrc/nms_rotated/nms_rotated_cpu.cpp +++ b/detectron2/layers/csrc/nms_rotated/nms_rotated_cpu.cpp @@ -1,4 +1,4 @@ -// Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +// Copyright (c) Facebook, Inc. and its affiliates. #include "../box_iou_rotated/box_iou_rotated_utils.h" #include "nms_rotated.h" diff --git a/detectron2/layers/csrc/nms_rotated/nms_rotated_cuda.cu b/detectron2/layers/csrc/nms_rotated/nms_rotated_cuda.cu index 8117026d37..b2afbfae27 100644 --- a/detectron2/layers/csrc/nms_rotated/nms_rotated_cuda.cu +++ b/detectron2/layers/csrc/nms_rotated/nms_rotated_cuda.cu @@ -1,4 +1,4 @@ -// Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +// Copyright (c) Facebook, Inc. and its affiliates. #include #include #include diff --git a/detectron2/layers/csrc/vision.cpp b/detectron2/layers/csrc/vision.cpp index 200f2cde86..6add879acb 100644 --- a/detectron2/layers/csrc/vision.cpp +++ b/detectron2/layers/csrc/vision.cpp @@ -1,4 +1,4 @@ -// Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +// Copyright (c) Facebook, Inc. and its affiliates. #include #include "ROIAlign/ROIAlign.h" diff --git a/detectron2/layers/deform_conv.py b/detectron2/layers/deform_conv.py index 3e355c5ffa..ac667b1be7 100644 --- a/detectron2/layers/deform_conv.py +++ b/detectron2/layers/deform_conv.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import math from functools import lru_cache import torch diff --git a/detectron2/layers/mask_ops.py b/detectron2/layers/mask_ops.py index 13acb4491c..cfdc05ceb9 100644 --- a/detectron2/layers/mask_ops.py +++ b/detectron2/layers/mask_ops.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import numpy as np import torch from PIL import Image diff --git a/detectron2/layers/nms.py b/detectron2/layers/nms.py index c888cb0d46..960da9f24f 100644 --- a/detectron2/layers/nms.py +++ b/detectron2/layers/nms.py @@ -1,5 +1,5 @@ # -*- coding: utf-8 -*- -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from typing import List import torch diff --git a/detectron2/layers/roi_align.py b/detectron2/layers/roi_align.py index d7b88b2b62..5cbab367aa 100644 --- a/detectron2/layers/roi_align.py +++ b/detectron2/layers/roi_align.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from torch import nn from torchvision.ops import roi_align as tv_roi_align diff --git a/detectron2/layers/roi_align_rotated.py b/detectron2/layers/roi_align_rotated.py index 84a816c8c7..e3775e08fc 100644 --- a/detectron2/layers/roi_align_rotated.py +++ b/detectron2/layers/roi_align_rotated.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import torch from torch import nn from torch.autograd import Function diff --git a/detectron2/layers/rotated_boxes.py b/detectron2/layers/rotated_boxes.py index ea9b08583d..0004f765ef 100644 --- a/detectron2/layers/rotated_boxes.py +++ b/detectron2/layers/rotated_boxes.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from __future__ import absolute_import, division, print_function, unicode_literals from detectron2 import _C diff --git a/detectron2/layers/shape_spec.py b/detectron2/layers/shape_spec.py index 408d489221..d46c364755 100644 --- a/detectron2/layers/shape_spec.py +++ b/detectron2/layers/shape_spec.py @@ -1,5 +1,5 @@ # -*- coding: utf-8 -*- -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from collections import namedtuple diff --git a/detectron2/layers/wrappers.py b/detectron2/layers/wrappers.py index 25490f46ec..b65c0ae993 100644 --- a/detectron2/layers/wrappers.py +++ b/detectron2/layers/wrappers.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. """ Wrappers around on some nn functions, mainly to support empty tensors. diff --git a/detectron2/model_zoo/__init__.py b/detectron2/model_zoo/__init__.py index 886616f8e1..18b882f5c8 100644 --- a/detectron2/model_zoo/__init__.py +++ b/detectron2/model_zoo/__init__.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. """ Model Zoo API for Detectron2: a collection of functions to create common model architectures and optionally load pre-trained weights as released in diff --git a/detectron2/model_zoo/model_zoo.py b/detectron2/model_zoo/model_zoo.py index fd5ecccc16..8c126aab28 100644 --- a/detectron2/model_zoo/model_zoo.py +++ b/detectron2/model_zoo/model_zoo.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import os import pkg_resources import torch diff --git a/detectron2/modeling/__init__.py b/detectron2/modeling/__init__.py index 9ce2b0f7a7..16c3b43c89 100644 --- a/detectron2/modeling/__init__.py +++ b/detectron2/modeling/__init__.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from detectron2.layers import ShapeSpec from .anchor_generator import build_anchor_generator, ANCHOR_GENERATOR_REGISTRY diff --git a/detectron2/modeling/anchor_generator.py b/detectron2/modeling/anchor_generator.py index 46af59cace..c51d1f9aa7 100644 --- a/detectron2/modeling/anchor_generator.py +++ b/detectron2/modeling/anchor_generator.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import math from typing import List import torch diff --git a/detectron2/modeling/backbone/__init__.py b/detectron2/modeling/backbone/__init__.py index d477fb1e59..a6faad31c6 100644 --- a/detectron2/modeling/backbone/__init__.py +++ b/detectron2/modeling/backbone/__init__.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from .build import build_backbone, BACKBONE_REGISTRY # noqa F401 isort:skip from .backbone import Backbone diff --git a/detectron2/modeling/backbone/backbone.py b/detectron2/modeling/backbone/backbone.py index c09e47f2d0..369fb88493 100644 --- a/detectron2/modeling/backbone/backbone.py +++ b/detectron2/modeling/backbone/backbone.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from abc import ABCMeta, abstractmethod import torch.nn as nn diff --git a/detectron2/modeling/backbone/build.py b/detectron2/modeling/backbone/build.py index 0688e575bf..af02141172 100644 --- a/detectron2/modeling/backbone/build.py +++ b/detectron2/modeling/backbone/build.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from detectron2.layers import ShapeSpec from detectron2.utils.registry import Registry diff --git a/detectron2/modeling/backbone/fpn.py b/detectron2/modeling/backbone/fpn.py index c9da7e7d48..af7c8f2de6 100644 --- a/detectron2/modeling/backbone/fpn.py +++ b/detectron2/modeling/backbone/fpn.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import math import fvcore.nn.weight_init as weight_init import torch.nn.functional as F diff --git a/detectron2/modeling/backbone/resnet.py b/detectron2/modeling/backbone/resnet.py index 8e5d37f2dd..31abb78115 100644 --- a/detectron2/modeling/backbone/resnet.py +++ b/detectron2/modeling/backbone/resnet.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import logging import numpy as np import fvcore.nn.weight_init as weight_init diff --git a/detectron2/modeling/box_regression.py b/detectron2/modeling/box_regression.py index 69f5b4814c..b4cd243f86 100644 --- a/detectron2/modeling/box_regression.py +++ b/detectron2/modeling/box_regression.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import math from typing import Tuple import torch diff --git a/detectron2/modeling/matcher.py b/detectron2/modeling/matcher.py index e46f0703fc..666913f76f 100644 --- a/detectron2/modeling/matcher.py +++ b/detectron2/modeling/matcher.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from typing import List import torch diff --git a/detectron2/modeling/meta_arch/__init__.py b/detectron2/modeling/meta_arch/__init__.py index 859c22f95f..f4cb86ccfd 100644 --- a/detectron2/modeling/meta_arch/__init__.py +++ b/detectron2/modeling/meta_arch/__init__.py @@ -1,5 +1,5 @@ # -*- coding: utf-8 -*- -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from .build import META_ARCH_REGISTRY, build_model # isort:skip diff --git a/detectron2/modeling/meta_arch/build.py b/detectron2/modeling/meta_arch/build.py index 630389dfca..81b6d7e135 100644 --- a/detectron2/modeling/meta_arch/build.py +++ b/detectron2/modeling/meta_arch/build.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import torch from detectron2.utils.registry import Registry diff --git a/detectron2/modeling/meta_arch/panoptic_fpn.py b/detectron2/modeling/meta_arch/panoptic_fpn.py index c5f92f701f..6131825cf7 100644 --- a/detectron2/modeling/meta_arch/panoptic_fpn.py +++ b/detectron2/modeling/meta_arch/panoptic_fpn.py @@ -1,5 +1,5 @@ # -*- coding: utf-8 -*- -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import torch from torch import nn diff --git a/detectron2/modeling/meta_arch/rcnn.py b/detectron2/modeling/meta_arch/rcnn.py index b94c0adc45..8e533f84e4 100644 --- a/detectron2/modeling/meta_arch/rcnn.py +++ b/detectron2/modeling/meta_arch/rcnn.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import logging import numpy as np from typing import Optional, Tuple diff --git a/detectron2/modeling/meta_arch/retinanet.py b/detectron2/modeling/meta_arch/retinanet.py index 81d8a4842c..6ebce5c203 100644 --- a/detectron2/modeling/meta_arch/retinanet.py +++ b/detectron2/modeling/meta_arch/retinanet.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import logging import math import numpy as np diff --git a/detectron2/modeling/meta_arch/semantic_seg.py b/detectron2/modeling/meta_arch/semantic_seg.py index 700c9a2ae1..8b9730fa09 100644 --- a/detectron2/modeling/meta_arch/semantic_seg.py +++ b/detectron2/modeling/meta_arch/semantic_seg.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import numpy as np from typing import Dict import fvcore.nn.weight_init as weight_init diff --git a/detectron2/modeling/poolers.py b/detectron2/modeling/poolers.py index 611c638a37..09ec91d0ee 100644 --- a/detectron2/modeling/poolers.py +++ b/detectron2/modeling/poolers.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. +# Copyright (c) Facebook, Inc. and its affiliates. import math from typing import List import torch diff --git a/detectron2/modeling/postprocessing.py b/detectron2/modeling/postprocessing.py index 0d323a07f2..b99462a081 100644 --- a/detectron2/modeling/postprocessing.py +++ b/detectron2/modeling/postprocessing.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import torch from torch.nn import functional as F diff --git a/detectron2/modeling/proposal_generator/__init__.py b/detectron2/modeling/proposal_generator/__init__.py index 07e2d912a2..79c9acf84f 100644 --- a/detectron2/modeling/proposal_generator/__init__.py +++ b/detectron2/modeling/proposal_generator/__init__.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from .build import PROPOSAL_GENERATOR_REGISTRY, build_proposal_generator from .rpn import RPN_HEAD_REGISTRY, build_rpn_head, RPN diff --git a/detectron2/modeling/proposal_generator/build.py b/detectron2/modeling/proposal_generator/build.py index 7f252bcb98..34eb12d00d 100644 --- a/detectron2/modeling/proposal_generator/build.py +++ b/detectron2/modeling/proposal_generator/build.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from detectron2.utils.registry import Registry PROPOSAL_GENERATOR_REGISTRY = Registry("PROPOSAL_GENERATOR") diff --git a/detectron2/modeling/proposal_generator/proposal_utils.py b/detectron2/modeling/proposal_generator/proposal_utils.py index c6714ab4ab..353908d444 100644 --- a/detectron2/modeling/proposal_generator/proposal_utils.py +++ b/detectron2/modeling/proposal_generator/proposal_utils.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import logging import math from typing import List, Tuple diff --git a/detectron2/modeling/proposal_generator/rpn.py b/detectron2/modeling/proposal_generator/rpn.py index 549fcbc913..9a5df03883 100644 --- a/detectron2/modeling/proposal_generator/rpn.py +++ b/detectron2/modeling/proposal_generator/rpn.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from typing import Dict, List, Optional, Tuple, Union import torch import torch.nn.functional as F diff --git a/detectron2/modeling/proposal_generator/rrpn.py b/detectron2/modeling/proposal_generator/rrpn.py index 7331df9994..1b9dd14440 100644 --- a/detectron2/modeling/proposal_generator/rrpn.py +++ b/detectron2/modeling/proposal_generator/rrpn.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import itertools import logging from typing import Dict, List diff --git a/detectron2/modeling/roi_heads/__init__.py b/detectron2/modeling/roi_heads/__init__.py index 75ec05ead6..35b98746c1 100644 --- a/detectron2/modeling/roi_heads/__init__.py +++ b/detectron2/modeling/roi_heads/__init__.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from .box_head import ROI_BOX_HEAD_REGISTRY, build_box_head, FastRCNNConvFCHead from .keypoint_head import ( ROI_KEYPOINT_HEAD_REGISTRY, diff --git a/detectron2/modeling/roi_heads/box_head.py b/detectron2/modeling/roi_heads/box_head.py index 2be95692df..fccf3ceb51 100644 --- a/detectron2/modeling/roi_heads/box_head.py +++ b/detectron2/modeling/roi_heads/box_head.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import numpy as np from typing import List import fvcore.nn.weight_init as weight_init diff --git a/detectron2/modeling/roi_heads/cascade_rcnn.py b/detectron2/modeling/roi_heads/cascade_rcnn.py index b3efdcf70c..4f6bfab22e 100644 --- a/detectron2/modeling/roi_heads/cascade_rcnn.py +++ b/detectron2/modeling/roi_heads/cascade_rcnn.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from typing import List import torch from torch import nn diff --git a/detectron2/modeling/roi_heads/fast_rcnn.py b/detectron2/modeling/roi_heads/fast_rcnn.py index 117aae30d5..5cce57d3d1 100644 --- a/detectron2/modeling/roi_heads/fast_rcnn.py +++ b/detectron2/modeling/roi_heads/fast_rcnn.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import logging from typing import Dict, List, Tuple, Union import torch diff --git a/detectron2/modeling/roi_heads/keypoint_head.py b/detectron2/modeling/roi_heads/keypoint_head.py index 0195c54fd8..ca8a626dac 100644 --- a/detectron2/modeling/roi_heads/keypoint_head.py +++ b/detectron2/modeling/roi_heads/keypoint_head.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from typing import List import torch from torch import nn diff --git a/detectron2/modeling/roi_heads/mask_head.py b/detectron2/modeling/roi_heads/mask_head.py index a1cd186e98..467639877c 100644 --- a/detectron2/modeling/roi_heads/mask_head.py +++ b/detectron2/modeling/roi_heads/mask_head.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from typing import List import fvcore.nn.weight_init as weight_init import torch diff --git a/detectron2/modeling/roi_heads/roi_heads.py b/detectron2/modeling/roi_heads/roi_heads.py index 8f91da5c9d..ea37ca2f34 100644 --- a/detectron2/modeling/roi_heads/roi_heads.py +++ b/detectron2/modeling/roi_heads/roi_heads.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import inspect import logging import numpy as np diff --git a/detectron2/modeling/roi_heads/rotated_fast_rcnn.py b/detectron2/modeling/roi_heads/rotated_fast_rcnn.py index 3d7362d93f..531ece740f 100644 --- a/detectron2/modeling/roi_heads/rotated_fast_rcnn.py +++ b/detectron2/modeling/roi_heads/rotated_fast_rcnn.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import logging import numpy as np import torch diff --git a/detectron2/modeling/sampling.py b/detectron2/modeling/sampling.py index 5bb847150a..a2d0f6648b 100644 --- a/detectron2/modeling/sampling.py +++ b/detectron2/modeling/sampling.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import torch from detectron2.layers import nonzero_tuple diff --git a/detectron2/modeling/test_time_augmentation.py b/detectron2/modeling/test_time_augmentation.py index 9236d0f5dd..c31707c46e 100644 --- a/detectron2/modeling/test_time_augmentation.py +++ b/detectron2/modeling/test_time_augmentation.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import copy import numpy as np from contextlib import contextmanager diff --git a/detectron2/projects/__init__.py b/detectron2/projects/__init__.py index 042abd63c6..f691fb71c3 100644 --- a/detectron2/projects/__init__.py +++ b/detectron2/projects/__init__.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. +# Copyright (c) Facebook, Inc. and its affiliates. import importlib from pathlib import Path diff --git a/detectron2/solver/__init__.py b/detectron2/solver/__init__.py index 802580b1fb..b2441387ab 100644 --- a/detectron2/solver/__init__.py +++ b/detectron2/solver/__init__.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from .build import build_lr_scheduler, build_optimizer, get_default_optimizer_params from .lr_scheduler import WarmupCosineLR, WarmupMultiStepLR diff --git a/detectron2/solver/build.py b/detectron2/solver/build.py index 8cc0d743b1..9e50e35361 100644 --- a/detectron2/solver/build.py +++ b/detectron2/solver/build.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from enum import Enum from typing import Any, Callable, Dict, Iterable, List, Optional, Set, Type, Union import torch diff --git a/detectron2/solver/lr_scheduler.py b/detectron2/solver/lr_scheduler.py index f01f5d5720..6e4853e994 100644 --- a/detectron2/solver/lr_scheduler.py +++ b/detectron2/solver/lr_scheduler.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import math from bisect import bisect_right from typing import List diff --git a/detectron2/structures/__init__.py b/detectron2/structures/__init__.py index e8a0f2d71a..cfb006c26d 100644 --- a/detectron2/structures/__init__.py +++ b/detectron2/structures/__init__.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from .boxes import Boxes, BoxMode, pairwise_iou, pairwise_ioa from .image_list import ImageList diff --git a/detectron2/structures/boxes.py b/detectron2/structures/boxes.py index e06fcfb9ed..20875a5c2a 100644 --- a/detectron2/structures/boxes.py +++ b/detectron2/structures/boxes.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import math import numpy as np from enum import IntEnum, unique diff --git a/detectron2/structures/image_list.py b/detectron2/structures/image_list.py index 0b443860f5..36207c694b 100644 --- a/detectron2/structures/image_list.py +++ b/detectron2/structures/image_list.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. +# Copyright (c) Facebook, Inc. and its affiliates. from __future__ import division from typing import Any, List, Sequence, Tuple import torch diff --git a/detectron2/structures/instances.py b/detectron2/structures/instances.py index bca2c9cc11..e6bc832796 100644 --- a/detectron2/structures/instances.py +++ b/detectron2/structures/instances.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import itertools from typing import Any, Dict, List, Tuple, Union import torch diff --git a/detectron2/structures/keypoints.py b/detectron2/structures/keypoints.py index 02d9a3a85b..8dcfe452d7 100644 --- a/detectron2/structures/keypoints.py +++ b/detectron2/structures/keypoints.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import numpy as np from typing import Any, List, Tuple, Union import torch diff --git a/detectron2/structures/masks.py b/detectron2/structures/masks.py index 5e00046c7e..c56f2d332d 100644 --- a/detectron2/structures/masks.py +++ b/detectron2/structures/masks.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import copy import itertools import numpy as np diff --git a/detectron2/structures/rotated_boxes.py b/detectron2/structures/rotated_boxes.py index 6ab7066b21..8d4ab3bbc5 100644 --- a/detectron2/structures/rotated_boxes.py +++ b/detectron2/structures/rotated_boxes.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import math from typing import Any, Iterator, Tuple, Union import torch diff --git a/detectron2/utils/__init__.py b/detectron2/utils/__init__.py index 168f9979a4..9020c2df23 100644 --- a/detectron2/utils/__init__.py +++ b/detectron2/utils/__init__.py @@ -1 +1 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. diff --git a/detectron2/utils/analysis.py b/detectron2/utils/analysis.py index 18cf062ef9..66ead1605c 100644 --- a/detectron2/utils/analysis.py +++ b/detectron2/utils/analysis.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. # -*- coding: utf-8 -*- import logging diff --git a/detectron2/utils/collect_env.py b/detectron2/utils/collect_env.py index df4cc40a53..fcde6d4aba 100644 --- a/detectron2/utils/collect_env.py +++ b/detectron2/utils/collect_env.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import importlib import numpy as np import os diff --git a/detectron2/utils/colormap.py b/detectron2/utils/colormap.py index 1bf1455e4c..150ccc3722 100644 --- a/detectron2/utils/colormap.py +++ b/detectron2/utils/colormap.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. +# Copyright (c) Facebook, Inc. and its affiliates. """ An awesome colormap for really neat visualizations. diff --git a/detectron2/utils/comm.py b/detectron2/utils/comm.py index 8cc7b3dac5..9b199a176c 100644 --- a/detectron2/utils/comm.py +++ b/detectron2/utils/comm.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. """ This file contains primitives for multi-gpu communication. This is useful when doing distributed training. diff --git a/detectron2/utils/env.py b/detectron2/utils/env.py index 71ecb13cdf..b1298713d7 100644 --- a/detectron2/utils/env.py +++ b/detectron2/utils/env.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import importlib import importlib.util import logging diff --git a/detectron2/utils/events.py b/detectron2/utils/events.py index e344564816..2ca5e3553f 100644 --- a/detectron2/utils/events.py +++ b/detectron2/utils/events.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import datetime import json import logging diff --git a/detectron2/utils/logger.py b/detectron2/utils/logger.py index 1c8a8cd33f..12904f6f46 100644 --- a/detectron2/utils/logger.py +++ b/detectron2/utils/logger.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import atexit import functools import logging diff --git a/detectron2/utils/memory.py b/detectron2/utils/memory.py index d327c40748..bd494780b9 100644 --- a/detectron2/utils/memory.py +++ b/detectron2/utils/memory.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. +# Copyright (c) Facebook, Inc. and its affiliates. import logging from contextlib import contextmanager diff --git a/detectron2/utils/registry.py b/detectron2/utils/registry.py index fea1de961f..9212d84ba9 100644 --- a/detectron2/utils/registry.py +++ b/detectron2/utils/registry.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. # Keep this module for backward compatibility. from fvcore.common.registry import Registry # noqa diff --git a/detectron2/utils/serialize.py b/detectron2/utils/serialize.py index 734a62c2c4..96bb153ec8 100644 --- a/detectron2/utils/serialize.py +++ b/detectron2/utils/serialize.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import cloudpickle diff --git a/detectron2/utils/video_visualizer.py b/detectron2/utils/video_visualizer.py index 18a806c528..4287f7cf31 100644 --- a/detectron2/utils/video_visualizer.py +++ b/detectron2/utils/video_visualizer.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import numpy as np import pycocotools.mask as mask_util diff --git a/detectron2/utils/visualizer.py b/detectron2/utils/visualizer.py index 885c9c7d22..70ed6673a9 100644 --- a/detectron2/utils/visualizer.py +++ b/detectron2/utils/visualizer.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import colorsys import logging import math diff --git a/dev/linter.sh b/dev/linter.sh index 0293baf970..40e8664b23 100755 --- a/dev/linter.sh +++ b/dev/linter.sh @@ -1,5 +1,5 @@ #!/bin/bash -e -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. # Run this script at project root by "./dev/linter.sh" before you commit diff --git a/dev/packaging/build_all_wheels.sh b/dev/packaging/build_all_wheels.sh index 2c796720f2..9b4fa206b1 100755 --- a/dev/packaging/build_all_wheels.sh +++ b/dev/packaging/build_all_wheels.sh @@ -1,5 +1,5 @@ #!/bin/bash -e -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. [[ -d "dev/packaging" ]] || { echo "Please run this script at detectron2 root!" diff --git a/dev/packaging/build_wheel.sh b/dev/packaging/build_wheel.sh index 72d53b0744..a7e0945fc3 100755 --- a/dev/packaging/build_wheel.sh +++ b/dev/packaging/build_wheel.sh @@ -1,5 +1,5 @@ #!/bin/bash -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. set -ex ldconfig # https://github.com/NVIDIA/nvidia-docker/issues/854 diff --git a/dev/packaging/gen_wheel_index.sh b/dev/packaging/gen_wheel_index.sh index 1313ab3b67..558a11cf4e 100755 --- a/dev/packaging/gen_wheel_index.sh +++ b/dev/packaging/gen_wheel_index.sh @@ -1,5 +1,5 @@ #!/bin/bash -e -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. root=$1 diff --git a/dev/packaging/pkg_helpers.bash b/dev/packaging/pkg_helpers.bash index 62b7d80375..3df7df3479 100755 --- a/dev/packaging/pkg_helpers.bash +++ b/dev/packaging/pkg_helpers.bash @@ -1,5 +1,5 @@ #!/bin/bash -e -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. # Function to retry functions that sometimes timeout or have flaky failures retry () { diff --git a/dev/parse_results.sh b/dev/parse_results.sh index 7f02436354..80768a4005 100755 --- a/dev/parse_results.sh +++ b/dev/parse_results.sh @@ -1,5 +1,5 @@ #!/bin/bash -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. # A shell script that parses metrics from the log file. # Make it easier for developers to track performance of models. diff --git a/dev/run_inference_tests.sh b/dev/run_inference_tests.sh index 17e422d576..bc9dcc56f0 100755 --- a/dev/run_inference_tests.sh +++ b/dev/run_inference_tests.sh @@ -1,5 +1,5 @@ #!/bin/bash -e -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. BIN="python tools/train_net.py" OUTPUT="inference_test_output" diff --git a/dev/run_instant_tests.sh b/dev/run_instant_tests.sh index 2c51de6492..9fd9ba0c23 100755 --- a/dev/run_instant_tests.sh +++ b/dev/run_instant_tests.sh @@ -1,5 +1,5 @@ #!/bin/bash -e -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. BIN="python tools/train_net.py" OUTPUT="instant_test_output" diff --git a/docs/Makefile b/docs/Makefile index d537643dd4..718eddce17 100644 --- a/docs/Makefile +++ b/docs/Makefile @@ -1,5 +1,5 @@ # Minimal makefile for Sphinx documentation -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. # You can set these variables from the command line. SPHINXOPTS = diff --git a/docs/conf.py b/docs/conf.py index 09c3830655..cca694b228 100644 --- a/docs/conf.py +++ b/docs/conf.py @@ -1,5 +1,5 @@ # -*- coding: utf-8 -*- -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. # flake8: noqa diff --git a/docs/requirements.txt b/docs/requirements.txt index 7ca5ecced7..024f3da5fc 100644 --- a/docs/requirements.txt +++ b/docs/requirements.txt @@ -12,7 +12,7 @@ termcolor yacs tabulate cloudpickle -Pillow==6.2.2 +Pillow future requests six diff --git a/projects/DeepLab/deeplab/__init__.py b/projects/DeepLab/deeplab/__init__.py index ca9aa6edc6..dcd88ff0c0 100644 --- a/projects/DeepLab/deeplab/__init__.py +++ b/projects/DeepLab/deeplab/__init__.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from .build_solver import build_lr_scheduler from .config import add_deeplab_config from .resnet import build_resnet_deeplab_backbone diff --git a/projects/DeepLab/deeplab/build_solver.py b/projects/DeepLab/deeplab/build_solver.py index 56c9322756..e880ebeb66 100644 --- a/projects/DeepLab/deeplab/build_solver.py +++ b/projects/DeepLab/deeplab/build_solver.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import torch from detectron2.config import CfgNode diff --git a/projects/DeepLab/deeplab/config.py b/projects/DeepLab/deeplab/config.py index adc493929d..a906f3cefb 100644 --- a/projects/DeepLab/deeplab/config.py +++ b/projects/DeepLab/deeplab/config.py @@ -1,5 +1,5 @@ # -*- coding: utf-8 -*- -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. def add_deeplab_config(cfg): diff --git a/projects/DeepLab/deeplab/loss.py b/projects/DeepLab/deeplab/loss.py index 11e6096346..3a43087b7c 100644 --- a/projects/DeepLab/deeplab/loss.py +++ b/projects/DeepLab/deeplab/loss.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import torch import torch.nn as nn diff --git a/projects/DeepLab/deeplab/lr_scheduler.py b/projects/DeepLab/deeplab/lr_scheduler.py index 0647c03bac..7de63d199a 100644 --- a/projects/DeepLab/deeplab/lr_scheduler.py +++ b/projects/DeepLab/deeplab/lr_scheduler.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import math from typing import List import torch diff --git a/projects/DeepLab/deeplab/semantic_seg.py b/projects/DeepLab/deeplab/semantic_seg.py index 4333d21a2e..0c61b6aba8 100644 --- a/projects/DeepLab/deeplab/semantic_seg.py +++ b/projects/DeepLab/deeplab/semantic_seg.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from typing import Callable, Dict, List, Optional, Tuple, Union import fvcore.nn.weight_init as weight_init import torch diff --git a/projects/DeepLab/train_net.py b/projects/DeepLab/train_net.py index 07899031a4..0d5f530aa9 100755 --- a/projects/DeepLab/train_net.py +++ b/projects/DeepLab/train_net.py @@ -1,5 +1,5 @@ #!/usr/bin/env python3 -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. """ DeepLab Training Script. diff --git a/projects/DensePose/apply_net.py b/projects/DensePose/apply_net.py index 7fe51c2901..6f3ef7d0f4 100755 --- a/projects/DensePose/apply_net.py +++ b/projects/DensePose/apply_net.py @@ -1,5 +1,5 @@ #!/usr/bin/env python3 -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import argparse import glob diff --git a/projects/DensePose/densepose/__init__.py b/projects/DensePose/densepose/__init__.py index 137fcb222d..14669341a2 100644 --- a/projects/DensePose/densepose/__init__.py +++ b/projects/DensePose/densepose/__init__.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from .data.datasets import builtin # just to register data from .converters import builtin as builtin_converters # register converters from .config import ( diff --git a/projects/DensePose/densepose/config.py b/projects/DensePose/densepose/config.py index f0fddc27ea..8478941e12 100644 --- a/projects/DensePose/densepose/config.py +++ b/projects/DensePose/densepose/config.py @@ -1,5 +1,5 @@ # -*- coding = utf-8 -*- -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from detectron2.config import CfgNode as CN diff --git a/projects/DensePose/densepose/converters/__init__.py b/projects/DensePose/densepose/converters/__init__.py index 6ba8fc18bf..4e1737f7e5 100644 --- a/projects/DensePose/densepose/converters/__init__.py +++ b/projects/DensePose/densepose/converters/__init__.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from .hflip import HFlipConverter from .to_mask import ToMaskConverter diff --git a/projects/DensePose/densepose/converters/base.py b/projects/DensePose/densepose/converters/base.py index 7816ad74bb..4c6bb7c149 100644 --- a/projects/DensePose/densepose/converters/base.py +++ b/projects/DensePose/densepose/converters/base.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from typing import Any, Type diff --git a/projects/DensePose/densepose/converters/builtin.py b/projects/DensePose/densepose/converters/builtin.py index 9d3c54a4c5..ee828b8d98 100644 --- a/projects/DensePose/densepose/converters/builtin.py +++ b/projects/DensePose/densepose/converters/builtin.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from ..structures import DensePoseChartPredictorOutput from . import ( diff --git a/projects/DensePose/densepose/converters/chart_output_hflip.py b/projects/DensePose/densepose/converters/chart_output_hflip.py index 561051393a..204d3dfbb0 100644 --- a/projects/DensePose/densepose/converters/chart_output_hflip.py +++ b/projects/DensePose/densepose/converters/chart_output_hflip.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from dataclasses import fields import torch diff --git a/projects/DensePose/densepose/converters/chart_output_to_chart_result.py b/projects/DensePose/densepose/converters/chart_output_to_chart_result.py index 5a810a564a..1ae12aa47a 100644 --- a/projects/DensePose/densepose/converters/chart_output_to_chart_result.py +++ b/projects/DensePose/densepose/converters/chart_output_to_chart_result.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from typing import Dict, Tuple import torch diff --git a/projects/DensePose/densepose/converters/hflip.py b/projects/DensePose/densepose/converters/hflip.py index 74d12bf51b..092c50cc67 100644 --- a/projects/DensePose/densepose/converters/hflip.py +++ b/projects/DensePose/densepose/converters/hflip.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from typing import Any diff --git a/projects/DensePose/densepose/converters/segm_to_mask.py b/projects/DensePose/densepose/converters/segm_to_mask.py index 18e3915177..551340d358 100644 --- a/projects/DensePose/densepose/converters/segm_to_mask.py +++ b/projects/DensePose/densepose/converters/segm_to_mask.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from typing import Any, Tuple import torch diff --git a/projects/DensePose/densepose/converters/to_chart_result.py b/projects/DensePose/densepose/converters/to_chart_result.py index 4ca7acda34..f96da3c2ef 100644 --- a/projects/DensePose/densepose/converters/to_chart_result.py +++ b/projects/DensePose/densepose/converters/to_chart_result.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from typing import Any diff --git a/projects/DensePose/densepose/converters/to_mask.py b/projects/DensePose/densepose/converters/to_mask.py index 9be3769cba..9d8152bb1d 100644 --- a/projects/DensePose/densepose/converters/to_mask.py +++ b/projects/DensePose/densepose/converters/to_mask.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from typing import Any, Tuple diff --git a/projects/DensePose/densepose/data/__init__.py b/projects/DensePose/densepose/data/__init__.py index bb7e0e8f53..1bf7427cc9 100644 --- a/projects/DensePose/densepose/data/__init__.py +++ b/projects/DensePose/densepose/data/__init__.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from .build import ( build_detection_test_loader, diff --git a/projects/DensePose/densepose/data/build.py b/projects/DensePose/densepose/data/build.py index c0484d1a02..8c59042105 100644 --- a/projects/DensePose/densepose/data/build.py +++ b/projects/DensePose/densepose/data/build.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import itertools import logging diff --git a/projects/DensePose/densepose/data/combined_loader.py b/projects/DensePose/densepose/data/combined_loader.py index 73278b4fe4..5bfbbdeaf5 100644 --- a/projects/DensePose/densepose/data/combined_loader.py +++ b/projects/DensePose/densepose/data/combined_loader.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import random from collections import deque diff --git a/projects/DensePose/densepose/data/dataset_mapper.py b/projects/DensePose/densepose/data/dataset_mapper.py index aa7d798733..cb7281de77 100644 --- a/projects/DensePose/densepose/data/dataset_mapper.py +++ b/projects/DensePose/densepose/data/dataset_mapper.py @@ -1,5 +1,5 @@ # -*- coding: utf-8 -*- -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import copy import logging diff --git a/projects/DensePose/densepose/data/datasets/__init__.py b/projects/DensePose/densepose/data/datasets/__init__.py index 0ea9c2f332..260ccb9c43 100644 --- a/projects/DensePose/densepose/data/datasets/__init__.py +++ b/projects/DensePose/densepose/data/datasets/__init__.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from . import builtin # ensure the builtin datasets are registered diff --git a/projects/DensePose/densepose/data/datasets/builtin.py b/projects/DensePose/densepose/data/datasets/builtin.py index c788f2486a..868d3a3b64 100644 --- a/projects/DensePose/densepose/data/datasets/builtin.py +++ b/projects/DensePose/densepose/data/datasets/builtin.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from .chimpnsee import register_dataset as register_chimpnsee_dataset from .coco import BASE_DATASETS as BASE_COCO_DATASETS from .coco import DATASETS as COCO_DATASETS diff --git a/projects/DensePose/densepose/data/datasets/chimpnsee.py b/projects/DensePose/densepose/data/datasets/chimpnsee.py index 7b68beaf8f..8eb3f8bdbf 100644 --- a/projects/DensePose/densepose/data/datasets/chimpnsee.py +++ b/projects/DensePose/densepose/data/datasets/chimpnsee.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import os from typing import Optional diff --git a/projects/DensePose/densepose/data/datasets/coco.py b/projects/DensePose/densepose/data/datasets/coco.py index f540adf4e0..98f8640a94 100644 --- a/projects/DensePose/densepose/data/datasets/coco.py +++ b/projects/DensePose/densepose/data/datasets/coco.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import contextlib import io import logging diff --git a/projects/DensePose/densepose/data/datasets/dataset_type.py b/projects/DensePose/densepose/data/datasets/dataset_type.py index 30e1c586cf..ed8f8f299a 100644 --- a/projects/DensePose/densepose/data/datasets/dataset_type.py +++ b/projects/DensePose/densepose/data/datasets/dataset_type.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from enum import Enum diff --git a/projects/DensePose/densepose/data/image_list_dataset.py b/projects/DensePose/densepose/data/image_list_dataset.py index 7d656f062c..6e4cf2926e 100644 --- a/projects/DensePose/densepose/data/image_list_dataset.py +++ b/projects/DensePose/densepose/data/image_list_dataset.py @@ -1,5 +1,5 @@ # -*- coding: utf-8 -*- -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import logging import numpy as np diff --git a/projects/DensePose/densepose/data/inference_based_loader.py b/projects/DensePose/densepose/data/inference_based_loader.py index 433c68682a..c4aed36b10 100644 --- a/projects/DensePose/densepose/data/inference_based_loader.py +++ b/projects/DensePose/densepose/data/inference_based_loader.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import random from typing import Any, Callable, Iterable, Iterator, List, Optional, Tuple diff --git a/projects/DensePose/densepose/data/samplers/__init__.py b/projects/DensePose/densepose/data/samplers/__init__.py index aa47042bb9..e4944e145c 100644 --- a/projects/DensePose/densepose/data/samplers/__init__.py +++ b/projects/DensePose/densepose/data/samplers/__init__.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from .densepose_uniform import DensePoseUniformSampler from .densepose_confidence_based import DensePoseConfidenceBasedSampler diff --git a/projects/DensePose/densepose/data/samplers/densepose_base.py b/projects/DensePose/densepose/data/samplers/densepose_base.py index 35fc29612b..dacc72df9f 100644 --- a/projects/DensePose/densepose/data/samplers/densepose_base.py +++ b/projects/DensePose/densepose/data/samplers/densepose_base.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from typing import Any, List, Tuple import torch diff --git a/projects/DensePose/densepose/data/samplers/densepose_confidence_based.py b/projects/DensePose/densepose/data/samplers/densepose_confidence_based.py index 69547c464b..7453bb3fb0 100644 --- a/projects/DensePose/densepose/data/samplers/densepose_confidence_based.py +++ b/projects/DensePose/densepose/data/samplers/densepose_confidence_based.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import random from typing import Optional, Tuple diff --git a/projects/DensePose/densepose/data/samplers/densepose_uniform.py b/projects/DensePose/densepose/data/samplers/densepose_uniform.py index 6cf083d2e1..0d72cc30c9 100644 --- a/projects/DensePose/densepose/data/samplers/densepose_uniform.py +++ b/projects/DensePose/densepose/data/samplers/densepose_uniform.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import random import torch diff --git a/projects/DensePose/densepose/data/samplers/mask_from_densepose.py b/projects/DensePose/densepose/data/samplers/mask_from_densepose.py index fd8dc62e36..0e6e812ba5 100644 --- a/projects/DensePose/densepose/data/samplers/mask_from_densepose.py +++ b/projects/DensePose/densepose/data/samplers/mask_from_densepose.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from detectron2.structures import BitMasks, Instances diff --git a/projects/DensePose/densepose/data/samplers/prediction_to_gt.py b/projects/DensePose/densepose/data/samplers/prediction_to_gt.py index 4d7f4b2d45..6740775f6e 100644 --- a/projects/DensePose/densepose/data/samplers/prediction_to_gt.py +++ b/projects/DensePose/densepose/data/samplers/prediction_to_gt.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from dataclasses import dataclass from typing import Any, Callable, Dict, Optional diff --git a/projects/DensePose/densepose/data/structures.py b/projects/DensePose/densepose/data/structures.py index 641f42de6f..940a7f74ef 100644 --- a/projects/DensePose/densepose/data/structures.py +++ b/projects/DensePose/densepose/data/structures.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import numpy as np from typing import BinaryIO, Dict, Union import torch diff --git a/projects/DensePose/densepose/data/transform/__init__.py b/projects/DensePose/densepose/data/transform/__init__.py index 555ee83482..369e1b2788 100644 --- a/projects/DensePose/densepose/data/transform/__init__.py +++ b/projects/DensePose/densepose/data/transform/__init__.py @@ -1,3 +1,3 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from .image import ImageResizeTransform diff --git a/projects/DensePose/densepose/data/transform/image.py b/projects/DensePose/densepose/data/transform/image.py index ff9de52601..8cf74fc028 100644 --- a/projects/DensePose/densepose/data/transform/image.py +++ b/projects/DensePose/densepose/data/transform/image.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import torch diff --git a/projects/DensePose/densepose/data/utils.py b/projects/DensePose/densepose/data/utils.py index fc46ca7480..c1e550e794 100644 --- a/projects/DensePose/densepose/data/utils.py +++ b/projects/DensePose/densepose/data/utils.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import os from typing import Optional diff --git a/projects/DensePose/densepose/data/video/__init__.py b/projects/DensePose/densepose/data/video/__init__.py index 13541ce6ed..72406e153b 100644 --- a/projects/DensePose/densepose/data/video/__init__.py +++ b/projects/DensePose/densepose/data/video/__init__.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from .frame_selector import ( FrameSelectionStrategy, diff --git a/projects/DensePose/densepose/data/video/frame_selector.py b/projects/DensePose/densepose/data/video/frame_selector.py index 408b87720c..5a2a14013f 100644 --- a/projects/DensePose/densepose/data/video/frame_selector.py +++ b/projects/DensePose/densepose/data/video/frame_selector.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import random from collections.abc import Callable diff --git a/projects/DensePose/densepose/data/video/video_keyframe_dataset.py b/projects/DensePose/densepose/data/video/video_keyframe_dataset.py index 4c00bd1c5f..f2b8a841e7 100644 --- a/projects/DensePose/densepose/data/video/video_keyframe_dataset.py +++ b/projects/DensePose/densepose/data/video/video_keyframe_dataset.py @@ -1,5 +1,5 @@ # -*- coding: utf-8 -*- -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import logging import numpy as np diff --git a/projects/DensePose/densepose/engine/__init__.py b/projects/DensePose/densepose/engine/__init__.py index d73edebe4a..539b93a7be 100644 --- a/projects/DensePose/densepose/engine/__init__.py +++ b/projects/DensePose/densepose/engine/__init__.py @@ -1,3 +1,3 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from .trainer import Trainer diff --git a/projects/DensePose/densepose/engine/trainer.py b/projects/DensePose/densepose/engine/trainer.py index 1d1d270d22..ce0fc6a899 100644 --- a/projects/DensePose/densepose/engine/trainer.py +++ b/projects/DensePose/densepose/engine/trainer.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import logging import os diff --git a/projects/DensePose/densepose/evaluator.py b/projects/DensePose/densepose/evaluator.py index 41ff2e5db9..cf08e76c54 100644 --- a/projects/DensePose/densepose/evaluator.py +++ b/projects/DensePose/densepose/evaluator.py @@ -1,5 +1,5 @@ # -*- coding: utf-8 -*- -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import contextlib import copy diff --git a/projects/DensePose/densepose/modeling/__init__.py b/projects/DensePose/densepose/modeling/__init__.py index d6b92a02b3..1a792125c3 100644 --- a/projects/DensePose/densepose/modeling/__init__.py +++ b/projects/DensePose/densepose/modeling/__init__.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from .confidence import DensePoseConfidenceModelConfig, DensePoseUVConfidenceType from .filter import DensePoseDataFilter diff --git a/projects/DensePose/densepose/modeling/build.py b/projects/DensePose/densepose/modeling/build.py index 6588125536..1a1df685fd 100644 --- a/projects/DensePose/densepose/modeling/build.py +++ b/projects/DensePose/densepose/modeling/build.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from detectron2.config import CfgNode diff --git a/projects/DensePose/densepose/modeling/confidence.py b/projects/DensePose/densepose/modeling/confidence.py index 5195d20a93..6f4a72efec 100644 --- a/projects/DensePose/densepose/modeling/confidence.py +++ b/projects/DensePose/densepose/modeling/confidence.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from dataclasses import dataclass from enum import Enum diff --git a/projects/DensePose/densepose/modeling/densepose_checkpoint.py b/projects/DensePose/densepose/modeling/densepose_checkpoint.py index d2beed29a8..8c2b4f2e2c 100644 --- a/projects/DensePose/densepose/modeling/densepose_checkpoint.py +++ b/projects/DensePose/densepose/modeling/densepose_checkpoint.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from collections import OrderedDict from detectron2.checkpoint import DetectionCheckpointer diff --git a/projects/DensePose/densepose/modeling/filter.py b/projects/DensePose/densepose/modeling/filter.py index 5628d9404e..9722fe8738 100644 --- a/projects/DensePose/densepose/modeling/filter.py +++ b/projects/DensePose/densepose/modeling/filter.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from typing import List import torch diff --git a/projects/DensePose/densepose/modeling/inference.py b/projects/DensePose/densepose/modeling/inference.py index a109d19aae..6dc24ef04a 100644 --- a/projects/DensePose/densepose/modeling/inference.py +++ b/projects/DensePose/densepose/modeling/inference.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from dataclasses import fields from typing import Any, List import torch diff --git a/projects/DensePose/densepose/modeling/losses/__init__.py b/projects/DensePose/densepose/modeling/losses/__init__.py index d2684b3de0..e36d2f1218 100644 --- a/projects/DensePose/densepose/modeling/losses/__init__.py +++ b/projects/DensePose/densepose/modeling/losses/__init__.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from .chart import DensePoseChartLoss from .chart_with_confidences import DensePoseChartWithConfidenceLoss diff --git a/projects/DensePose/densepose/modeling/losses/chart.py b/projects/DensePose/densepose/modeling/losses/chart.py index c4d402d0bb..eb7ea4bf78 100644 --- a/projects/DensePose/densepose/modeling/losses/chart.py +++ b/projects/DensePose/densepose/modeling/losses/chart.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from dataclasses import dataclass from typing import Any, Iterable, List, Optional diff --git a/projects/DensePose/densepose/modeling/losses/chart_with_confidences.py b/projects/DensePose/densepose/modeling/losses/chart_with_confidences.py index 31a3fd4126..144ed7aef5 100644 --- a/projects/DensePose/densepose/modeling/losses/chart_with_confidences.py +++ b/projects/DensePose/densepose/modeling/losses/chart_with_confidences.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import math from typing import Any, List import torch diff --git a/projects/DensePose/densepose/modeling/losses/registry.py b/projects/DensePose/densepose/modeling/losses/registry.py index a345de1d88..d9c8817a74 100644 --- a/projects/DensePose/densepose/modeling/losses/registry.py +++ b/projects/DensePose/densepose/modeling/losses/registry.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from detectron2.utils.registry import Registry diff --git a/projects/DensePose/densepose/modeling/losses/utils.py b/projects/DensePose/densepose/modeling/losses/utils.py index df372c0d79..4e47070bfd 100644 --- a/projects/DensePose/densepose/modeling/losses/utils.py +++ b/projects/DensePose/densepose/modeling/losses/utils.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from typing import Dict, List import torch diff --git a/projects/DensePose/densepose/modeling/predictors/__init__.py b/projects/DensePose/densepose/modeling/predictors/__init__.py index 18e6ec745f..533cdcbd0c 100644 --- a/projects/DensePose/densepose/modeling/predictors/__init__.py +++ b/projects/DensePose/densepose/modeling/predictors/__init__.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from .chart import DensePoseChartPredictor from .chart_confidence import DensePoseChartConfidencePredictorMixin diff --git a/projects/DensePose/densepose/modeling/predictors/chart.py b/projects/DensePose/densepose/modeling/predictors/chart.py index 5575110a28..3bcd13f7c5 100644 --- a/projects/DensePose/densepose/modeling/predictors/chart.py +++ b/projects/DensePose/densepose/modeling/predictors/chart.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import torch from torch import nn diff --git a/projects/DensePose/densepose/modeling/predictors/chart_confidence.py b/projects/DensePose/densepose/modeling/predictors/chart_confidence.py index aa4afaac1c..158351a5f1 100644 --- a/projects/DensePose/densepose/modeling/predictors/chart_confidence.py +++ b/projects/DensePose/densepose/modeling/predictors/chart_confidence.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from typing import Any import torch diff --git a/projects/DensePose/densepose/modeling/predictors/chart_with_confidence.py b/projects/DensePose/densepose/modeling/predictors/chart_with_confidence.py index 1564fdb3af..9c1cd6cc8f 100644 --- a/projects/DensePose/densepose/modeling/predictors/chart_with_confidence.py +++ b/projects/DensePose/densepose/modeling/predictors/chart_with_confidence.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from . import DensePoseChartConfidencePredictorMixin, DensePoseChartPredictor from .registry import DENSEPOSE_PREDICTOR_REGISTRY diff --git a/projects/DensePose/densepose/modeling/predictors/registry.py b/projects/DensePose/densepose/modeling/predictors/registry.py index 4364cb338c..f96901d324 100644 --- a/projects/DensePose/densepose/modeling/predictors/registry.py +++ b/projects/DensePose/densepose/modeling/predictors/registry.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from detectron2.utils.registry import Registry diff --git a/projects/DensePose/densepose/modeling/roi_heads/__init__.py b/projects/DensePose/densepose/modeling/roi_heads/__init__.py index 57d3f12f0a..8403589f23 100644 --- a/projects/DensePose/densepose/modeling/roi_heads/__init__.py +++ b/projects/DensePose/densepose/modeling/roi_heads/__init__.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from .v1convx import DensePoseV1ConvXHead from .deeplab import DensePoseDeepLabHead diff --git a/projects/DensePose/densepose/modeling/roi_heads/deeplab.py b/projects/DensePose/densepose/modeling/roi_heads/deeplab.py index 106dfcfb49..4e5cb48303 100644 --- a/projects/DensePose/densepose/modeling/roi_heads/deeplab.py +++ b/projects/DensePose/densepose/modeling/roi_heads/deeplab.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import fvcore.nn.weight_init as weight_init import torch diff --git a/projects/DensePose/densepose/modeling/roi_heads/registry.py b/projects/DensePose/densepose/modeling/roi_heads/registry.py index 29e58cf36b..e1cea432f1 100644 --- a/projects/DensePose/densepose/modeling/roi_heads/registry.py +++ b/projects/DensePose/densepose/modeling/roi_heads/registry.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from detectron2.utils.registry import Registry diff --git a/projects/DensePose/densepose/modeling/roi_heads/roi_head.py b/projects/DensePose/densepose/modeling/roi_heads/roi_head.py index 68262923a6..116be7b47d 100644 --- a/projects/DensePose/densepose/modeling/roi_heads/roi_head.py +++ b/projects/DensePose/densepose/modeling/roi_heads/roi_head.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import numpy as np from typing import Dict, List, Optional diff --git a/projects/DensePose/densepose/modeling/roi_heads/v1convx.py b/projects/DensePose/densepose/modeling/roi_heads/v1convx.py index ef02b0e2de..df79f658d8 100644 --- a/projects/DensePose/densepose/modeling/roi_heads/v1convx.py +++ b/projects/DensePose/densepose/modeling/roi_heads/v1convx.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import torch from torch import nn diff --git a/projects/DensePose/densepose/modeling/test_time_augmentation.py b/projects/DensePose/densepose/modeling/test_time_augmentation.py index cdfcb21328..bf360220b2 100644 --- a/projects/DensePose/densepose/modeling/test_time_augmentation.py +++ b/projects/DensePose/densepose/modeling/test_time_augmentation.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import copy import numpy as np import torch diff --git a/projects/DensePose/densepose/modeling/utils.py b/projects/DensePose/densepose/modeling/utils.py index 54e77cc525..55cd565fc4 100644 --- a/projects/DensePose/densepose/modeling/utils.py +++ b/projects/DensePose/densepose/modeling/utils.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from torch import nn diff --git a/projects/DensePose/densepose/structures/__init__.py b/projects/DensePose/densepose/structures/__init__.py index 857e22c48d..9065aba38b 100644 --- a/projects/DensePose/densepose/structures/__init__.py +++ b/projects/DensePose/densepose/structures/__init__.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from .chart import DensePoseChartPredictorOutput from .chart_confidence import decorate_predictor_output_class_with_confidences diff --git a/projects/DensePose/densepose/structures/chart.py b/projects/DensePose/densepose/structures/chart.py index 0c4b6fa1b7..f0568456ad 100644 --- a/projects/DensePose/densepose/structures/chart.py +++ b/projects/DensePose/densepose/structures/chart.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from dataclasses import dataclass from typing import Union diff --git a/projects/DensePose/densepose/structures/chart_confidence.py b/projects/DensePose/densepose/structures/chart_confidence.py index 99d06ed76d..2f20979f91 100644 --- a/projects/DensePose/densepose/structures/chart_confidence.py +++ b/projects/DensePose/densepose/structures/chart_confidence.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from dataclasses import make_dataclass from functools import lru_cache diff --git a/projects/DensePose/densepose/structures/chart_result.py b/projects/DensePose/densepose/structures/chart_result.py index 063945ab48..78d45b6091 100644 --- a/projects/DensePose/densepose/structures/chart_result.py +++ b/projects/DensePose/densepose/structures/chart_result.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from dataclasses import dataclass from typing import Tuple diff --git a/projects/DensePose/densepose/utils/dbhelper.py b/projects/DensePose/densepose/utils/dbhelper.py index b28862cded..5f4ac2f499 100644 --- a/projects/DensePose/densepose/utils/dbhelper.py +++ b/projects/DensePose/densepose/utils/dbhelper.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from typing import Any, Dict, Optional, Tuple diff --git a/projects/DensePose/densepose/utils/logger.py b/projects/DensePose/densepose/utils/logger.py index e3fa45e0c0..3b23af83fe 100644 --- a/projects/DensePose/densepose/utils/logger.py +++ b/projects/DensePose/densepose/utils/logger.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import logging diff --git a/projects/DensePose/densepose/utils/transform.py b/projects/DensePose/densepose/utils/transform.py index 1f334981eb..8dc4ae7be8 100644 --- a/projects/DensePose/densepose/utils/transform.py +++ b/projects/DensePose/densepose/utils/transform.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from detectron2.data import MetadataCatalog from detectron2.utils.file_io import PathManager diff --git a/projects/DensePose/densepose/vis/base.py b/projects/DensePose/densepose/vis/base.py index 2aa3e6e9f4..7b35397b18 100644 --- a/projects/DensePose/densepose/vis/base.py +++ b/projects/DensePose/densepose/vis/base.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import logging import numpy as np import cv2 diff --git a/projects/DensePose/densepose/vis/bounding_box.py b/projects/DensePose/densepose/vis/bounding_box.py index d7951d69e4..39d6783726 100644 --- a/projects/DensePose/densepose/vis/bounding_box.py +++ b/projects/DensePose/densepose/vis/bounding_box.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from .base import RectangleVisualizer, TextVisualizer diff --git a/projects/DensePose/densepose/vis/densepose_data_points.py b/projects/DensePose/densepose/vis/densepose_data_points.py index 4bb772d6d1..cb5d759c6d 100644 --- a/projects/DensePose/densepose/vis/densepose_data_points.py +++ b/projects/DensePose/densepose/vis/densepose_data_points.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import numpy as np from typing import Iterable, Optional, Tuple import cv2 diff --git a/projects/DensePose/densepose/vis/densepose_outputs.py b/projects/DensePose/densepose/vis/densepose_outputs.py index de2257ad82..f9e66624da 100644 --- a/projects/DensePose/densepose/vis/densepose_outputs.py +++ b/projects/DensePose/densepose/vis/densepose_outputs.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import numpy as np from typing import Optional, Tuple import cv2 diff --git a/projects/DensePose/densepose/vis/densepose_results.py b/projects/DensePose/densepose/vis/densepose_results.py index bb9ac0a46d..12cac9d306 100644 --- a/projects/DensePose/densepose/vis/densepose_results.py +++ b/projects/DensePose/densepose/vis/densepose_results.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import logging import numpy as np from typing import Optional, Tuple diff --git a/projects/DensePose/densepose/vis/extractor.py b/projects/DensePose/densepose/vis/extractor.py index 95937a274e..34b2632698 100644 --- a/projects/DensePose/densepose/vis/extractor.py +++ b/projects/DensePose/densepose/vis/extractor.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import logging from typing import Sequence import torch diff --git a/projects/DensePose/dev/run_inference_tests.sh b/projects/DensePose/dev/run_inference_tests.sh index 34f47d5a07..46556b80a3 100755 --- a/projects/DensePose/dev/run_inference_tests.sh +++ b/projects/DensePose/dev/run_inference_tests.sh @@ -1,5 +1,5 @@ #!/bin/bash -e -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. BIN="python train_net.py" OUTPUT="inference_test_output" diff --git a/projects/DensePose/dev/run_instant_tests.sh b/projects/DensePose/dev/run_instant_tests.sh index a537851809..23a9c67cef 100755 --- a/projects/DensePose/dev/run_instant_tests.sh +++ b/projects/DensePose/dev/run_instant_tests.sh @@ -1,5 +1,5 @@ #!/bin/bash -e -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. BIN="python train_net.py" OUTPUT="instant_test_output" diff --git a/projects/DensePose/query_db.py b/projects/DensePose/query_db.py index ab8068a772..6064cefd9d 100755 --- a/projects/DensePose/query_db.py +++ b/projects/DensePose/query_db.py @@ -1,5 +1,5 @@ #!/usr/bin/env python3 -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import argparse import logging diff --git a/projects/DensePose/tests/common.py b/projects/DensePose/tests/common.py index c8a8975c4f..e887fe1df1 100644 --- a/projects/DensePose/tests/common.py +++ b/projects/DensePose/tests/common.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. +# Copyright (c) Facebook, Inc. and its affiliates. import os import torch diff --git a/projects/DensePose/tests/test_combine_data_loader.py b/projects/DensePose/tests/test_combine_data_loader.py index b74aaeaa0f..832903a8e1 100644 --- a/projects/DensePose/tests/test_combine_data_loader.py +++ b/projects/DensePose/tests/test_combine_data_loader.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. +# Copyright (c) Facebook, Inc. and its affiliates. import random import unittest diff --git a/projects/DensePose/tests/test_frame_selector.py b/projects/DensePose/tests/test_frame_selector.py index 2ad6607b0d..65f05f55c7 100644 --- a/projects/DensePose/tests/test_frame_selector.py +++ b/projects/DensePose/tests/test_frame_selector.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import random import unittest diff --git a/projects/DensePose/tests/test_image_resize_transform.py b/projects/DensePose/tests/test_image_resize_transform.py index 9355f54ca0..f0bf70262c 100644 --- a/projects/DensePose/tests/test_image_resize_transform.py +++ b/projects/DensePose/tests/test_image_resize_transform.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import unittest import torch diff --git a/projects/DensePose/tests/test_model_e2e.py b/projects/DensePose/tests/test_model_e2e.py index eed1310805..055fadfd78 100644 --- a/projects/DensePose/tests/test_model_e2e.py +++ b/projects/DensePose/tests/test_model_e2e.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. +# Copyright (c) Facebook, Inc. and its affiliates. import unittest import torch diff --git a/projects/DensePose/tests/test_setup.py b/projects/DensePose/tests/test_setup.py index a80d198027..165a1b9a7b 100644 --- a/projects/DensePose/tests/test_setup.py +++ b/projects/DensePose/tests/test_setup.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. +# Copyright (c) Facebook, Inc. and its affiliates. import unittest diff --git a/projects/DensePose/tests/test_structures.py b/projects/DensePose/tests/test_structures.py index ad97c23a43..63469e3a71 100644 --- a/projects/DensePose/tests/test_structures.py +++ b/projects/DensePose/tests/test_structures.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. +# Copyright (c) Facebook, Inc. and its affiliates. import unittest diff --git a/projects/DensePose/tests/test_video_keyframe_dataset.py b/projects/DensePose/tests/test_video_keyframe_dataset.py index afcf99ed14..ec9a4c0ff3 100644 --- a/projects/DensePose/tests/test_video_keyframe_dataset.py +++ b/projects/DensePose/tests/test_video_keyframe_dataset.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. +# Copyright (c) Facebook, Inc. and its affiliates. import contextlib import os diff --git a/projects/DensePose/train_net.py b/projects/DensePose/train_net.py index 4e979ed5ff..d4c4d98c64 100755 --- a/projects/DensePose/train_net.py +++ b/projects/DensePose/train_net.py @@ -1,5 +1,5 @@ #!/usr/bin/env python3 -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. """ DensePose Training Script. diff --git a/projects/Panoptic-DeepLab/panoptic_deeplab/__init__.py b/projects/Panoptic-DeepLab/panoptic_deeplab/__init__.py index f9a6b2b342..8d3c980643 100644 --- a/projects/Panoptic-DeepLab/panoptic_deeplab/__init__.py +++ b/projects/Panoptic-DeepLab/panoptic_deeplab/__init__.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from .config import add_panoptic_deeplab_config from .dataset_mapper import PanopticDeeplabDatasetMapper from .panoptic_seg import ( diff --git a/projects/Panoptic-DeepLab/panoptic_deeplab/config.py b/projects/Panoptic-DeepLab/panoptic_deeplab/config.py index 3838175e3f..f572a59826 100644 --- a/projects/Panoptic-DeepLab/panoptic_deeplab/config.py +++ b/projects/Panoptic-DeepLab/panoptic_deeplab/config.py @@ -1,5 +1,5 @@ # -*- coding: utf-8 -*- -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from detectron2.config import CfgNode as CN from detectron2.projects.deeplab import add_deeplab_config diff --git a/projects/Panoptic-DeepLab/panoptic_deeplab/dataset_mapper.py b/projects/Panoptic-DeepLab/panoptic_deeplab/dataset_mapper.py index a99fd45584..53272c726a 100644 --- a/projects/Panoptic-DeepLab/panoptic_deeplab/dataset_mapper.py +++ b/projects/Panoptic-DeepLab/panoptic_deeplab/dataset_mapper.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import copy import logging import numpy as np diff --git a/projects/Panoptic-DeepLab/panoptic_deeplab/panoptic_seg.py b/projects/Panoptic-DeepLab/panoptic_deeplab/panoptic_seg.py index f0a7daad3b..db0fff4823 100644 --- a/projects/Panoptic-DeepLab/panoptic_deeplab/panoptic_seg.py +++ b/projects/Panoptic-DeepLab/panoptic_deeplab/panoptic_seg.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import numpy as np from typing import Callable, Dict, List, Union import fvcore.nn.weight_init as weight_init diff --git a/projects/Panoptic-DeepLab/panoptic_deeplab/post_processing.py b/projects/Panoptic-DeepLab/panoptic_deeplab/post_processing.py index 6de3bf3b9f..194724eb41 100644 --- a/projects/Panoptic-DeepLab/panoptic_deeplab/post_processing.py +++ b/projects/Panoptic-DeepLab/panoptic_deeplab/post_processing.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. # Reference: https://github.com/bowenc0221/panoptic-deeplab/blob/master/segmentation/model/post_processing/instance_post_processing.py # noqa from collections import Counter diff --git a/projects/Panoptic-DeepLab/panoptic_deeplab/target_generator.py b/projects/Panoptic-DeepLab/panoptic_deeplab/target_generator.py index c274f77945..9f23072d79 100644 --- a/projects/Panoptic-DeepLab/panoptic_deeplab/target_generator.py +++ b/projects/Panoptic-DeepLab/panoptic_deeplab/target_generator.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. # Reference: https://github.com/bowenc0221/panoptic-deeplab/blob/aa934324b55a34ce95fea143aea1cb7a6dbe04bd/segmentation/data/transforms/target_transforms.py#L11 # noqa import numpy as np import torch diff --git a/projects/Panoptic-DeepLab/train_net.py b/projects/Panoptic-DeepLab/train_net.py index c3e5b8e216..53a83e4cb2 100644 --- a/projects/Panoptic-DeepLab/train_net.py +++ b/projects/Panoptic-DeepLab/train_net.py @@ -1,5 +1,5 @@ #!/usr/bin/env python3 -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. """ Panoptic-DeepLab Training Script. diff --git a/projects/PointRend/point_rend/__init__.py b/projects/PointRend/point_rend/__init__.py index c9a6c2225e..3d9f8c48f7 100644 --- a/projects/PointRend/point_rend/__init__.py +++ b/projects/PointRend/point_rend/__init__.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from .config import add_pointrend_config from .coarse_mask_head import CoarseMaskHead from .roi_heads import PointRendROIHeads diff --git a/projects/PointRend/point_rend/coarse_mask_head.py b/projects/PointRend/point_rend/coarse_mask_head.py index 3f1cffb4c9..6071d79414 100644 --- a/projects/PointRend/point_rend/coarse_mask_head.py +++ b/projects/PointRend/point_rend/coarse_mask_head.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import fvcore.nn.weight_init as weight_init import torch from torch import nn diff --git a/projects/PointRend/point_rend/color_augmentation.py b/projects/PointRend/point_rend/color_augmentation.py index 27344c470a..cdcb051623 100644 --- a/projects/PointRend/point_rend/color_augmentation.py +++ b/projects/PointRend/point_rend/color_augmentation.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import numpy as np import random import cv2 diff --git a/projects/PointRend/point_rend/config.py b/projects/PointRend/point_rend/config.py index 74f63672bb..c74fc3a20f 100644 --- a/projects/PointRend/point_rend/config.py +++ b/projects/PointRend/point_rend/config.py @@ -1,5 +1,5 @@ # -*- coding: utf-8 -*- -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from detectron2.config import CfgNode as CN diff --git a/projects/PointRend/point_rend/point_features.py b/projects/PointRend/point_rend/point_features.py index 320a33de85..eb27891f74 100644 --- a/projects/PointRend/point_rend/point_features.py +++ b/projects/PointRend/point_rend/point_features.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import torch from torch.nn import functional as F diff --git a/projects/PointRend/point_rend/point_head.py b/projects/PointRend/point_rend/point_head.py index 4a4616f2d8..fb445feb1f 100644 --- a/projects/PointRend/point_rend/point_head.py +++ b/projects/PointRend/point_rend/point_head.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import fvcore.nn.weight_init as weight_init import torch from torch import nn diff --git a/projects/PointRend/point_rend/roi_heads.py b/projects/PointRend/point_rend/roi_heads.py index 4f7225bf10..826f337ab9 100644 --- a/projects/PointRend/point_rend/roi_heads.py +++ b/projects/PointRend/point_rend/roi_heads.py @@ -1,5 +1,5 @@ # -*- coding: utf-8 -*- -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import numpy as np import torch diff --git a/projects/PointRend/point_rend/semantic_seg.py b/projects/PointRend/point_rend/semantic_seg.py index edd37ee538..4b357cb269 100644 --- a/projects/PointRend/point_rend/semantic_seg.py +++ b/projects/PointRend/point_rend/semantic_seg.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import numpy as np from typing import Dict import torch diff --git a/projects/PointRend/train_net.py b/projects/PointRend/train_net.py index 2df07238cf..512dbd61a5 100755 --- a/projects/PointRend/train_net.py +++ b/projects/PointRend/train_net.py @@ -1,5 +1,5 @@ #!/usr/bin/env python3 -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. """ PointRend Training Script. diff --git a/projects/TensorMask/setup.py b/projects/TensorMask/setup.py index 0194e76608..2bae71ff0b 100644 --- a/projects/TensorMask/setup.py +++ b/projects/TensorMask/setup.py @@ -1,5 +1,5 @@ #!/usr/bin/env python -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import glob import os diff --git a/projects/TensorMask/tensormask/__init__.py b/projects/TensorMask/tensormask/__init__.py index e3b642a555..eec7978ac3 100644 --- a/projects/TensorMask/tensormask/__init__.py +++ b/projects/TensorMask/tensormask/__init__.py @@ -1,3 +1,3 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from .config import add_tensormask_config from .arch import TensorMask diff --git a/projects/TensorMask/tensormask/arch.py b/projects/TensorMask/tensormask/arch.py index b527fd2d5d..2746b7eb4e 100644 --- a/projects/TensorMask/tensormask/arch.py +++ b/projects/TensorMask/tensormask/arch.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import copy import math from typing import List diff --git a/projects/TensorMask/tensormask/config.py b/projects/TensorMask/tensormask/config.py index 44479f2118..cf62d7aea2 100644 --- a/projects/TensorMask/tensormask/config.py +++ b/projects/TensorMask/tensormask/config.py @@ -1,5 +1,5 @@ # -*- coding: utf-8 -*- -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from detectron2.config import CfgNode as CN diff --git a/projects/TensorMask/tensormask/layers/__init__.py b/projects/TensorMask/tensormask/layers/__init__.py index cbbac429a6..8b8e178445 100644 --- a/projects/TensorMask/tensormask/layers/__init__.py +++ b/projects/TensorMask/tensormask/layers/__init__.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from .swap_align2nat import SwapAlign2Nat, swap_align2nat __all__ = [k for k in globals().keys() if not k.startswith("_")] diff --git a/projects/TensorMask/tensormask/layers/csrc/SwapAlign2Nat/SwapAlign2Nat.h b/projects/TensorMask/tensormask/layers/csrc/SwapAlign2Nat/SwapAlign2Nat.h index 773891333f..75c21785fd 100644 --- a/projects/TensorMask/tensormask/layers/csrc/SwapAlign2Nat/SwapAlign2Nat.h +++ b/projects/TensorMask/tensormask/layers/csrc/SwapAlign2Nat/SwapAlign2Nat.h @@ -1,4 +1,4 @@ -// Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +// Copyright (c) Facebook, Inc. and its affiliates. #pragma once #include diff --git a/projects/TensorMask/tensormask/layers/csrc/SwapAlign2Nat/SwapAlign2Nat_cuda.cu b/projects/TensorMask/tensormask/layers/csrc/SwapAlign2Nat/SwapAlign2Nat_cuda.cu index 06de4a4d04..1398d70491 100644 --- a/projects/TensorMask/tensormask/layers/csrc/SwapAlign2Nat/SwapAlign2Nat_cuda.cu +++ b/projects/TensorMask/tensormask/layers/csrc/SwapAlign2Nat/SwapAlign2Nat_cuda.cu @@ -1,4 +1,4 @@ -// Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +// Copyright (c) Facebook, Inc. and its affiliates. #include #include #include diff --git a/projects/TensorMask/tensormask/layers/csrc/vision.cpp b/projects/TensorMask/tensormask/layers/csrc/vision.cpp index ad8e472c2c..ed1ed0b3d5 100644 --- a/projects/TensorMask/tensormask/layers/csrc/vision.cpp +++ b/projects/TensorMask/tensormask/layers/csrc/vision.cpp @@ -1,4 +1,4 @@ -// Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +// Copyright (c) Facebook, Inc. and its affiliates. #include #include "SwapAlign2Nat/SwapAlign2Nat.h" diff --git a/projects/TensorMask/tensormask/layers/swap_align2nat.py b/projects/TensorMask/tensormask/layers/swap_align2nat.py index b41864839e..2b5e45013c 100644 --- a/projects/TensorMask/tensormask/layers/swap_align2nat.py +++ b/projects/TensorMask/tensormask/layers/swap_align2nat.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from torch import nn from torch.autograd import Function from torch.autograd.function import once_differentiable diff --git a/projects/TensorMask/tests/__init__.py b/projects/TensorMask/tests/__init__.py index 168f9979a4..9020c2df23 100644 --- a/projects/TensorMask/tests/__init__.py +++ b/projects/TensorMask/tests/__init__.py @@ -1 +1 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. diff --git a/projects/TensorMask/tests/test_swap_align2nat.py b/projects/TensorMask/tests/test_swap_align2nat.py index b3d018ce19..d9ee273de0 100755 --- a/projects/TensorMask/tests/test_swap_align2nat.py +++ b/projects/TensorMask/tests/test_swap_align2nat.py @@ -1,5 +1,5 @@ #!/usr/bin/env python3 -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import unittest import torch diff --git a/projects/TensorMask/train_net.py b/projects/TensorMask/train_net.py index b898fc77b7..af9bb30580 100755 --- a/projects/TensorMask/train_net.py +++ b/projects/TensorMask/train_net.py @@ -1,5 +1,5 @@ #!/usr/bin/env python3 -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. """ TensorMask Training Script. diff --git a/projects/TridentNet/train_net.py b/projects/TridentNet/train_net.py index eac2ec5c39..e8f18df1a8 100755 --- a/projects/TridentNet/train_net.py +++ b/projects/TridentNet/train_net.py @@ -1,5 +1,5 @@ #!/usr/bin/env python3 -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. """ TridentNet Training Script. diff --git a/projects/TridentNet/tridentnet/__init__.py b/projects/TridentNet/tridentnet/__init__.py index 2fcdeb45a0..abaa957905 100644 --- a/projects/TridentNet/tridentnet/__init__.py +++ b/projects/TridentNet/tridentnet/__init__.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from .config import add_tridentnet_config from .trident_backbone import ( TridentBottleneckBlock, diff --git a/projects/TridentNet/tridentnet/config.py b/projects/TridentNet/tridentnet/config.py index f33f473cb3..4b8732a43f 100644 --- a/projects/TridentNet/tridentnet/config.py +++ b/projects/TridentNet/tridentnet/config.py @@ -1,5 +1,5 @@ # -*- coding: utf-8 -*- -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from detectron2.config import CfgNode as CN diff --git a/projects/TridentNet/tridentnet/trident_backbone.py b/projects/TridentNet/tridentnet/trident_backbone.py index 232dfaf1ca..977a6698d3 100644 --- a/projects/TridentNet/tridentnet/trident_backbone.py +++ b/projects/TridentNet/tridentnet/trident_backbone.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import fvcore.nn.weight_init as weight_init import torch import torch.nn.functional as F diff --git a/projects/TridentNet/tridentnet/trident_conv.py b/projects/TridentNet/tridentnet/trident_conv.py index 7e2d5252bd..18d5b0b9d7 100644 --- a/projects/TridentNet/tridentnet/trident_conv.py +++ b/projects/TridentNet/tridentnet/trident_conv.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import torch from torch import nn from torch.nn import functional as F diff --git a/projects/TridentNet/tridentnet/trident_rcnn.py b/projects/TridentNet/tridentnet/trident_rcnn.py index 65deb90977..fc22c712c8 100644 --- a/projects/TridentNet/tridentnet/trident_rcnn.py +++ b/projects/TridentNet/tridentnet/trident_rcnn.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from detectron2.layers import batched_nms from detectron2.modeling import ROI_HEADS_REGISTRY, StandardROIHeads from detectron2.modeling.roi_heads.roi_heads import Res5ROIHeads diff --git a/projects/TridentNet/tridentnet/trident_rpn.py b/projects/TridentNet/tridentnet/trident_rpn.py index c30137f312..f95fbbf8ea 100644 --- a/projects/TridentNet/tridentnet/trident_rpn.py +++ b/projects/TridentNet/tridentnet/trident_rpn.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import torch from detectron2.modeling import PROPOSAL_GENERATOR_REGISTRY diff --git a/setup.py b/setup.py index 000738ea78..7c0409bc08 100644 --- a/setup.py +++ b/setup.py @@ -1,5 +1,5 @@ #!/usr/bin/env python -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import glob import os @@ -115,10 +115,11 @@ def get_extensions(): define_macros += [("WITH_HIP", None)] extra_compile_args["nvcc"] = [] - # It's better if pytorch can do this by default .. - CC = os.environ.get("CC", None) - if CC is not None: - extra_compile_args["nvcc"].append("-ccbin={}".format(CC)) + if torch_ver < [1, 7]: + # supported by https://github.com/pytorch/pytorch/pull/43931 + CC = os.environ.get("CC", None) + if CC is not None: + extra_compile_args["nvcc"].append("-ccbin={}".format(CC)) include_dirs = [extensions_dir] diff --git a/tests/__init__.py b/tests/__init__.py index 168f9979a4..9020c2df23 100644 --- a/tests/__init__.py +++ b/tests/__init__.py @@ -1 +1 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. diff --git a/tests/data/test_coco.py b/tests/data/test_coco.py index f8c0b3ec92..a8e4d508ef 100644 --- a/tests/data/test_coco.py +++ b/tests/data/test_coco.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import json import numpy as np import os diff --git a/tests/data/test_coco_evaluation.py b/tests/data/test_coco_evaluation.py index a4b1cc6ed5..daf4eb8b2f 100644 --- a/tests/data/test_coco_evaluation.py +++ b/tests/data/test_coco_evaluation.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import contextlib import copy import io diff --git a/tests/data/test_detection_utils.py b/tests/data/test_detection_utils.py index 911c56d69a..8cadbc08fe 100644 --- a/tests/data/test_detection_utils.py +++ b/tests/data/test_detection_utils.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. +# Copyright (c) Facebook, Inc. and its affiliates. import copy import numpy as np diff --git a/tests/data/test_rotation_transform.py b/tests/data/test_rotation_transform.py index 0afc46b9c4..0e8299ed78 100644 --- a/tests/data/test_rotation_transform.py +++ b/tests/data/test_rotation_transform.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import numpy as np import unittest diff --git a/tests/data/test_sampler.py b/tests/data/test_sampler.py index 07142910f6..a4ba3f179c 100644 --- a/tests/data/test_sampler.py +++ b/tests/data/test_sampler.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. +# Copyright (c) Facebook, Inc. and its affiliates. import itertools import operator import unittest diff --git a/tests/data/test_transforms.py b/tests/data/test_transforms.py index e6bdf1aab1..9413611d06 100644 --- a/tests/data/test_transforms.py +++ b/tests/data/test_transforms.py @@ -1,5 +1,5 @@ # -*- coding: utf-8 -*- -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import logging import numpy as np diff --git a/tests/layers/test_mask_ops.py b/tests/layers/test_mask_ops.py index bdff49b993..28cc916526 100644 --- a/tests/layers/test_mask_ops.py +++ b/tests/layers/test_mask_ops.py @@ -1,5 +1,5 @@ # -*- coding: utf-8 -*- -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import contextlib import io diff --git a/tests/layers/test_nms.py b/tests/layers/test_nms.py index 051c0c04b6..946be3275f 100644 --- a/tests/layers/test_nms.py +++ b/tests/layers/test_nms.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from __future__ import absolute_import, division, print_function, unicode_literals import unittest import torch diff --git a/tests/layers/test_nms_rotated.py b/tests/layers/test_nms_rotated.py index 017816ed9a..1f38bb0148 100644 --- a/tests/layers/test_nms_rotated.py +++ b/tests/layers/test_nms_rotated.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from __future__ import absolute_import, division, print_function, unicode_literals import numpy as np import unittest diff --git a/tests/layers/test_roi_align.py b/tests/layers/test_roi_align.py index 633d7c29c4..bb9bf9e851 100644 --- a/tests/layers/test_roi_align.py +++ b/tests/layers/test_roi_align.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import numpy as np import unittest import cv2 diff --git a/tests/layers/test_roi_align_rotated.py b/tests/layers/test_roi_align_rotated.py index 1915b59ff6..7323d7d5a8 100644 --- a/tests/layers/test_roi_align_rotated.py +++ b/tests/layers/test_roi_align_rotated.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import logging import unittest import cv2 diff --git a/tests/modeling/test_anchor_generator.py b/tests/modeling/test_anchor_generator.py index c0d783b2aa..a45b4edf4e 100644 --- a/tests/modeling/test_anchor_generator.py +++ b/tests/modeling/test_anchor_generator.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import logging import unittest import torch diff --git a/tests/modeling/test_box2box_transform.py b/tests/modeling/test_box2box_transform.py index 200c194bcb..24e815f66d 100644 --- a/tests/modeling/test_box2box_transform.py +++ b/tests/modeling/test_box2box_transform.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import logging import unittest import torch diff --git a/tests/modeling/test_fast_rcnn.py b/tests/modeling/test_fast_rcnn.py index 81a96dc44b..b2e0eba7dd 100644 --- a/tests/modeling/test_fast_rcnn.py +++ b/tests/modeling/test_fast_rcnn.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import logging import unittest import torch diff --git a/tests/modeling/test_matcher.py b/tests/modeling/test_matcher.py index adef912d77..784f20bc20 100644 --- a/tests/modeling/test_matcher.py +++ b/tests/modeling/test_matcher.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import unittest from typing import List import torch diff --git a/tests/modeling/test_model_e2e.py b/tests/modeling/test_model_e2e.py index dfc68ffa06..fd02b54ac6 100644 --- a/tests/modeling/test_model_e2e.py +++ b/tests/modeling/test_model_e2e.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. +# Copyright (c) Facebook, Inc. and its affiliates. import itertools diff --git a/tests/modeling/test_roi_heads.py b/tests/modeling/test_roi_heads.py index 845588fd2d..1651883b6b 100644 --- a/tests/modeling/test_roi_heads.py +++ b/tests/modeling/test_roi_heads.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import logging import unittest from copy import deepcopy diff --git a/tests/modeling/test_roi_pooler.py b/tests/modeling/test_roi_pooler.py index cdfa65a180..40505356df 100644 --- a/tests/modeling/test_roi_pooler.py +++ b/tests/modeling/test_roi_pooler.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import logging import unittest import torch diff --git a/tests/modeling/test_rpn.py b/tests/modeling/test_rpn.py index bc97d89cd4..6f98e8e59d 100644 --- a/tests/modeling/test_rpn.py +++ b/tests/modeling/test_rpn.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import logging import sys import unittest diff --git a/tests/structures/test_boxes.py b/tests/structures/test_boxes.py index dd9e1d5e01..7386a1686a 100644 --- a/tests/structures/test_boxes.py +++ b/tests/structures/test_boxes.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import json import math import numpy as np diff --git a/tests/structures/test_imagelist.py b/tests/structures/test_imagelist.py index 8e5dceff10..461b4c3e53 100644 --- a/tests/structures/test_imagelist.py +++ b/tests/structures/test_imagelist.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import unittest from typing import List, Sequence, Tuple diff --git a/tests/structures/test_instances.py b/tests/structures/test_instances.py index 107e262c0c..9fa941998c 100644 --- a/tests/structures/test_instances.py +++ b/tests/structures/test_instances.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import unittest import torch diff --git a/tests/structures/test_rotated_boxes.py b/tests/structures/test_rotated_boxes.py index f1271fd7ca..d2771a6386 100644 --- a/tests/structures/test_rotated_boxes.py +++ b/tests/structures/test_rotated_boxes.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. from __future__ import absolute_import, division, print_function, unicode_literals import logging import math diff --git a/tests/test_checkpoint.py b/tests/test_checkpoint.py index 725b488fda..d82ae6363a 100644 --- a/tests/test_checkpoint.py +++ b/tests/test_checkpoint.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import unittest from collections import OrderedDict import torch diff --git a/tests/test_config.py b/tests/test_config.py index e8ba03947b..4dba0d87d3 100644 --- a/tests/test_config.py +++ b/tests/test_config.py @@ -1,5 +1,5 @@ #!/usr/bin/env python -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import os diff --git a/tests/test_engine.py b/tests/test_engine.py index 9367a08bcd..1d6d4e062f 100644 --- a/tests/test_engine.py +++ b/tests/test_engine.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import json import os diff --git a/tests/test_events.py b/tests/test_events.py index 24b4a48bff..fe3507e3e6 100644 --- a/tests/test_events.py +++ b/tests/test_events.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import json import os import tempfile diff --git a/tests/test_export_caffe2.py b/tests/test_export_caffe2.py index 230e383090..cde5a9af80 100644 --- a/tests/test_export_caffe2.py +++ b/tests/test_export_caffe2.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. # -*- coding: utf-8 -*- import copy diff --git a/tests/test_export_torchscript.py b/tests/test_export_torchscript.py index d03fa98aa5..d834c284ed 100644 --- a/tests/test_export_torchscript.py +++ b/tests/test_export_torchscript.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import os import tempfile diff --git a/tests/test_model_analysis.py b/tests/test_model_analysis.py index 0e3f84c935..430cface6d 100644 --- a/tests/test_model_analysis.py +++ b/tests/test_model_analysis.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. +# Copyright (c) Facebook, Inc. and its affiliates. import unittest diff --git a/tests/test_model_zoo.py b/tests/test_model_zoo.py index 2d16c711af..c56716e469 100644 --- a/tests/test_model_zoo.py +++ b/tests/test_model_zoo.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import logging import unittest diff --git a/tests/test_packaging.py b/tests/test_packaging.py index 56c2834f58..a5b1661e8f 100644 --- a/tests/test_packaging.py +++ b/tests/test_packaging.py @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import unittest from detectron2.utils.collect_env import collect_env_info diff --git a/tests/test_visualizer.py b/tests/test_visualizer.py index 1f5cd162b7..d60bb1b5b1 100644 --- a/tests/test_visualizer.py +++ b/tests/test_visualizer.py @@ -1,5 +1,5 @@ # -*- coding: utf-8 -*- -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import numpy as np import os diff --git a/tools/analyze_model.py b/tools/analyze_model.py index 9c06ea4b5f..b01a37302e 100755 --- a/tools/analyze_model.py +++ b/tools/analyze_model.py @@ -1,5 +1,5 @@ # -*- coding: utf-8 -*- -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import logging import numpy as np diff --git a/tools/benchmark.py b/tools/benchmark.py index 989c3cdd51..25c304c9bf 100755 --- a/tools/benchmark.py +++ b/tools/benchmark.py @@ -1,5 +1,5 @@ #!/usr/bin/env python -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. """ A script to benchmark builtin models. diff --git a/tools/convert-torchvision-to-d2.py b/tools/convert-torchvision-to-d2.py index 18a24e4ef9..4b827d960c 100755 --- a/tools/convert-torchvision-to-d2.py +++ b/tools/convert-torchvision-to-d2.py @@ -1,5 +1,5 @@ #!/usr/bin/env python -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import pickle as pkl import sys diff --git a/tools/deploy/CMakeLists.txt b/tools/deploy/CMakeLists.txt index c989eb2f45..2937de694c 100644 --- a/tools/deploy/CMakeLists.txt +++ b/tools/deploy/CMakeLists.txt @@ -1,4 +1,4 @@ -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. +# Copyright (c) Facebook, Inc. and its affiliates. # See https://pytorch.org/tutorials/advanced/cpp_frontend.html cmake_minimum_required(VERSION 3.0 FATAL_ERROR) project(caffe2_mask_rcnn) diff --git a/tools/deploy/caffe2_converter.py b/tools/deploy/caffe2_converter.py index 5b47e2090a..04488abcf5 100755 --- a/tools/deploy/caffe2_converter.py +++ b/tools/deploy/caffe2_converter.py @@ -1,5 +1,5 @@ #!/usr/bin/env python -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. +# Copyright (c) Facebook, Inc. and its affiliates. import argparse import os import onnx diff --git a/tools/deploy/caffe2_mask_rcnn.cpp b/tools/deploy/caffe2_mask_rcnn.cpp index 44370b4c51..e35c657b4d 100644 --- a/tools/deploy/caffe2_mask_rcnn.cpp +++ b/tools/deploy/caffe2_mask_rcnn.cpp @@ -1,4 +1,4 @@ -// Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +// Copyright (c) Facebook, Inc. and its affiliates. #include #include diff --git a/tools/deploy/torchscript_traced_mask_rcnn.cpp b/tools/deploy/torchscript_traced_mask_rcnn.cpp index 7e6df9d4dd..bcab261e29 100644 --- a/tools/deploy/torchscript_traced_mask_rcnn.cpp +++ b/tools/deploy/torchscript_traced_mask_rcnn.cpp @@ -1,4 +1,4 @@ -// Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved. +// Copyright (c) Facebook, Inc. and its affiliates. #include #include diff --git a/tools/plain_train_net.py b/tools/plain_train_net.py index af07c25850..33b4a74bad 100755 --- a/tools/plain_train_net.py +++ b/tools/plain_train_net.py @@ -1,5 +1,5 @@ #!/usr/bin/env python -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. """ Detectron2 training script with a plain training loop. diff --git a/tools/train_net.py b/tools/train_net.py index ad568c0df2..56a9104624 100755 --- a/tools/train_net.py +++ b/tools/train_net.py @@ -1,5 +1,5 @@ #!/usr/bin/env python -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. """ Detection Training Script. diff --git a/tools/visualize_data.py b/tools/visualize_data.py index b143b2d250..b527279f1f 100755 --- a/tools/visualize_data.py +++ b/tools/visualize_data.py @@ -1,5 +1,5 @@ #!/usr/bin/env python -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import argparse import os from itertools import chain diff --git a/tools/visualize_json_results.py b/tools/visualize_json_results.py index 0cde6fa652..472190e0b3 100755 --- a/tools/visualize_json_results.py +++ b/tools/visualize_json_results.py @@ -1,5 +1,5 @@ #!/usr/bin/env python -# Copyright (c) Facebook, Inc. and its affiliates. All Rights Reserved +# Copyright (c) Facebook, Inc. and its affiliates. import argparse import json