From ed7d404f4780565884d2344de6aa3bce59bb5a2c Mon Sep 17 00:00:00 2001 From: Hongkun Yu Date: Sun, 6 Jun 2021 13:34:36 -0700 Subject: [PATCH] Internal change PiperOrigin-RevId: 377801393 --- official/LICENSE | 14 ++++++++++++++ official/README-TPU.md | 14 ++++++++++++++ official/README.md | 14 ++++++++++++++ official/__init__.py | 14 ++++++++++++++ official/colab/decoding_api_in_tf_nlp.ipynb | 14 ++++++++++++++ official/colab/nlp/customize_encoder.ipynb | 14 ++++++++++++++ .../colab/nlp/nlp_modeling_library_intro.ipynb | 14 ++++++++++++++ official/nlp/README.md | 14 ++++++++++++++ official/nlp/albert/README.md | 14 ++++++++++++++ official/nlp/bert/README.md | 14 ++++++++++++++ official/nlp/bert/bert_cloud_tpu.md | 14 ++++++++++++++ .../nlp/configs/experiments/glue_mnli_matched.yaml | 14 ++++++++++++++ official/nlp/configs/experiments/squad_v1.yaml | 14 ++++++++++++++ .../nlp/configs/models/bert_en_uncased_base.yaml | 14 ++++++++++++++ official/nlp/docs/pretrained_models.md | 14 ++++++++++++++ official/nlp/docs/tfhub.md | 14 ++++++++++++++ official/nlp/docs/train.md | 14 ++++++++++++++ official/nlp/keras_nlp/README.md | 14 ++++++++++++++ official/nlp/keras_nlp/contributing.md | 14 ++++++++++++++ official/nlp/keras_nlp/requirements.txt | 14 ++++++++++++++ official/nlp/modeling/README.md | 14 ++++++++++++++ official/nlp/modeling/layers/README.md | 14 ++++++++++++++ official/nlp/modeling/losses/README.md | 14 ++++++++++++++ official/nlp/modeling/models/README.md | 14 ++++++++++++++ official/nlp/modeling/networks/README.md | 14 ++++++++++++++ official/nlp/nhnet/README.md | 14 ++++++++++++++ .../crawled_articles/domain_0.com/url_000.html | 14 ++++++++++++++ .../crawled_articles/domain_0.com/url_000.json | 14 ++++++++++++++ .../crawled_articles/domain_1.com/url_001.html | 14 ++++++++++++++ .../crawled_articles/domain_1.com/url_001.json | 14 ++++++++++++++ official/nlp/nhnet/testdata/stories.json | 14 ++++++++++++++ official/nlp/nhnet/testdata/vocab.txt | 14 ++++++++++++++ official/nlp/projects/bigbird/README.md | 14 ++++++++++++++ .../bigbird/experiments/glue_mnli_matched.yaml | 14 ++++++++++++++ .../nlp/projects/bigbird/experiments/squad_v1.yaml | 14 ++++++++++++++ official/nlp/projects/mobilebert/README.md | 14 ++++++++++++++ .../mobilebert/experiments/en_uncased_student.yaml | 14 ++++++++++++++ .../mobilebert/experiments/en_uncased_teacher.yaml | 14 ++++++++++++++ .../mobilebert_distillation_en_uncased.yaml | 14 ++++++++++++++ official/nlp/projects/teams/README.md | 14 ++++++++++++++ official/nlp/projects/tn_bert/README.md | 14 ++++++++++++++ official/nlp/transformer/README.md | 14 ++++++++++++++ official/nlp/xlnet/README.md | 14 ++++++++++++++ official/pip_package/setup.py | 4 ++-- official/recommendation/README.md | 14 ++++++++++++++ official/recommendation/ranking/README.md | 14 ++++++++++++++ .../ranking/configs/yaml/dcn_v2_criteo_tpu.yaml | 14 ++++++++++++++ .../ranking/configs/yaml/dlrm_criteo_tpu.yaml | 14 ++++++++++++++ official/recommendation/run.sh | 14 ++++++++++++++ official/requirements.txt | 14 ++++++++++++++ official/staging/__init__.py | 14 ++++++++++++++ official/staging/training/__init__.py | 4 ++-- official/staging/training/grad_utils.py | 4 ++-- official/utils/flags/README.md | 14 ++++++++++++++ official/utils/flags/guidelines.md | 14 ++++++++++++++ official/utils/testing/pylint.rcfile | 14 ++++++++++++++ official/utils/testing/scripts/builds_common.sh | 14 ++++++++++++++ official/utils/testing/scripts/ci_sanity.sh | 14 ++++++++++++++ official/utils/testing/scripts/presubmit.sh | 14 ++++++++++++++ official/vision/beta/MODEL_GARDEN.md | 14 ++++++++++++++ official/vision/beta/README.md | 14 ++++++++++++++ .../imagenet_mobilenetv2_gpu.yaml | 14 ++++++++++++++ .../imagenet_mobilenetv2_tpu.yaml | 14 ++++++++++++++ .../imagenet_resnet101_deeplab_tpu.yaml | 14 ++++++++++++++ .../imagenet_resnet101_tpu.yaml | 14 ++++++++++++++ .../imagenet_resnet152_tpu.yaml | 14 ++++++++++++++ .../imagenet_resnet50_deeplab_tpu.yaml | 14 ++++++++++++++ .../imagenet_resnet50_gpu.yaml | 14 ++++++++++++++ .../imagenet_resnet50_tfds_tpu.yaml | 14 ++++++++++++++ .../imagenet_resnet50_tpu.yaml | 14 ++++++++++++++ .../imagenet_resnetrs101_i160.yaml | 14 ++++++++++++++ .../imagenet_resnetrs101_i192.yaml | 14 ++++++++++++++ .../imagenet_resnetrs152_i192.yaml | 14 ++++++++++++++ .../imagenet_resnetrs152_i224.yaml | 14 ++++++++++++++ .../imagenet_resnetrs152_i256.yaml | 14 ++++++++++++++ .../imagenet_resnetrs200_i256.yaml | 14 ++++++++++++++ .../imagenet_resnetrs270_i256.yaml | 14 ++++++++++++++ .../imagenet_resnetrs350_i256.yaml | 14 ++++++++++++++ .../imagenet_resnetrs350_i320.yaml | 14 ++++++++++++++ .../imagenet_resnetrs420_i320.yaml | 14 ++++++++++++++ .../imagenet_resnetrs50_i160.yaml | 14 ++++++++++++++ .../maskrcnn/coco_spinenet143_cascadercnn_tpu.yaml | 14 ++++++++++++++ .../maskrcnn/coco_spinenet143_mrcnn_tpu.yaml | 14 ++++++++++++++ .../maskrcnn/coco_spinenet49_cascadercnn_tpu.yaml | 14 ++++++++++++++ .../maskrcnn/coco_spinenet49_mrcnn_tpu.yaml | 14 ++++++++++++++ .../maskrcnn/coco_spinenet96_casrcnn_tpu.yaml | 14 ++++++++++++++ .../maskrcnn/coco_spinenet96_mrcnn_tpu.yaml | 14 ++++++++++++++ .../maskrcnn/r50fpn_640_coco_scratch_tpu4x4.yaml | 14 ++++++++++++++ .../retinanet/coco_spinenet143_tpu.yaml | 14 ++++++++++++++ .../retinanet/coco_spinenet190_tpu.yaml | 14 ++++++++++++++ .../retinanet/coco_spinenet49_mobile_tpu.yaml | 14 ++++++++++++++ .../experiments/retinanet/coco_spinenet49_tpu.yaml | 14 ++++++++++++++ .../retinanet/coco_spinenet49s_mobile_tpu.yaml | 14 ++++++++++++++ .../retinanet/coco_spinenet49xs_mobile_tpu.yaml | 14 ++++++++++++++ .../experiments/retinanet/coco_spinenet96_tpu.yaml | 14 ++++++++++++++ .../retinanet/resnet50fpn_coco_tfds_tpu.yaml | 14 ++++++++++++++ .../resnet50fpn_coco_tpu4x4_benchmark.yaml | 14 ++++++++++++++ ...eeplabv3plus_resnet101_cityscapes_tfds_tpu.yaml | 14 ++++++++++++++ .../video_classification/k400_3d-resnet50_tpu.yaml | 14 ++++++++++++++ .../k400_resnet3drs_50_tpu.yaml | 14 ++++++++++++++ .../k400_slowonly16x4_tpu.yaml | 14 ++++++++++++++ .../video_classification/k400_slowonly8x8_tpu.yaml | 14 ++++++++++++++ .../video_classification/k600_3d-resnet50_tpu.yaml | 14 ++++++++++++++ .../k600_3d-resnet50g_tpu.yaml | 14 ++++++++++++++ .../video_classification/k600_slowonly8x8_tpu.yaml | 14 ++++++++++++++ official/vision/beta/projects/README.md | 14 ++++++++++++++ .../vision/beta/projects/assemblenet/README.md | 14 ++++++++++++++ .../beta/projects/deepmac_maskrcnn/README.md | 14 ++++++++++++++ .../deep_mask_head_rcnn_voc_r101_hg52.yaml | 14 ++++++++++++++ .../experiments/deep_mask_head_rcnn_voc_r50.yaml | 14 ++++++++++++++ .../deep_mask_head_rcnn_voc_r50_hg52.yaml | 14 ++++++++++++++ official/vision/beta/projects/movinet/README.md | 14 ++++++++++++++ .../movinet/configs/yaml/movinet_a0_k600_8x8.yaml | 14 ++++++++++++++ .../configs/yaml/movinet_a0_k600_cpu_local.yaml | 14 ++++++++++++++ .../configs/yaml/movinet_a0_stream_k600_8x8.yaml | 14 ++++++++++++++ .../movinet/configs/yaml/movinet_a1_k600_8x8.yaml | 14 ++++++++++++++ .../configs/yaml/movinet_a1_stream_k600_8x8.yaml | 14 ++++++++++++++ .../movinet/configs/yaml/movinet_a2_k600_8x8.yaml | 14 ++++++++++++++ .../configs/yaml/movinet_a2_stream_k600_8x8.yaml | 14 ++++++++++++++ .../movinet/configs/yaml/movinet_a3_k600_8x8.yaml | 14 ++++++++++++++ .../configs/yaml/movinet_a3_stream_k600_8x8.yaml | 14 ++++++++++++++ .../movinet/configs/yaml/movinet_a4_k600_8x8.yaml | 14 ++++++++++++++ .../configs/yaml/movinet_a4_stream_k600_8x8.yaml | 14 ++++++++++++++ .../movinet/configs/yaml/movinet_a5_k600_8x8.yaml | 14 ++++++++++++++ .../configs/yaml/movinet_a5_stream_k600_8x8.yaml | 14 ++++++++++++++ .../movinet/configs/yaml/movinet_t0_k600_8x8.yaml | 14 ++++++++++++++ .../configs/yaml/movinet_t0_stream_k600_8x8.yaml | 14 ++++++++++++++ .../beta/projects/movinet/movinet_tutorial.ipynb | 14 ++++++++++++++ .../vision/beta/projects/movinet/requirements.txt | 14 ++++++++++++++ official/vision/beta/projects/simclr/README.md | 14 ++++++++++++++ .../configs/experiments/cifar_simclr_pretrain.yaml | 14 ++++++++++++++ .../experiments/imagenet_simclr_finetune_gpu.yaml | 14 ++++++++++++++ .../experiments/imagenet_simclr_finetune_tpu.yaml | 14 ++++++++++++++ .../experiments/imagenet_simclr_pretrain_gpu.yaml | 14 ++++++++++++++ .../experiments/imagenet_simclr_pretrain_tpu.yaml | 14 ++++++++++++++ official/vision/beta/projects/yolo/README.md | 14 ++++++++++++++ .../yolo/configs/experiments/csp_darknet53.yaml | 14 ++++++++++++++ .../configs/experiments/csp_darknet53_tfds.yaml | 14 ++++++++++++++ .../yolo/configs/experiments/darknet53.yaml | 14 ++++++++++++++ .../yolo/configs/experiments/darknet53_tfds.yaml | 14 ++++++++++++++ official/vision/beta/projects/yt8m/README.md | 14 ++++++++++++++ .../beta/projects/yt8m/experiments/yt8m.yaml | 14 ++++++++++++++ .../beta/projects/yt8m/experiments/yt8m_test.yaml | 14 ++++++++++++++ official/vision/detection/README.md | 14 ++++++++++++++ official/vision/image_classification/README.md | 14 ++++++++++++++ .../efficientnet/imagenet/efficientnet-b0-gpu.yaml | 14 ++++++++++++++ .../efficientnet/imagenet/efficientnet-b0-tpu.yaml | 14 ++++++++++++++ .../efficientnet/imagenet/efficientnet-b1-gpu.yaml | 14 ++++++++++++++ .../efficientnet/imagenet/efficientnet-b1-tpu.yaml | 14 ++++++++++++++ .../configs/examples/resnet/imagenet/gpu.yaml | 14 ++++++++++++++ .../configs/examples/resnet/imagenet/tpu.yaml | 14 ++++++++++++++ .../vision/image_classification/resnet/README.md | 14 ++++++++++++++ official/vision/keras_cv/LICENSE | 14 ++++++++++++++ official/vision/keras_cv/README.md | 14 ++++++++++++++ official/vision/keras_cv/contributing.md | 14 ++++++++++++++ official/vision/keras_cv/requirements.txt | 14 ++++++++++++++ 156 files changed, 2148 insertions(+), 6 deletions(-) diff --git a/official/LICENSE b/official/LICENSE index d3da228420e..b1143d7b536 100644 --- a/official/LICENSE +++ b/official/LICENSE @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + Copyright 2015 The TensorFlow Authors. All rights reserved. Apache License diff --git a/official/README-TPU.md b/official/README-TPU.md index a6031c44f03..435079d1c83 100644 --- a/official/README-TPU.md +++ b/official/README-TPU.md @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Offically Supported TensorFlow 2.1+ Models on Cloud TPU ## Natural Language Processing diff --git a/official/README.md b/official/README.md index 188a94ca532..52ca8f3d9bc 100644 --- a/official/README.md +++ b/official/README.md @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + ![Logo](https://storage.googleapis.com/model_garden_artifacts/TF_Model_Garden.png) # TensorFlow Official Models diff --git a/official/__init__.py b/official/__init__.py index e69de29bb2d..e419af524b5 100644 --- a/official/__init__.py +++ b/official/__init__.py @@ -0,0 +1,14 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + diff --git a/official/colab/decoding_api_in_tf_nlp.ipynb b/official/colab/decoding_api_in_tf_nlp.ipynb index 726b382e228..155a18422f0 100644 --- a/official/colab/decoding_api_in_tf_nlp.ipynb +++ b/official/colab/decoding_api_in_tf_nlp.ipynb @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + { "cells": [ { diff --git a/official/colab/nlp/customize_encoder.ipynb b/official/colab/nlp/customize_encoder.ipynb index aeddb29f963..809ffd74786 100644 --- a/official/colab/nlp/customize_encoder.ipynb +++ b/official/colab/nlp/customize_encoder.ipynb @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + { "nbformat": 4, "nbformat_minor": 0, diff --git a/official/colab/nlp/nlp_modeling_library_intro.ipynb b/official/colab/nlp/nlp_modeling_library_intro.ipynb index e4ce780c96b..ae6ad9e5f76 100644 --- a/official/colab/nlp/nlp_modeling_library_intro.ipynb +++ b/official/colab/nlp/nlp_modeling_library_intro.ipynb @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + { "cells": [ { diff --git a/official/nlp/README.md b/official/nlp/README.md index dfa047b4ed3..733a218bcce 100644 --- a/official/nlp/README.md +++ b/official/nlp/README.md @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # TensorFlow NLP Modelling Toolkit This codebase provides a Natrual Language Processing modeling toolkit written in diff --git a/official/nlp/albert/README.md b/official/nlp/albert/README.md index 69620e0579f..33d92c81ab4 100644 --- a/official/nlp/albert/README.md +++ b/official/nlp/albert/README.md @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # ALBERT (ALBERT: A Lite BERT for Self-supervised Learning of Language Representations) The academic paper which describes ALBERT in detail and provides full results on diff --git a/official/nlp/bert/README.md b/official/nlp/bert/README.md index 037ff0b1ff8..c2c545308c3 100644 --- a/official/nlp/bert/README.md +++ b/official/nlp/bert/README.md @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # BERT (Bidirectional Encoder Representations from Transformers) **WARNING**: We are on the way to deprecate most of the code in this directory. diff --git a/official/nlp/bert/bert_cloud_tpu.md b/official/nlp/bert/bert_cloud_tpu.md index baf6f9bdc0c..60f2e77acd8 100644 --- a/official/nlp/bert/bert_cloud_tpu.md +++ b/official/nlp/bert/bert_cloud_tpu.md @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # BERT FineTuning with Cloud TPU: Sentence and Sentence-Pair Classification Tasks (TF 2.1) This tutorial shows you how to train the Bidirectional Encoder Representations from Transformers (BERT) model on Cloud TPU. diff --git a/official/nlp/configs/experiments/glue_mnli_matched.yaml b/official/nlp/configs/experiments/glue_mnli_matched.yaml index 29dfcb68b9c..6580a5e2898 100644 --- a/official/nlp/configs/experiments/glue_mnli_matched.yaml +++ b/official/nlp/configs/experiments/glue_mnli_matched.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + task: hub_module_url: '' model: diff --git a/official/nlp/configs/experiments/squad_v1.yaml b/official/nlp/configs/experiments/squad_v1.yaml index a69710a58f7..89d1ff90d89 100644 --- a/official/nlp/configs/experiments/squad_v1.yaml +++ b/official/nlp/configs/experiments/squad_v1.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + task: hub_module_url: '' max_answer_length: 30 diff --git a/official/nlp/configs/models/bert_en_uncased_base.yaml b/official/nlp/configs/models/bert_en_uncased_base.yaml index 1e49bc5430e..22085984a75 100644 --- a/official/nlp/configs/models/bert_en_uncased_base.yaml +++ b/official/nlp/configs/models/bert_en_uncased_base.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + task: model: encoder: diff --git a/official/nlp/docs/pretrained_models.md b/official/nlp/docs/pretrained_models.md index 0c836b33b7d..3c64efd4876 100644 --- a/official/nlp/docs/pretrained_models.md +++ b/official/nlp/docs/pretrained_models.md @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Pre-trained Models We provide a large collection of baselines and checkpoints for NLP pre-trained diff --git a/official/nlp/docs/tfhub.md b/official/nlp/docs/tfhub.md index c6fe9a2f8f4..505051db5a8 100644 --- a/official/nlp/docs/tfhub.md +++ b/official/nlp/docs/tfhub.md @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Exporting a pre-trained Encoder to TF Hub ## Overview diff --git a/official/nlp/docs/train.md b/official/nlp/docs/train.md index d2ad9d7622d..69bef3cc5d4 100644 --- a/official/nlp/docs/train.md +++ b/official/nlp/docs/train.md @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Model Garden NLP Common Training Driver [train.py](https://github.com/tensorflow/models/blob/master/official/nlp/train.py) is the common training driver that supports multiple diff --git a/official/nlp/keras_nlp/README.md b/official/nlp/keras_nlp/README.md index 1c5bbb13182..993d8684ca6 100644 --- a/official/nlp/keras_nlp/README.md +++ b/official/nlp/keras_nlp/README.md @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # keras-nlp ## Layers diff --git a/official/nlp/keras_nlp/contributing.md b/official/nlp/keras_nlp/contributing.md index b9ec1716d96..6974ef6666c 100644 --- a/official/nlp/keras_nlp/contributing.md +++ b/official/nlp/keras_nlp/contributing.md @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + ## Contributing to KerasNLP Patches to KerasNLP are welcome! diff --git a/official/nlp/keras_nlp/requirements.txt b/official/nlp/keras_nlp/requirements.txt index c765b1ead22..822aed5d9d5 100644 --- a/official/nlp/keras_nlp/requirements.txt +++ b/official/nlp/keras_nlp/requirements.txt @@ -1 +1,15 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + numpy>=1.15.4 diff --git a/official/nlp/modeling/README.md b/official/nlp/modeling/README.md index 99c7c361f97..fe192621493 100644 --- a/official/nlp/modeling/README.md +++ b/official/nlp/modeling/README.md @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # NLP Modeling Library This library provides a set of Keras primitives (`tf.keras.Layer` and diff --git a/official/nlp/modeling/layers/README.md b/official/nlp/modeling/layers/README.md index 79e142a0887..43a7e271ef7 100644 --- a/official/nlp/modeling/layers/README.md +++ b/official/nlp/modeling/layers/README.md @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Layers Layers are the fundamental building blocks for NLP models. They can be used to diff --git a/official/nlp/modeling/losses/README.md b/official/nlp/modeling/losses/README.md index a2607b1dab7..94a5808cbf0 100644 --- a/official/nlp/modeling/losses/README.md +++ b/official/nlp/modeling/losses/README.md @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Losses Losses contains common loss computation used in NLP tasks. diff --git a/official/nlp/modeling/models/README.md b/official/nlp/modeling/models/README.md index 22fd8193c29..b7fbc7ab74f 100644 --- a/official/nlp/modeling/models/README.md +++ b/official/nlp/modeling/models/README.md @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Models Models are combinations of `tf.keras` layers and models that can be trained. diff --git a/official/nlp/modeling/networks/README.md b/official/nlp/modeling/networks/README.md index b192399a727..25547a7449c 100644 --- a/official/nlp/modeling/networks/README.md +++ b/official/nlp/modeling/networks/README.md @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Networks Networks are combinations of `tf.keras` layers (and possibly other networks). diff --git a/official/nlp/nhnet/README.md b/official/nlp/nhnet/README.md index f838d120fb8..7536133fcd7 100644 --- a/official/nlp/nhnet/README.md +++ b/official/nlp/nhnet/README.md @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Multi-doc News Headline Generation Model: NHNet This repository contains TensorFlow 2.x implementation for NHNet [[1]](#1) as diff --git a/official/nlp/nhnet/testdata/crawled_articles/domain_0.com/url_000.html b/official/nlp/nhnet/testdata/crawled_articles/domain_0.com/url_000.html index 0a8549c1d27..c3085f2cf1d 100644 --- a/official/nlp/nhnet/testdata/crawled_articles/domain_0.com/url_000.html +++ b/official/nlp/nhnet/testdata/crawled_articles/domain_0.com/url_000.html @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + Page Title 0 diff --git a/official/nlp/nhnet/testdata/crawled_articles/domain_0.com/url_000.json b/official/nlp/nhnet/testdata/crawled_articles/domain_0.com/url_000.json index b7308592b77..0cfb775b567 100644 --- a/official/nlp/nhnet/testdata/crawled_articles/domain_0.com/url_000.json +++ b/official/nlp/nhnet/testdata/crawled_articles/domain_0.com/url_000.json @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + { "title": "title for 0", "maintext": "text snippet for 0", diff --git a/official/nlp/nhnet/testdata/crawled_articles/domain_1.com/url_001.html b/official/nlp/nhnet/testdata/crawled_articles/domain_1.com/url_001.html index 7c8bb8d285c..9f13aee1864 100644 --- a/official/nlp/nhnet/testdata/crawled_articles/domain_1.com/url_001.html +++ b/official/nlp/nhnet/testdata/crawled_articles/domain_1.com/url_001.html @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + Page Title 1 diff --git a/official/nlp/nhnet/testdata/crawled_articles/domain_1.com/url_001.json b/official/nlp/nhnet/testdata/crawled_articles/domain_1.com/url_001.json index dbc2322c7de..cb51d6ce321 100644 --- a/official/nlp/nhnet/testdata/crawled_articles/domain_1.com/url_001.json +++ b/official/nlp/nhnet/testdata/crawled_articles/domain_1.com/url_001.json @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + { "title": "title for 1", "maintext": "text snippet for 1", diff --git a/official/nlp/nhnet/testdata/stories.json b/official/nlp/nhnet/testdata/stories.json index 0618f3d5c8a..b20c6cc5ae1 100644 --- a/official/nlp/nhnet/testdata/stories.json +++ b/official/nlp/nhnet/testdata/stories.json @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + [ { "urls": [ diff --git a/official/nlp/nhnet/testdata/vocab.txt b/official/nlp/nhnet/testdata/vocab.txt index dd708d71c2f..20f9567cd48 100644 --- a/official/nlp/nhnet/testdata/vocab.txt +++ b/official/nlp/nhnet/testdata/vocab.txt @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + [UNK] [CLS] [SEP] diff --git a/official/nlp/projects/bigbird/README.md b/official/nlp/projects/bigbird/README.md index 7c5435f154d..20849d79d87 100644 --- a/official/nlp/projects/bigbird/README.md +++ b/official/nlp/projects/bigbird/README.md @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # BigBird: Transformers for Longer Sequences [BigBird](https://arxiv.org/abs/2007.14062) diff --git a/official/nlp/projects/bigbird/experiments/glue_mnli_matched.yaml b/official/nlp/projects/bigbird/experiments/glue_mnli_matched.yaml index f38bdfc8b32..6b0556998a4 100644 --- a/official/nlp/projects/bigbird/experiments/glue_mnli_matched.yaml +++ b/official/nlp/projects/bigbird/experiments/glue_mnli_matched.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + task: hub_module_url: '' model: diff --git a/official/nlp/projects/bigbird/experiments/squad_v1.yaml b/official/nlp/projects/bigbird/experiments/squad_v1.yaml index 7971f1b2472..af1dfb74269 100644 --- a/official/nlp/projects/bigbird/experiments/squad_v1.yaml +++ b/official/nlp/projects/bigbird/experiments/squad_v1.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + task: hub_module_url: '' model: diff --git a/official/nlp/projects/mobilebert/README.md b/official/nlp/projects/mobilebert/README.md index 9209b4720d6..2ff549e3303 100644 --- a/official/nlp/projects/mobilebert/README.md +++ b/official/nlp/projects/mobilebert/README.md @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # MobileBERT (MobileBERT: A Compact Task-Agnostic BERT for Resource-Limited Devices) [MobileBERT](https://arxiv.org/abs/2004.02984) diff --git a/official/nlp/projects/mobilebert/experiments/en_uncased_student.yaml b/official/nlp/projects/mobilebert/experiments/en_uncased_student.yaml index cfcf40c2b89..0f989dc4cdc 100644 --- a/official/nlp/projects/mobilebert/experiments/en_uncased_student.yaml +++ b/official/nlp/projects/mobilebert/experiments/en_uncased_student.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + task: model: encoder: diff --git a/official/nlp/projects/mobilebert/experiments/en_uncased_teacher.yaml b/official/nlp/projects/mobilebert/experiments/en_uncased_teacher.yaml index eeee8537da5..15db0a3dc21 100644 --- a/official/nlp/projects/mobilebert/experiments/en_uncased_teacher.yaml +++ b/official/nlp/projects/mobilebert/experiments/en_uncased_teacher.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + task: model: encoder: diff --git a/official/nlp/projects/mobilebert/experiments/mobilebert_distillation_en_uncased.yaml b/official/nlp/projects/mobilebert/experiments/mobilebert_distillation_en_uncased.yaml index 74e6adc3c47..8c2a9044d2d 100644 --- a/official/nlp/projects/mobilebert/experiments/mobilebert_distillation_en_uncased.yaml +++ b/official/nlp/projects/mobilebert/experiments/mobilebert_distillation_en_uncased.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + task: train_data: drop_remainder: true diff --git a/official/nlp/projects/teams/README.md b/official/nlp/projects/teams/README.md index f57aa266d06..8faa6e2ead6 100644 --- a/official/nlp/projects/teams/README.md +++ b/official/nlp/projects/teams/README.md @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # TEAMS (Training ELECTRA Augmented with Multi-word Selection) **Note:** This project is working in progress and please stay tuned. diff --git a/official/nlp/projects/tn_bert/README.md b/official/nlp/projects/tn_bert/README.md index 50928155807..c513972fc23 100644 --- a/official/nlp/projects/tn_bert/README.md +++ b/official/nlp/projects/tn_bert/README.md @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # TN-BERT (TensorNetwork BERT) TN-BERT is a modification of the BERT-base architecture that greatly compresses diff --git a/official/nlp/transformer/README.md b/official/nlp/transformer/README.md index a3aec5f9a05..d67e3df71ee 100644 --- a/official/nlp/transformer/README.md +++ b/official/nlp/transformer/README.md @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Transformer Translation Model This is an implementation of the Transformer translation model as described in the [Attention is All You Need](https://arxiv.org/abs/1706.03762) paper. The diff --git a/official/nlp/xlnet/README.md b/official/nlp/xlnet/README.md index 546d1128e2d..417c37d5a0f 100644 --- a/official/nlp/xlnet/README.md +++ b/official/nlp/xlnet/README.md @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # XLNet: Generalized Autoregressive Pretraining for Language Understanding The academic paper which describes XLNet in detail and provides full results on diff --git a/official/pip_package/setup.py b/official/pip_package/setup.py index 0478191f5c5..cfc7a751f29 100644 --- a/official/pip_package/setup.py +++ b/official/pip_package/setup.py @@ -1,4 +1,4 @@ -# Copyright 2019 The TensorFlow Authors. All Rights Reserved. +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. @@ -11,7 +11,7 @@ # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. -# ============================================================================== + """Sets up TensorFlow Official Models.""" import datetime import os diff --git a/official/recommendation/README.md b/official/recommendation/README.md index ea2abfadcab..7e9f784240c 100644 --- a/official/recommendation/README.md +++ b/official/recommendation/README.md @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Recommendation Model ## Overview This is an implementation of the Neural Collaborative Filtering (NCF) framework with Neural Matrix Factorization (NeuMF) model as described in the [Neural Collaborative Filtering](https://arxiv.org/abs/1708.05031) paper. Current implementation is based on the code from the authors' [NCF code](https://github.com/hexiangnan/neural_collaborative_filtering) and the Stanford implementation in the [MLPerf Repo](https://github.com/mlperf/reference/tree/master/recommendation/pytorch). diff --git a/official/recommendation/ranking/README.md b/official/recommendation/ranking/README.md index 9c2ca21039f..b2d891848f7 100644 --- a/official/recommendation/ranking/README.md +++ b/official/recommendation/ranking/README.md @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # TF Model Garden Ranking Models ## Overview diff --git a/official/recommendation/ranking/configs/yaml/dcn_v2_criteo_tpu.yaml b/official/recommendation/ranking/configs/yaml/dcn_v2_criteo_tpu.yaml index a281e03259b..6532d59e8c1 100644 --- a/official/recommendation/ranking/configs/yaml/dcn_v2_criteo_tpu.yaml +++ b/official/recommendation/ranking/configs/yaml/dcn_v2_criteo_tpu.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + runtime: distribution_strategy: 'tpu' task: diff --git a/official/recommendation/ranking/configs/yaml/dlrm_criteo_tpu.yaml b/official/recommendation/ranking/configs/yaml/dlrm_criteo_tpu.yaml index aaaadf58e60..79ea6fb6e33 100644 --- a/official/recommendation/ranking/configs/yaml/dlrm_criteo_tpu.yaml +++ b/official/recommendation/ranking/configs/yaml/dlrm_criteo_tpu.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + runtime: distribution_strategy: 'tpu' task: diff --git a/official/recommendation/run.sh b/official/recommendation/run.sh index b8e1143a38b..935a7d01830 100755 --- a/official/recommendation/run.sh +++ b/official/recommendation/run.sh @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + #!/bin/bash set -e diff --git a/official/requirements.txt b/official/requirements.txt index 74028adcb55..fc95b6dae90 100644 --- a/official/requirements.txt +++ b/official/requirements.txt @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + six google-api-python-client>=1.6.7 google-cloud-bigquery>=0.31.0 diff --git a/official/staging/__init__.py b/official/staging/__init__.py index e69de29bb2d..e419af524b5 100644 --- a/official/staging/__init__.py +++ b/official/staging/__init__.py @@ -0,0 +1,14 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + diff --git a/official/staging/training/__init__.py b/official/staging/training/__init__.py index 931c2ef11db..e419af524b5 100644 --- a/official/staging/training/__init__.py +++ b/official/staging/training/__init__.py @@ -1,4 +1,4 @@ -# Copyright 2019 The TensorFlow Authors. All Rights Reserved. +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. @@ -11,4 +11,4 @@ # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. -# ============================================================================== + diff --git a/official/staging/training/grad_utils.py b/official/staging/training/grad_utils.py index 48e7566ed9a..1113d39d5e6 100644 --- a/official/staging/training/grad_utils.py +++ b/official/staging/training/grad_utils.py @@ -1,4 +1,4 @@ -# Copyright 2019 The TensorFlow Authors. All Rights Reserved. +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. @@ -11,7 +11,7 @@ # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. -# ============================================================================== + """Some gradient util functions to help users writing custom training loop.""" from absl import logging diff --git a/official/utils/flags/README.md b/official/utils/flags/README.md index beb3b2a1e1d..49619bdbf2d 100644 --- a/official/utils/flags/README.md +++ b/official/utils/flags/README.md @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Adding Abseil (absl) flags quickstart **WARNING** This module is deprecated. We no long use it in new models and diff --git a/official/utils/flags/guidelines.md b/official/utils/flags/guidelines.md index db963aabebc..fd3720c8596 100644 --- a/official/utils/flags/guidelines.md +++ b/official/utils/flags/guidelines.md @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Using flags in official models 1. **All common flags must be incorporated in the models.** diff --git a/official/utils/testing/pylint.rcfile b/official/utils/testing/pylint.rcfile index b872802a811..33ce61e4c39 100644 --- a/official/utils/testing/pylint.rcfile +++ b/official/utils/testing/pylint.rcfile @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + [MESSAGES CONTROL] disable=R,W,bad-option-value,trailing-newlines,no-name-in-module diff --git a/official/utils/testing/scripts/builds_common.sh b/official/utils/testing/scripts/builds_common.sh index 3cf08bb510d..7bea3ef09b3 100644 --- a/official/utils/testing/scripts/builds_common.sh +++ b/official/utils/testing/scripts/builds_common.sh @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + #!/usr/bin/env bash # Copyright 2019 The TensorFlow Authors. All Rights Reserved. # diff --git a/official/utils/testing/scripts/ci_sanity.sh b/official/utils/testing/scripts/ci_sanity.sh index 0646c87a943..4e73b6288fa 100755 --- a/official/utils/testing/scripts/ci_sanity.sh +++ b/official/utils/testing/scripts/ci_sanity.sh @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + #!/bin/bash # Copyright 2019 The TensorFlow Authors. All Rights Reserved. # diff --git a/official/utils/testing/scripts/presubmit.sh b/official/utils/testing/scripts/presubmit.sh index 33eca3cbb41..6ef7f5a4ab2 100755 --- a/official/utils/testing/scripts/presubmit.sh +++ b/official/utils/testing/scripts/presubmit.sh @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + #!/bin/bash # Copyright 2018 The TensorFlow Authors. All Rights Reserved. # diff --git a/official/vision/beta/MODEL_GARDEN.md b/official/vision/beta/MODEL_GARDEN.md index 42f7eea546b..da804662a39 100644 --- a/official/vision/beta/MODEL_GARDEN.md +++ b/official/vision/beta/MODEL_GARDEN.md @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # TF Vision Model Garden ## Introduction diff --git a/official/vision/beta/README.md b/official/vision/beta/README.md index 7d8f84fd5bd..5e163bebf7d 100644 --- a/official/vision/beta/README.md +++ b/official/vision/beta/README.md @@ -1,2 +1,16 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + This directory contains the new design of TF model garden vision framework. Stay tuned. diff --git a/official/vision/beta/configs/experiments/image_classification/imagenet_mobilenetv2_gpu.yaml b/official/vision/beta/configs/experiments/image_classification/imagenet_mobilenetv2_gpu.yaml index ff1a0719e6f..ef1f2f1b5a3 100644 --- a/official/vision/beta/configs/experiments/image_classification/imagenet_mobilenetv2_gpu.yaml +++ b/official/vision/beta/configs/experiments/image_classification/imagenet_mobilenetv2_gpu.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # MobileNetV2_1.0 ImageNet classification. 71.0% top-1 and 90.0% top-5 accuracy. runtime: distribution_strategy: 'mirrored' diff --git a/official/vision/beta/configs/experiments/image_classification/imagenet_mobilenetv2_tpu.yaml b/official/vision/beta/configs/experiments/image_classification/imagenet_mobilenetv2_tpu.yaml index b5df9d6e74a..f16c6315576 100644 --- a/official/vision/beta/configs/experiments/image_classification/imagenet_mobilenetv2_tpu.yaml +++ b/official/vision/beta/configs/experiments/image_classification/imagenet_mobilenetv2_tpu.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # MobileNetV2_1.0 ImageNet classification. 72.72% top-1 and 91.05% top-5 accuracy. runtime: distribution_strategy: 'tpu' diff --git a/official/vision/beta/configs/experiments/image_classification/imagenet_resnet101_deeplab_tpu.yaml b/official/vision/beta/configs/experiments/image_classification/imagenet_resnet101_deeplab_tpu.yaml index 5d7d2959637..3846a6c4b12 100644 --- a/official/vision/beta/configs/experiments/image_classification/imagenet_resnet101_deeplab_tpu.yaml +++ b/official/vision/beta/configs/experiments/image_classification/imagenet_resnet101_deeplab_tpu.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Top-1 accuracy 81.6% on ImageNet runtime: distribution_strategy: 'tpu' diff --git a/official/vision/beta/configs/experiments/image_classification/imagenet_resnet101_tpu.yaml b/official/vision/beta/configs/experiments/image_classification/imagenet_resnet101_tpu.yaml index 2600f58faa5..a777f0c9130 100644 --- a/official/vision/beta/configs/experiments/image_classification/imagenet_resnet101_tpu.yaml +++ b/official/vision/beta/configs/experiments/image_classification/imagenet_resnet101_tpu.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # ResNet-101 ImageNet classification. 79.1% top-1 and 94.5% top-5 accuracy. runtime: distribution_strategy: 'tpu' diff --git a/official/vision/beta/configs/experiments/image_classification/imagenet_resnet152_tpu.yaml b/official/vision/beta/configs/experiments/image_classification/imagenet_resnet152_tpu.yaml index 1c81953e2f6..700b71317c0 100644 --- a/official/vision/beta/configs/experiments/image_classification/imagenet_resnet152_tpu.yaml +++ b/official/vision/beta/configs/experiments/image_classification/imagenet_resnet152_tpu.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # ResNet-152 ImageNet classification. 79.4% top-1 and 94.7% top-5 accuracy. runtime: distribution_strategy: 'tpu' diff --git a/official/vision/beta/configs/experiments/image_classification/imagenet_resnet50_deeplab_tpu.yaml b/official/vision/beta/configs/experiments/image_classification/imagenet_resnet50_deeplab_tpu.yaml index 11bdafbc35d..6bcdde4a616 100644 --- a/official/vision/beta/configs/experiments/image_classification/imagenet_resnet50_deeplab_tpu.yaml +++ b/official/vision/beta/configs/experiments/image_classification/imagenet_resnet50_deeplab_tpu.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + runtime: distribution_strategy: 'tpu' mixed_precision_dtype: 'bfloat16' diff --git a/official/vision/beta/configs/experiments/image_classification/imagenet_resnet50_gpu.yaml b/official/vision/beta/configs/experiments/image_classification/imagenet_resnet50_gpu.yaml index dd6a4dc1618..e70ba6ce198 100644 --- a/official/vision/beta/configs/experiments/image_classification/imagenet_resnet50_gpu.yaml +++ b/official/vision/beta/configs/experiments/image_classification/imagenet_resnet50_gpu.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + runtime: distribution_strategy: 'mirrored' mixed_precision_dtype: 'float16' diff --git a/official/vision/beta/configs/experiments/image_classification/imagenet_resnet50_tfds_tpu.yaml b/official/vision/beta/configs/experiments/image_classification/imagenet_resnet50_tfds_tpu.yaml index 1506b48f903..382e3fbc700 100644 --- a/official/vision/beta/configs/experiments/image_classification/imagenet_resnet50_tfds_tpu.yaml +++ b/official/vision/beta/configs/experiments/image_classification/imagenet_resnet50_tfds_tpu.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # ResNet-50 ImageNet classification. 78.1% top-1 and 93.9% top-5 accuracy. runtime: distribution_strategy: 'tpu' diff --git a/official/vision/beta/configs/experiments/image_classification/imagenet_resnet50_tpu.yaml b/official/vision/beta/configs/experiments/image_classification/imagenet_resnet50_tpu.yaml index 7fd10535aa8..3ba1b2b7771 100644 --- a/official/vision/beta/configs/experiments/image_classification/imagenet_resnet50_tpu.yaml +++ b/official/vision/beta/configs/experiments/image_classification/imagenet_resnet50_tpu.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # ResNet-50 ImageNet classification. 78.1% top-1 and 93.9% top-5 accuracy. runtime: distribution_strategy: 'tpu' diff --git a/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs101_i160.yaml b/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs101_i160.yaml index 7c9e7b80a02..cff3d32b3d4 100644 --- a/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs101_i160.yaml +++ b/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs101_i160.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # ResNet-RS-101 ImageNet classification. 80.2% top-1 accuracy. runtime: distribution_strategy: 'tpu' diff --git a/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs101_i192.yaml b/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs101_i192.yaml index 576c4862505..28c5c75388b 100644 --- a/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs101_i192.yaml +++ b/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs101_i192.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # ResNet-RS-101 ImageNet classification. 81.3% top-1 accuracy. runtime: distribution_strategy: 'tpu' diff --git a/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs152_i192.yaml b/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs152_i192.yaml index b1c8edc463f..6c763f33184 100644 --- a/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs152_i192.yaml +++ b/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs152_i192.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # ResNet-RS-152 ImageNet classification. 81.9% top-1 accuracy. runtime: distribution_strategy: 'tpu' diff --git a/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs152_i224.yaml b/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs152_i224.yaml index 2ec14bae5ab..5a3c4d1c399 100644 --- a/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs152_i224.yaml +++ b/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs152_i224.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # ResNet-RS-152 ImageNet classification. 82.5% top-1 accuracy. runtime: distribution_strategy: 'tpu' diff --git a/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs152_i256.yaml b/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs152_i256.yaml index 91b53d6217f..548c5c5330d 100644 --- a/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs152_i256.yaml +++ b/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs152_i256.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # ResNet-RS-152 ImageNet classification. 83.1% top-1 accuracy. runtime: distribution_strategy: 'tpu' diff --git a/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs200_i256.yaml b/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs200_i256.yaml index 9d76c010170..79968298ce8 100644 --- a/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs200_i256.yaml +++ b/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs200_i256.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # ResNet-RS-200 ImageNet classification. 83.5% top-1 accuracy. runtime: distribution_strategy: 'tpu' diff --git a/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs270_i256.yaml b/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs270_i256.yaml index b7c6a644e2c..4849a457e14 100644 --- a/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs270_i256.yaml +++ b/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs270_i256.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # ResNet-RS-270 ImageNet classification. 83.6% top-1 accuracy. runtime: distribution_strategy: 'tpu' diff --git a/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs350_i256.yaml b/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs350_i256.yaml index 3b2d3fe261c..a025dd481a0 100644 --- a/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs350_i256.yaml +++ b/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs350_i256.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # ResNet-RS-350 ImageNet classification. 83.7% top-1 accuracy. runtime: distribution_strategy: 'tpu' diff --git a/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs350_i320.yaml b/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs350_i320.yaml index 36cdba7bb43..5110ad6459d 100644 --- a/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs350_i320.yaml +++ b/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs350_i320.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # ResNet-RS-350 ImageNet classification. 84.2% top-1 accuracy. runtime: distribution_strategy: 'tpu' diff --git a/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs420_i320.yaml b/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs420_i320.yaml index 9b02b7e006a..7d249604175 100644 --- a/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs420_i320.yaml +++ b/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs420_i320.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + runtime: distribution_strategy: 'tpu' mixed_precision_dtype: 'bfloat16' diff --git a/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs50_i160.yaml b/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs50_i160.yaml index a57f41f3908..8303553e3b9 100644 --- a/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs50_i160.yaml +++ b/official/vision/beta/configs/experiments/image_classification/imagenet_resnetrs50_i160.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # ResNet-RS-50 ImageNet classification. 79.1% top-1 accuracy. runtime: distribution_strategy: 'tpu' diff --git a/official/vision/beta/configs/experiments/maskrcnn/coco_spinenet143_cascadercnn_tpu.yaml b/official/vision/beta/configs/experiments/maskrcnn/coco_spinenet143_cascadercnn_tpu.yaml index 1f8b245da76..0121ef53148 100644 --- a/official/vision/beta/configs/experiments/maskrcnn/coco_spinenet143_cascadercnn_tpu.yaml +++ b/official/vision/beta/configs/experiments/maskrcnn/coco_spinenet143_cascadercnn_tpu.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # --experiment_type=cascadercnn_spinenet_coco # Expect to reach: box mAP: 51.9%, mask mAP: 45.0% on COCO runtime: diff --git a/official/vision/beta/configs/experiments/maskrcnn/coco_spinenet143_mrcnn_tpu.yaml b/official/vision/beta/configs/experiments/maskrcnn/coco_spinenet143_mrcnn_tpu.yaml index 4d5ec8ae481..0d83e409379 100644 --- a/official/vision/beta/configs/experiments/maskrcnn/coco_spinenet143_mrcnn_tpu.yaml +++ b/official/vision/beta/configs/experiments/maskrcnn/coco_spinenet143_mrcnn_tpu.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Expect to reach: box mAP: 49.3%, mask mAP: 43.4% on COCO runtime: distribution_strategy: 'tpu' diff --git a/official/vision/beta/configs/experiments/maskrcnn/coco_spinenet49_cascadercnn_tpu.yaml b/official/vision/beta/configs/experiments/maskrcnn/coco_spinenet49_cascadercnn_tpu.yaml index a28dd4bb0fc..26df9523e82 100644 --- a/official/vision/beta/configs/experiments/maskrcnn/coco_spinenet49_cascadercnn_tpu.yaml +++ b/official/vision/beta/configs/experiments/maskrcnn/coco_spinenet49_cascadercnn_tpu.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # --experiment_type=cascadercnn_spinenet_coco # Expect to reach: box mAP: 46.4%, mask mAP: 40.0% on COCO runtime: diff --git a/official/vision/beta/configs/experiments/maskrcnn/coco_spinenet49_mrcnn_tpu.yaml b/official/vision/beta/configs/experiments/maskrcnn/coco_spinenet49_mrcnn_tpu.yaml index 4ac1ae428bf..674ceac933a 100644 --- a/official/vision/beta/configs/experiments/maskrcnn/coco_spinenet49_mrcnn_tpu.yaml +++ b/official/vision/beta/configs/experiments/maskrcnn/coco_spinenet49_mrcnn_tpu.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Expect to reach: box mAP: 43.2%, mask mAP: 38.3% on COCO runtime: distribution_strategy: 'tpu' diff --git a/official/vision/beta/configs/experiments/maskrcnn/coco_spinenet96_casrcnn_tpu.yaml b/official/vision/beta/configs/experiments/maskrcnn/coco_spinenet96_casrcnn_tpu.yaml index 612608333c3..2ec84bd7dad 100644 --- a/official/vision/beta/configs/experiments/maskrcnn/coco_spinenet96_casrcnn_tpu.yaml +++ b/official/vision/beta/configs/experiments/maskrcnn/coco_spinenet96_casrcnn_tpu.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + runtime: distribution_strategy: 'tpu' mixed_precision_dtype: 'bfloat16' diff --git a/official/vision/beta/configs/experiments/maskrcnn/coco_spinenet96_mrcnn_tpu.yaml b/official/vision/beta/configs/experiments/maskrcnn/coco_spinenet96_mrcnn_tpu.yaml index 9609b7eee34..d30a532a098 100644 --- a/official/vision/beta/configs/experiments/maskrcnn/coco_spinenet96_mrcnn_tpu.yaml +++ b/official/vision/beta/configs/experiments/maskrcnn/coco_spinenet96_mrcnn_tpu.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Expect to reach: box mAP: 48.1%, mask mAP: 42.4% on COCO runtime: distribution_strategy: 'tpu' diff --git a/official/vision/beta/configs/experiments/maskrcnn/r50fpn_640_coco_scratch_tpu4x4.yaml b/official/vision/beta/configs/experiments/maskrcnn/r50fpn_640_coco_scratch_tpu4x4.yaml index 218f0451058..1ffc6f9e641 100644 --- a/official/vision/beta/configs/experiments/maskrcnn/r50fpn_640_coco_scratch_tpu4x4.yaml +++ b/official/vision/beta/configs/experiments/maskrcnn/r50fpn_640_coco_scratch_tpu4x4.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Expect to reach: box mAP: 42.3%, mask mAP: 37.6% on COCO task: init_checkpoint: null diff --git a/official/vision/beta/configs/experiments/retinanet/coco_spinenet143_tpu.yaml b/official/vision/beta/configs/experiments/retinanet/coco_spinenet143_tpu.yaml index 438fe031a8b..dc3bc2b1710 100644 --- a/official/vision/beta/configs/experiments/retinanet/coco_spinenet143_tpu.yaml +++ b/official/vision/beta/configs/experiments/retinanet/coco_spinenet143_tpu.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # SpineNet-143 COCO detection with protocal C config. Expecting 50.0% AP. runtime: distribution_strategy: 'tpu' diff --git a/official/vision/beta/configs/experiments/retinanet/coco_spinenet190_tpu.yaml b/official/vision/beta/configs/experiments/retinanet/coco_spinenet190_tpu.yaml index bc0ea1f94ec..653ef5fd791 100644 --- a/official/vision/beta/configs/experiments/retinanet/coco_spinenet190_tpu.yaml +++ b/official/vision/beta/configs/experiments/retinanet/coco_spinenet190_tpu.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + runtime: distribution_strategy: 'tpu' mixed_precision_dtype: 'bfloat16' diff --git a/official/vision/beta/configs/experiments/retinanet/coco_spinenet49_mobile_tpu.yaml b/official/vision/beta/configs/experiments/retinanet/coco_spinenet49_mobile_tpu.yaml index 116dd008493..094e067040e 100644 --- a/official/vision/beta/configs/experiments/retinanet/coco_spinenet49_mobile_tpu.yaml +++ b/official/vision/beta/configs/experiments/retinanet/coco_spinenet49_mobile_tpu.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # --experiment_type=retinanet_spinenet_mobile_coco runtime: distribution_strategy: 'tpu' diff --git a/official/vision/beta/configs/experiments/retinanet/coco_spinenet49_tpu.yaml b/official/vision/beta/configs/experiments/retinanet/coco_spinenet49_tpu.yaml index 725e1fc9b84..1587130e978 100644 --- a/official/vision/beta/configs/experiments/retinanet/coco_spinenet49_tpu.yaml +++ b/official/vision/beta/configs/experiments/retinanet/coco_spinenet49_tpu.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # SpineNet-49 COCO detection with protocal C config. Expecting 44.2% AP. runtime: distribution_strategy: 'tpu' diff --git a/official/vision/beta/configs/experiments/retinanet/coco_spinenet49s_mobile_tpu.yaml b/official/vision/beta/configs/experiments/retinanet/coco_spinenet49s_mobile_tpu.yaml index 3b89a626759..f62ec9b348f 100644 --- a/official/vision/beta/configs/experiments/retinanet/coco_spinenet49s_mobile_tpu.yaml +++ b/official/vision/beta/configs/experiments/retinanet/coco_spinenet49s_mobile_tpu.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # --experiment_type=retinanet_spinenet_mobile_coco runtime: distribution_strategy: 'tpu' diff --git a/official/vision/beta/configs/experiments/retinanet/coco_spinenet49xs_mobile_tpu.yaml b/official/vision/beta/configs/experiments/retinanet/coco_spinenet49xs_mobile_tpu.yaml index 8c9bf3a0b1f..028a84beebf 100644 --- a/official/vision/beta/configs/experiments/retinanet/coco_spinenet49xs_mobile_tpu.yaml +++ b/official/vision/beta/configs/experiments/retinanet/coco_spinenet49xs_mobile_tpu.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # --experiment_type=retinanet_spinenet_mobile_coco runtime: distribution_strategy: 'tpu' diff --git a/official/vision/beta/configs/experiments/retinanet/coco_spinenet96_tpu.yaml b/official/vision/beta/configs/experiments/retinanet/coco_spinenet96_tpu.yaml index c75d667753f..7b794cd1651 100644 --- a/official/vision/beta/configs/experiments/retinanet/coco_spinenet96_tpu.yaml +++ b/official/vision/beta/configs/experiments/retinanet/coco_spinenet96_tpu.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # SpineNet-96 COCO detection with protocol C config. Expecting 48.5% AP. runtime: distribution_strategy: 'tpu' diff --git a/official/vision/beta/configs/experiments/retinanet/resnet50fpn_coco_tfds_tpu.yaml b/official/vision/beta/configs/experiments/retinanet/resnet50fpn_coco_tfds_tpu.yaml index 0f9a30a3443..0d6cf883907 100644 --- a/official/vision/beta/configs/experiments/retinanet/resnet50fpn_coco_tfds_tpu.yaml +++ b/official/vision/beta/configs/experiments/retinanet/resnet50fpn_coco_tfds_tpu.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + runtime: distribution_strategy: 'tpu' mixed_precision_dtype: 'bfloat16' diff --git a/official/vision/beta/configs/experiments/retinanet/resnet50fpn_coco_tpu4x4_benchmark.yaml b/official/vision/beta/configs/experiments/retinanet/resnet50fpn_coco_tpu4x4_benchmark.yaml index 46b1f3cad7c..1523946cb1b 100644 --- a/official/vision/beta/configs/experiments/retinanet/resnet50fpn_coco_tpu4x4_benchmark.yaml +++ b/official/vision/beta/configs/experiments/retinanet/resnet50fpn_coco_tpu4x4_benchmark.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Benchmarks runs on same instnace, change eval batch size to fit on 4x4 tpu task: validation_data: diff --git a/official/vision/beta/configs/experiments/semantic_segmentation/deeplabv3plus_resnet101_cityscapes_tfds_tpu.yaml b/official/vision/beta/configs/experiments/semantic_segmentation/deeplabv3plus_resnet101_cityscapes_tfds_tpu.yaml index 4ffc7689d2f..bf929ee4ee4 100644 --- a/official/vision/beta/configs/experiments/semantic_segmentation/deeplabv3plus_resnet101_cityscapes_tfds_tpu.yaml +++ b/official/vision/beta/configs/experiments/semantic_segmentation/deeplabv3plus_resnet101_cityscapes_tfds_tpu.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Use your own cityscapes preprocessed dataset. 79% meanIoU. runtime: distribution_strategy: 'tpu' diff --git a/official/vision/beta/configs/experiments/video_classification/k400_3d-resnet50_tpu.yaml b/official/vision/beta/configs/experiments/video_classification/k400_3d-resnet50_tpu.yaml index d9158c2bd17..704c727ffe6 100644 --- a/official/vision/beta/configs/experiments/video_classification/k400_3d-resnet50_tpu.yaml +++ b/official/vision/beta/configs/experiments/video_classification/k400_3d-resnet50_tpu.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # 3D ResNet-50 video classification on Kinetics-400. # # --experiment_type=video_classification_kinetics400 diff --git a/official/vision/beta/configs/experiments/video_classification/k400_resnet3drs_50_tpu.yaml b/official/vision/beta/configs/experiments/video_classification/k400_resnet3drs_50_tpu.yaml index 83875d1273a..9e1977297ec 100644 --- a/official/vision/beta/configs/experiments/video_classification/k400_resnet3drs_50_tpu.yaml +++ b/official/vision/beta/configs/experiments/video_classification/k400_resnet3drs_50_tpu.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # 3D ResNet-RS-50 video classification on Kinetics-400. # # --experiment_type=video_classification_kinetics400 diff --git a/official/vision/beta/configs/experiments/video_classification/k400_slowonly16x4_tpu.yaml b/official/vision/beta/configs/experiments/video_classification/k400_slowonly16x4_tpu.yaml index 8e6793a374e..b6d20bfb4c1 100644 --- a/official/vision/beta/configs/experiments/video_classification/k400_slowonly16x4_tpu.yaml +++ b/official/vision/beta/configs/experiments/video_classification/k400_slowonly16x4_tpu.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # SlowOnly 16x4 video classification on Kinetics-400. # # --experiment_type=video_classification_kinetics400 diff --git a/official/vision/beta/configs/experiments/video_classification/k400_slowonly8x8_tpu.yaml b/official/vision/beta/configs/experiments/video_classification/k400_slowonly8x8_tpu.yaml index c0bcd881ef3..c711f2e105c 100644 --- a/official/vision/beta/configs/experiments/video_classification/k400_slowonly8x8_tpu.yaml +++ b/official/vision/beta/configs/experiments/video_classification/k400_slowonly8x8_tpu.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # SlowOnly 8x8 video classification on Kinetics-400. # # --experiment_type=video_classification_kinetics400 diff --git a/official/vision/beta/configs/experiments/video_classification/k600_3d-resnet50_tpu.yaml b/official/vision/beta/configs/experiments/video_classification/k600_3d-resnet50_tpu.yaml index ceb38608d6d..348a2466f6b 100644 --- a/official/vision/beta/configs/experiments/video_classification/k600_3d-resnet50_tpu.yaml +++ b/official/vision/beta/configs/experiments/video_classification/k600_3d-resnet50_tpu.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # 3D ResNet-50 video classification on Kinetics-600. # # --experiment_type=video_classification_kinetics600 diff --git a/official/vision/beta/configs/experiments/video_classification/k600_3d-resnet50g_tpu.yaml b/official/vision/beta/configs/experiments/video_classification/k600_3d-resnet50g_tpu.yaml index 3ae54c41564..38627270718 100644 --- a/official/vision/beta/configs/experiments/video_classification/k600_3d-resnet50g_tpu.yaml +++ b/official/vision/beta/configs/experiments/video_classification/k600_3d-resnet50g_tpu.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # 3D ResNet-50g video classification on Kinetics-600. # # --experiment_type=video_classification_kinetics600 diff --git a/official/vision/beta/configs/experiments/video_classification/k600_slowonly8x8_tpu.yaml b/official/vision/beta/configs/experiments/video_classification/k600_slowonly8x8_tpu.yaml index 43f656ce3f0..6e7e3e1fdb2 100644 --- a/official/vision/beta/configs/experiments/video_classification/k600_slowonly8x8_tpu.yaml +++ b/official/vision/beta/configs/experiments/video_classification/k600_slowonly8x8_tpu.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # SlowOnly 8x8 video classification on Kinetics-600. # # --experiment_type=video_classification_kinetics600 diff --git a/official/vision/beta/projects/README.md b/official/vision/beta/projects/README.md index 9c20f07fc60..93cc973ce8f 100644 --- a/official/vision/beta/projects/README.md +++ b/official/vision/beta/projects/README.md @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + Here are a few projects that are built on tf.vision. They are build and maintain by different parties. They can be used as examples of how to build your own projects based on tf.vision. diff --git a/official/vision/beta/projects/assemblenet/README.md b/official/vision/beta/projects/assemblenet/README.md index fb19541f9fc..66b9c56537e 100644 --- a/official/vision/beta/projects/assemblenet/README.md +++ b/official/vision/beta/projects/assemblenet/README.md @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # AssembleNet and AssembleNet++ This repository is the official implementations of the following papers. diff --git a/official/vision/beta/projects/deepmac_maskrcnn/README.md b/official/vision/beta/projects/deepmac_maskrcnn/README.md index 1e241f2cf9b..ed0b1be8b2a 100644 --- a/official/vision/beta/projects/deepmac_maskrcnn/README.md +++ b/official/vision/beta/projects/deepmac_maskrcnn/README.md @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Mask R-CNN with deep mask heads This project brings insights from the DeepMAC model into the Mask-RCNN diff --git a/official/vision/beta/projects/deepmac_maskrcnn/configs/experiments/deep_mask_head_rcnn_voc_r101_hg52.yaml b/official/vision/beta/projects/deepmac_maskrcnn/configs/experiments/deep_mask_head_rcnn_voc_r101_hg52.yaml index 1a097653808..a3e4d443ae3 100644 --- a/official/vision/beta/projects/deepmac_maskrcnn/configs/experiments/deep_mask_head_rcnn_voc_r101_hg52.yaml +++ b/official/vision/beta/projects/deepmac_maskrcnn/configs/experiments/deep_mask_head_rcnn_voc_r101_hg52.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + task: # VOC class taken from # models/official/vision/detection/utils/class_utils.py diff --git a/official/vision/beta/projects/deepmac_maskrcnn/configs/experiments/deep_mask_head_rcnn_voc_r50.yaml b/official/vision/beta/projects/deepmac_maskrcnn/configs/experiments/deep_mask_head_rcnn_voc_r50.yaml index 792bc9c1f7c..cb925d38fea 100644 --- a/official/vision/beta/projects/deepmac_maskrcnn/configs/experiments/deep_mask_head_rcnn_voc_r50.yaml +++ b/official/vision/beta/projects/deepmac_maskrcnn/configs/experiments/deep_mask_head_rcnn_voc_r50.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + task: # VOC class taken from # models/official/vision/detection/utils/class_utils.py diff --git a/official/vision/beta/projects/deepmac_maskrcnn/configs/experiments/deep_mask_head_rcnn_voc_r50_hg52.yaml b/official/vision/beta/projects/deepmac_maskrcnn/configs/experiments/deep_mask_head_rcnn_voc_r50_hg52.yaml index 060bfb61b2e..79f25ec5aae 100644 --- a/official/vision/beta/projects/deepmac_maskrcnn/configs/experiments/deep_mask_head_rcnn_voc_r50_hg52.yaml +++ b/official/vision/beta/projects/deepmac_maskrcnn/configs/experiments/deep_mask_head_rcnn_voc_r50_hg52.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + task: # VOC class taken from # models/official/vision/detection/utils/class_utils.py diff --git a/official/vision/beta/projects/movinet/README.md b/official/vision/beta/projects/movinet/README.md index 5ccf1d3e838..a19576cf97e 100644 --- a/official/vision/beta/projects/movinet/README.md +++ b/official/vision/beta/projects/movinet/README.md @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Mobile Video Networks (MoViNets) [![Open In Colab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/tensorflow/models/blob/master/official/vision/beta/projects/movinet/movinet_tutorial.ipynb) diff --git a/official/vision/beta/projects/movinet/configs/yaml/movinet_a0_k600_8x8.yaml b/official/vision/beta/projects/movinet/configs/yaml/movinet_a0_k600_8x8.yaml index bd7d3ce92a9..0c3ea819ebc 100644 --- a/official/vision/beta/projects/movinet/configs/yaml/movinet_a0_k600_8x8.yaml +++ b/official/vision/beta/projects/movinet/configs/yaml/movinet_a0_k600_8x8.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Video classification on Kinetics-600 using MoViNet-A0 backbone. # --experiment_type=movinet_kinetics600 # Achieves 72.28% Top-1 accuracy. diff --git a/official/vision/beta/projects/movinet/configs/yaml/movinet_a0_k600_cpu_local.yaml b/official/vision/beta/projects/movinet/configs/yaml/movinet_a0_k600_cpu_local.yaml index a144ac56e4d..4424f422139 100644 --- a/official/vision/beta/projects/movinet/configs/yaml/movinet_a0_k600_cpu_local.yaml +++ b/official/vision/beta/projects/movinet/configs/yaml/movinet_a0_k600_cpu_local.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Video classification on Kinetics-600 using MoViNet-A0 backbone. # --experiment_type=movinet_kinetics600 diff --git a/official/vision/beta/projects/movinet/configs/yaml/movinet_a0_stream_k600_8x8.yaml b/official/vision/beta/projects/movinet/configs/yaml/movinet_a0_stream_k600_8x8.yaml index df4afcc4dab..4ed49a1be98 100644 --- a/official/vision/beta/projects/movinet/configs/yaml/movinet_a0_stream_k600_8x8.yaml +++ b/official/vision/beta/projects/movinet/configs/yaml/movinet_a0_stream_k600_8x8.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Video classification on Kinetics-600 using MoViNet-A0-Stream backbone. # --experiment_type=movinet_kinetics600 # Achieves 72.03% Top-1 accuracy. diff --git a/official/vision/beta/projects/movinet/configs/yaml/movinet_a1_k600_8x8.yaml b/official/vision/beta/projects/movinet/configs/yaml/movinet_a1_k600_8x8.yaml index 8c097f49b4a..e05c3c411a9 100644 --- a/official/vision/beta/projects/movinet/configs/yaml/movinet_a1_k600_8x8.yaml +++ b/official/vision/beta/projects/movinet/configs/yaml/movinet_a1_k600_8x8.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Video classification on Kinetics-600 using MoViNet-A1 backbone. # --experiment_type=movinet_kinetics600 # Achieves 76.69% Top-1 accuracy. diff --git a/official/vision/beta/projects/movinet/configs/yaml/movinet_a1_stream_k600_8x8.yaml b/official/vision/beta/projects/movinet/configs/yaml/movinet_a1_stream_k600_8x8.yaml index 3452067ad9c..6abf33886cb 100644 --- a/official/vision/beta/projects/movinet/configs/yaml/movinet_a1_stream_k600_8x8.yaml +++ b/official/vision/beta/projects/movinet/configs/yaml/movinet_a1_stream_k600_8x8.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Video classification on Kinetics-600 using MoViNet-A1-Stream backbone. # --experiment_type=movinet_kinetics600 # Achieves 76.45% Top-1 accuracy. diff --git a/official/vision/beta/projects/movinet/configs/yaml/movinet_a2_k600_8x8.yaml b/official/vision/beta/projects/movinet/configs/yaml/movinet_a2_k600_8x8.yaml index 575772b9f3e..8e9581d7d86 100644 --- a/official/vision/beta/projects/movinet/configs/yaml/movinet_a2_k600_8x8.yaml +++ b/official/vision/beta/projects/movinet/configs/yaml/movinet_a2_k600_8x8.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Video classification on Kinetics-600 using MoViNet-A2 backbone. # --experiment_type=movinet_kinetics600 # Achieves 78.62% Top-1 accuracy. diff --git a/official/vision/beta/projects/movinet/configs/yaml/movinet_a2_stream_k600_8x8.yaml b/official/vision/beta/projects/movinet/configs/yaml/movinet_a2_stream_k600_8x8.yaml index 206c7940311..83a6cd04ea1 100644 --- a/official/vision/beta/projects/movinet/configs/yaml/movinet_a2_stream_k600_8x8.yaml +++ b/official/vision/beta/projects/movinet/configs/yaml/movinet_a2_stream_k600_8x8.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Video classification on Kinetics-600 using MoViNet-A2-Stream backbone. # --experiment_type=movinet_kinetics600 # Achieves 78.40% Top-1 accuracy. diff --git a/official/vision/beta/projects/movinet/configs/yaml/movinet_a3_k600_8x8.yaml b/official/vision/beta/projects/movinet/configs/yaml/movinet_a3_k600_8x8.yaml index a4d34314695..b0f503aa670 100644 --- a/official/vision/beta/projects/movinet/configs/yaml/movinet_a3_k600_8x8.yaml +++ b/official/vision/beta/projects/movinet/configs/yaml/movinet_a3_k600_8x8.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Video classification on Kinetics-600 using MoViNet-A3 backbone. # --experiment_type=movinet_kinetics600 # Achieves 81.79% Top-1 accuracy. diff --git a/official/vision/beta/projects/movinet/configs/yaml/movinet_a3_stream_k600_8x8.yaml b/official/vision/beta/projects/movinet/configs/yaml/movinet_a3_stream_k600_8x8.yaml index d503e3dc6f9..62ec0e0ae5c 100644 --- a/official/vision/beta/projects/movinet/configs/yaml/movinet_a3_stream_k600_8x8.yaml +++ b/official/vision/beta/projects/movinet/configs/yaml/movinet_a3_stream_k600_8x8.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Video classification on Kinetics-600 using MoViNet-A3-Stream backbone. # --experiment_type=movinet_kinetics600 # Achieves 80.09% Top-1 accuracy. diff --git a/official/vision/beta/projects/movinet/configs/yaml/movinet_a4_k600_8x8.yaml b/official/vision/beta/projects/movinet/configs/yaml/movinet_a4_k600_8x8.yaml index 102ccad4f55..6b689bb41ff 100644 --- a/official/vision/beta/projects/movinet/configs/yaml/movinet_a4_k600_8x8.yaml +++ b/official/vision/beta/projects/movinet/configs/yaml/movinet_a4_k600_8x8.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Video classification on Kinetics-600 using MoViNet-A4 backbone. # --experiment_type=movinet_kinetics600 # Achieves 83.48% Top-1 accuracy. diff --git a/official/vision/beta/projects/movinet/configs/yaml/movinet_a4_stream_k600_8x8.yaml b/official/vision/beta/projects/movinet/configs/yaml/movinet_a4_stream_k600_8x8.yaml index 63b9865d366..2eab748d043 100644 --- a/official/vision/beta/projects/movinet/configs/yaml/movinet_a4_stream_k600_8x8.yaml +++ b/official/vision/beta/projects/movinet/configs/yaml/movinet_a4_stream_k600_8x8.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Video classification on Kinetics-600 using MoViNet-A4 backbone. # --experiment_type=movinet_kinetics600 # Achieves 81.33% Top-1 accuracy. diff --git a/official/vision/beta/projects/movinet/configs/yaml/movinet_a5_k600_8x8.yaml b/official/vision/beta/projects/movinet/configs/yaml/movinet_a5_k600_8x8.yaml index 79c9d209d91..a6aa551e71f 100644 --- a/official/vision/beta/projects/movinet/configs/yaml/movinet_a5_k600_8x8.yaml +++ b/official/vision/beta/projects/movinet/configs/yaml/movinet_a5_k600_8x8.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Video classification on Kinetics-600 using MoViNet-A5 backbone. # --experiment_type=movinet_kinetics600 # Achieves 84.00% Top-1 accuracy. diff --git a/official/vision/beta/projects/movinet/configs/yaml/movinet_a5_stream_k600_8x8.yaml b/official/vision/beta/projects/movinet/configs/yaml/movinet_a5_stream_k600_8x8.yaml index 1983937679f..d1bcc87a967 100644 --- a/official/vision/beta/projects/movinet/configs/yaml/movinet_a5_stream_k600_8x8.yaml +++ b/official/vision/beta/projects/movinet/configs/yaml/movinet_a5_stream_k600_8x8.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Video classification on Kinetics-600 using MoViNet-A5-Stream backbone. # --experiment_type=movinet_kinetics600 # Achieves 82.37% Top-1 accuracy. diff --git a/official/vision/beta/projects/movinet/configs/yaml/movinet_t0_k600_8x8.yaml b/official/vision/beta/projects/movinet/configs/yaml/movinet_t0_k600_8x8.yaml index b6b190c8acb..67495e7f042 100644 --- a/official/vision/beta/projects/movinet/configs/yaml/movinet_t0_k600_8x8.yaml +++ b/official/vision/beta/projects/movinet/configs/yaml/movinet_t0_k600_8x8.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Video classification on Kinetics-600 using MoViNet-T0 backbone. # --experiment_type=movinet_kinetics600 # Achieves 68.40% Top-1 accuracy. diff --git a/official/vision/beta/projects/movinet/configs/yaml/movinet_t0_stream_k600_8x8.yaml b/official/vision/beta/projects/movinet/configs/yaml/movinet_t0_stream_k600_8x8.yaml index 320a51ea681..ebf0cc93111 100644 --- a/official/vision/beta/projects/movinet/configs/yaml/movinet_t0_stream_k600_8x8.yaml +++ b/official/vision/beta/projects/movinet/configs/yaml/movinet_t0_stream_k600_8x8.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Video classification on Kinetics-600 using MoViNet-T0-Stream backbone. # --experiment_type=movinet_kinetics600 # Achieves 67.17% Top-1 accuracy. diff --git a/official/vision/beta/projects/movinet/movinet_tutorial.ipynb b/official/vision/beta/projects/movinet/movinet_tutorial.ipynb index 319489d7a78..7ad97fb722e 100644 --- a/official/vision/beta/projects/movinet/movinet_tutorial.ipynb +++ b/official/vision/beta/projects/movinet/movinet_tutorial.ipynb @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + { "cells": [ { diff --git a/official/vision/beta/projects/movinet/requirements.txt b/official/vision/beta/projects/movinet/requirements.txt index 55b985f2258..190cec2dcb7 100644 --- a/official/vision/beta/projects/movinet/requirements.txt +++ b/official/vision/beta/projects/movinet/requirements.txt @@ -1 +1,15 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + mediapy diff --git a/official/vision/beta/projects/simclr/README.md b/official/vision/beta/projects/simclr/README.md index 91b4375bd60..b381c5c4718 100644 --- a/official/vision/beta/projects/simclr/README.md +++ b/official/vision/beta/projects/simclr/README.md @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Simple Framework for Contrastive Learning [![Paper](http://img.shields.io/badge/Paper-arXiv.2002.05709-B3181B?logo=arXiv)](https://arxiv.org/abs/2002.05709) diff --git a/official/vision/beta/projects/simclr/configs/experiments/cifar_simclr_pretrain.yaml b/official/vision/beta/projects/simclr/configs/experiments/cifar_simclr_pretrain.yaml index 07d319a6929..f4b5d006701 100644 --- a/official/vision/beta/projects/simclr/configs/experiments/cifar_simclr_pretrain.yaml +++ b/official/vision/beta/projects/simclr/configs/experiments/cifar_simclr_pretrain.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Cifar classification. runtime: distribution_strategy: 'mirrored' diff --git a/official/vision/beta/projects/simclr/configs/experiments/imagenet_simclr_finetune_gpu.yaml b/official/vision/beta/projects/simclr/configs/experiments/imagenet_simclr_finetune_gpu.yaml index 13b02cdf113..49db1edb081 100644 --- a/official/vision/beta/projects/simclr/configs/experiments/imagenet_simclr_finetune_gpu.yaml +++ b/official/vision/beta/projects/simclr/configs/experiments/imagenet_simclr_finetune_gpu.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # SimCLR Imagenet 10% finetuning. runtime: distribution_strategy: 'mirrored' diff --git a/official/vision/beta/projects/simclr/configs/experiments/imagenet_simclr_finetune_tpu.yaml b/official/vision/beta/projects/simclr/configs/experiments/imagenet_simclr_finetune_tpu.yaml index 45cceb5fcd4..933736fd509 100644 --- a/official/vision/beta/projects/simclr/configs/experiments/imagenet_simclr_finetune_tpu.yaml +++ b/official/vision/beta/projects/simclr/configs/experiments/imagenet_simclr_finetune_tpu.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # SimCLR Imagenet 10% finetuning. runtime: distribution_strategy: 'tpu' diff --git a/official/vision/beta/projects/simclr/configs/experiments/imagenet_simclr_pretrain_gpu.yaml b/official/vision/beta/projects/simclr/configs/experiments/imagenet_simclr_pretrain_gpu.yaml index f2fa25ef8e7..31ce98d7ee5 100644 --- a/official/vision/beta/projects/simclr/configs/experiments/imagenet_simclr_pretrain_gpu.yaml +++ b/official/vision/beta/projects/simclr/configs/experiments/imagenet_simclr_pretrain_gpu.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # SimCLR Imagenet pretraining. runtime: distribution_strategy: 'mirrored' diff --git a/official/vision/beta/projects/simclr/configs/experiments/imagenet_simclr_pretrain_tpu.yaml b/official/vision/beta/projects/simclr/configs/experiments/imagenet_simclr_pretrain_tpu.yaml index f5c8045483b..8d7f48e9374 100644 --- a/official/vision/beta/projects/simclr/configs/experiments/imagenet_simclr_pretrain_tpu.yaml +++ b/official/vision/beta/projects/simclr/configs/experiments/imagenet_simclr_pretrain_tpu.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # SimCLR Imagenet pretraining. runtime: distribution_strategy: 'tpu' diff --git a/official/vision/beta/projects/yolo/README.md b/official/vision/beta/projects/yolo/README.md index 0a1e27fbe90..707ad2f0b2a 100644 --- a/official/vision/beta/projects/yolo/README.md +++ b/official/vision/beta/projects/yolo/README.md @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # YOLO Object Detectors, You Only Look Once [![Paper](http://img.shields.io/badge/Paper-arXiv.1804.02767-B3181B?logo=arXiv)](https://arxiv.org/abs/1804.02767) diff --git a/official/vision/beta/projects/yolo/configs/experiments/csp_darknet53.yaml b/official/vision/beta/projects/yolo/configs/experiments/csp_darknet53.yaml index 10dbdc56855..60feb5fc0f2 100644 --- a/official/vision/beta/projects/yolo/configs/experiments/csp_darknet53.yaml +++ b/official/vision/beta/projects/yolo/configs/experiments/csp_darknet53.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + runtime: distribution_strategy: 'mirrored' mixed_precision_dtype: 'float32' diff --git a/official/vision/beta/projects/yolo/configs/experiments/csp_darknet53_tfds.yaml b/official/vision/beta/projects/yolo/configs/experiments/csp_darknet53_tfds.yaml index b27ff015708..778bca2e408 100644 --- a/official/vision/beta/projects/yolo/configs/experiments/csp_darknet53_tfds.yaml +++ b/official/vision/beta/projects/yolo/configs/experiments/csp_darknet53_tfds.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + runtime: distribution_strategy: 'mirrored' mixed_precision_dtype: 'float16' diff --git a/official/vision/beta/projects/yolo/configs/experiments/darknet53.yaml b/official/vision/beta/projects/yolo/configs/experiments/darknet53.yaml index a3333b599e3..bf2f37a984c 100644 --- a/official/vision/beta/projects/yolo/configs/experiments/darknet53.yaml +++ b/official/vision/beta/projects/yolo/configs/experiments/darknet53.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + runtime: distribution_strategy: 'mirrored' mixed_precision_dtype: 'float32' diff --git a/official/vision/beta/projects/yolo/configs/experiments/darknet53_tfds.yaml b/official/vision/beta/projects/yolo/configs/experiments/darknet53_tfds.yaml index 8f9fb2dfc6b..32d935a7cb0 100644 --- a/official/vision/beta/projects/yolo/configs/experiments/darknet53_tfds.yaml +++ b/official/vision/beta/projects/yolo/configs/experiments/darknet53_tfds.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + runtime: distribution_strategy: 'mirrored' mixed_precision_dtype: 'float16' diff --git a/official/vision/beta/projects/yt8m/README.md b/official/vision/beta/projects/yt8m/README.md index 2f4cf2ab4b0..2acaef2b906 100644 --- a/official/vision/beta/projects/yt8m/README.md +++ b/official/vision/beta/projects/yt8m/README.md @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # YouTube-8M Tensorflow Starter Code DISCLAIMER: This project is still under development. diff --git a/official/vision/beta/projects/yt8m/experiments/yt8m.yaml b/official/vision/beta/projects/yt8m/experiments/yt8m.yaml index c099f23f90b..40e7c784587 100644 --- a/official/vision/beta/projects/yt8m/experiments/yt8m.yaml +++ b/official/vision/beta/projects/yt8m/experiments/yt8m.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # yt8m config file task: model: diff --git a/official/vision/beta/projects/yt8m/experiments/yt8m_test.yaml b/official/vision/beta/projects/yt8m/experiments/yt8m_test.yaml index 9a7ef94cc73..343629aa710 100644 --- a/official/vision/beta/projects/yt8m/experiments/yt8m_test.yaml +++ b/official/vision/beta/projects/yt8m/experiments/yt8m_test.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # yt8m test config file task: model: diff --git a/official/vision/detection/README.md b/official/vision/detection/README.md index 2633f86d5dc..6985f3a79c7 100644 --- a/official/vision/detection/README.md +++ b/official/vision/detection/README.md @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Object Detection Models on TensorFlow 2 **WARNING**: This repository will be deprecated and replaced by the solid diff --git a/official/vision/image_classification/README.md b/official/vision/image_classification/README.md index 78bfe1f27e6..6137e9ccce4 100644 --- a/official/vision/image_classification/README.md +++ b/official/vision/image_classification/README.md @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Image Classification This folder contains TF 2.0 model examples for image classification: diff --git a/official/vision/image_classification/configs/examples/efficientnet/imagenet/efficientnet-b0-gpu.yaml b/official/vision/image_classification/configs/examples/efficientnet/imagenet/efficientnet-b0-gpu.yaml index 6f40ffb1e30..756b489fef5 100644 --- a/official/vision/image_classification/configs/examples/efficientnet/imagenet/efficientnet-b0-gpu.yaml +++ b/official/vision/image_classification/configs/examples/efficientnet/imagenet/efficientnet-b0-gpu.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Training configuration for EfficientNet-b0 trained on ImageNet on GPUs. # Takes ~32 minutes per epoch for 8 V100s. # Reaches ~76.1% within 350 epochs. diff --git a/official/vision/image_classification/configs/examples/efficientnet/imagenet/efficientnet-b0-tpu.yaml b/official/vision/image_classification/configs/examples/efficientnet/imagenet/efficientnet-b0-tpu.yaml index c5be7e9ba32..b406fbe0f6c 100644 --- a/official/vision/image_classification/configs/examples/efficientnet/imagenet/efficientnet-b0-tpu.yaml +++ b/official/vision/image_classification/configs/examples/efficientnet/imagenet/efficientnet-b0-tpu.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Training configuration for EfficientNet-b0 trained on ImageNet on TPUs. # Takes ~2 minutes, 50 seconds per epoch for v3-32. # Reaches ~76.1% within 350 epochs. diff --git a/official/vision/image_classification/configs/examples/efficientnet/imagenet/efficientnet-b1-gpu.yaml b/official/vision/image_classification/configs/examples/efficientnet/imagenet/efficientnet-b1-gpu.yaml index 2f3dce01a46..f4ecba89b8e 100644 --- a/official/vision/image_classification/configs/examples/efficientnet/imagenet/efficientnet-b1-gpu.yaml +++ b/official/vision/image_classification/configs/examples/efficientnet/imagenet/efficientnet-b1-gpu.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Note: This configuration uses a scaled per-replica batch size based on the number of devices. runtime: distribution_strategy: 'mirrored' diff --git a/official/vision/image_classification/configs/examples/efficientnet/imagenet/efficientnet-b1-tpu.yaml b/official/vision/image_classification/configs/examples/efficientnet/imagenet/efficientnet-b1-tpu.yaml index 0bb6a9fe6f0..4a96ce232e8 100644 --- a/official/vision/image_classification/configs/examples/efficientnet/imagenet/efficientnet-b1-tpu.yaml +++ b/official/vision/image_classification/configs/examples/efficientnet/imagenet/efficientnet-b1-tpu.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Training configuration for EfficientNet-b1 trained on ImageNet on TPUs. # Takes ~3 minutes, 15 seconds per epoch for v3-32. # Note: This configuration uses a scaled per-replica batch size based on the number of devices. diff --git a/official/vision/image_classification/configs/examples/resnet/imagenet/gpu.yaml b/official/vision/image_classification/configs/examples/resnet/imagenet/gpu.yaml index 2037d6b5d1c..5fc88552caa 100644 --- a/official/vision/image_classification/configs/examples/resnet/imagenet/gpu.yaml +++ b/official/vision/image_classification/configs/examples/resnet/imagenet/gpu.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Training configuration for ResNet trained on ImageNet on GPUs. # Reaches > 76.1% within 90 epochs. # Note: This configuration uses a scaled per-replica batch size based on the number of devices. diff --git a/official/vision/image_classification/configs/examples/resnet/imagenet/tpu.yaml b/official/vision/image_classification/configs/examples/resnet/imagenet/tpu.yaml index 0a3030333bb..cda4cd6df9d 100644 --- a/official/vision/image_classification/configs/examples/resnet/imagenet/tpu.yaml +++ b/official/vision/image_classification/configs/examples/resnet/imagenet/tpu.yaml @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # Training configuration for ResNet trained on ImageNet on TPUs. # Takes ~4 minutes, 30 seconds seconds per epoch for a v3-32. # Reaches > 76.1% within 90 epochs. diff --git a/official/vision/image_classification/resnet/README.md b/official/vision/image_classification/resnet/README.md index 5064523fbdc..a5243db2e01 100644 --- a/official/vision/image_classification/resnet/README.md +++ b/official/vision/image_classification/resnet/README.md @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + This folder contains a [custom training loop (CTL)](#resnet-custom-training-loop) implementation for ResNet50. diff --git a/official/vision/keras_cv/LICENSE b/official/vision/keras_cv/LICENSE index 0b1ba442980..945e036f578 100644 --- a/official/vision/keras_cv/LICENSE +++ b/official/vision/keras_cv/LICENSE @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + Copyright 2020 The TensorFlow Authors. All rights reserved. Apache License diff --git a/official/vision/keras_cv/README.md b/official/vision/keras_cv/README.md index 1132d521cd7..4c9917964f5 100644 --- a/official/vision/keras_cv/README.md +++ b/official/vision/keras_cv/README.md @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + # keras-cv ## Losses diff --git a/official/vision/keras_cv/contributing.md b/official/vision/keras_cv/contributing.md index d9efe9b0691..729528ae38a 100644 --- a/official/vision/keras_cv/contributing.md +++ b/official/vision/keras_cv/contributing.md @@ -1,3 +1,17 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + ## Contributing to KerasCV Patches to KerasCV are welcome! diff --git a/official/vision/keras_cv/requirements.txt b/official/vision/keras_cv/requirements.txt index 6bad10388ec..6d50ed5b314 100644 --- a/official/vision/keras_cv/requirements.txt +++ b/official/vision/keras_cv/requirements.txt @@ -1,2 +1,16 @@ +# Copyright 2021 The TensorFlow Authors. All Rights Reserved. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + numpy scipy