From 6568abd04e7f8ff4e2ec46dad4cb68c19f9669bb Mon Sep 17 00:00:00 2001 From: yuzhenhua Date: Fri, 11 Jun 2021 11:12:20 +0800 Subject: [PATCH] amend file head description and fix deeplabv3 bug --- model_zoo/official/cv/alexnet/postprocess.py | 2 +- .../cv/deeplabv3/ascend310_infer/inc/utils.h | 1 + .../cv/deeplabv3/ascend310_infer/src/main.cc | 3 +- .../cv/deeplabv3/ascend310_infer/src/utils.cc | 19 +++ .../official/cv/deeplabv3/postprocess.py | 123 ++++++------------ .../cv/deeplabv3/scripts/run_infer_310.sh | 2 +- model_zoo/official/cv/dpn/postprocess.py | 2 +- .../official/cv/mobilenetv1/postprocess.py | 2 +- .../official/cv/resnet152/postprocess.py | 2 +- .../cv/resnext50/create_imagenet2012_label.py | 2 +- .../official/cv/resnext50/postprocess.py | 2 +- .../unet/scripts/run_standalone_eval_gpu.sh | 2 +- .../unet/scripts/run_standalone_train_gpu.sh | 2 +- model_zoo/official/cv/unet3d/eval.py | 2 +- model_zoo/official/cv/unet3d/src/loss.py | 2 +- .../official/cv/unet3d/src/unet3d_model.py | 2 +- .../official/cv/unet3d/src/unet3d_parts.py | 2 +- model_zoo/official/cv/unet3d/src/utils.py | 2 +- model_zoo/official/cv/unet3d/train.py | 2 +- model_zoo/official/cv/vgg16/postprocess.py | 2 +- .../official/recommend/naml/postprocess.py | 2 +- .../research/cv/retinanet_resnet101/eval.py | 2 +- .../research/cv/retinanet_resnet152/eval.py | 2 +- model_zoo/research/cv/ssd_mobilenetV2/eval.py | 2 +- .../research/cv/ssd_mobilenetV2/train.py | 2 +- .../cv/ssd_mobilenetV2_FPNlite/eval.py | 2 +- .../cv/ssd_mobilenetV2_FPNlite/train.py | 2 +- 27 files changed, 83 insertions(+), 109 deletions(-) diff --git a/model_zoo/official/cv/alexnet/postprocess.py b/model_zoo/official/cv/alexnet/postprocess.py index a5c9661a1a1..3dba6eefe3c 100644 --- a/model_zoo/official/cv/alexnet/postprocess.py +++ b/model_zoo/official/cv/alexnet/postprocess.py @@ -6,7 +6,7 @@ # # http://www.apache.org/licenses/LICENSE-2.0 # -# less required by applicable law or agreed to in writing, software +# 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 diff --git a/model_zoo/official/cv/deeplabv3/ascend310_infer/inc/utils.h b/model_zoo/official/cv/deeplabv3/ascend310_infer/inc/utils.h index efebe03a8c1..f8d7c5b6ae6 100644 --- a/model_zoo/official/cv/deeplabv3/ascend310_infer/inc/utils.h +++ b/model_zoo/official/cv/deeplabv3/ascend310_infer/inc/utils.h @@ -25,6 +25,7 @@ #include "include/api/types.h" std::vector GetAllFiles(std::string_view dirName); +std::vector GetImagesById(const std::string &idFile, const std::string &dirName); DIR *OpenDir(std::string_view dirName); std::string RealPath(std::string_view path); mindspore::MSTensor ReadFileToTensor(const std::string &file); diff --git a/model_zoo/official/cv/deeplabv3/ascend310_infer/src/main.cc b/model_zoo/official/cv/deeplabv3/ascend310_infer/src/main.cc index b7e72c9d53c..41b434eb78f 100644 --- a/model_zoo/official/cv/deeplabv3/ascend310_infer/src/main.cc +++ b/model_zoo/official/cv/deeplabv3/ascend310_infer/src/main.cc @@ -51,6 +51,7 @@ using mindspore::dataset::vision::Decode; DEFINE_string(mindir_path, "", "mindir path"); +DEFINE_string(image_list, "", "image list"); DEFINE_string(dataset_path, ".", "dataset path"); DEFINE_string(fusion_switch_path, ".", "fusion switch path"); DEFINE_int32(device_id, 0, "device id"); @@ -149,7 +150,7 @@ int main(int argc, char **argv) { return 1; } - auto all_files = GetAllFiles(FLAGS_dataset_path); + auto all_files = GetImagesById(FLAGS_image_list, FLAGS_dataset_path); if (all_files.empty()) { std::cout << "ERROR: no input data." << std::endl; return 1; diff --git a/model_zoo/official/cv/deeplabv3/ascend310_infer/src/utils.cc b/model_zoo/official/cv/deeplabv3/ascend310_infer/src/utils.cc index e383cfc33e4..40762c41edc 100644 --- a/model_zoo/official/cv/deeplabv3/ascend310_infer/src/utils.cc +++ b/model_zoo/official/cv/deeplabv3/ascend310_infer/src/utils.cc @@ -43,6 +43,25 @@ std::vector GetAllFiles(std::string_view dirName) { return res; } +std::vector GetImagesById(const std::string &idFile, const std::string &dirName) { + std::ifstream readFile(idFile); + std::string line; + std::vector result; + + if (!readFile.is_open()) { + std::cout << "can not open image id txt file" << std::endl; + return result; + } + + while (getline(readFile, line)) { + std::size_t pos = line.find(" "); + std::string id = line.substr(0, pos); + result.emplace_back(dirName + "/" + id); + } + + return result; +} + int WriteResult(const std::string& imageFile, const std::vector &outputs) { std::string homePath = "./result_Files"; for (size_t i = 0; i < outputs.size(); ++i) { diff --git a/model_zoo/official/cv/deeplabv3/postprocess.py b/model_zoo/official/cv/deeplabv3/postprocess.py index 07122538be4..5a31defac36 100644 --- a/model_zoo/official/cv/deeplabv3/postprocess.py +++ b/model_zoo/official/cv/deeplabv3/postprocess.py @@ -16,104 +16,57 @@ import os import argparse import numpy as np +from PIL import Image import cv2 -from eval import cal_hist, pre_process +parser = argparse.ArgumentParser(description="deeplabv3 accuracy calculation") +parser.add_argument('--data_root', type=str, default='', help='root path of val data') +parser.add_argument('--data_lst', type=str, default='', help='list of val data') +parser.add_argument('--crop_size', type=int, default=513, help='crop size') +parser.add_argument('--num_classes', type=int, default=21, help='number of classes') +parser.add_argument('--result_path', type=str, default='./result_Files', help='result Files path') +args, _ = parser.parse_known_args() -def parse_args(): - parser = argparse.ArgumentParser(description="deeplabv3 accuracy calculation") - parser.add_argument('--data_root', type=str, default='', help='root path of val data') - parser.add_argument('--data_lst', type=str, default='', help='list of val data') - parser.add_argument('--batch_size', type=int, default=1, help='batch size') - parser.add_argument('--crop_size', type=int, default=513, help='crop size') - parser.add_argument('--scales', type=float, action='append', help='scales of evaluation') - parser.add_argument('--flip', action='store_true', help='perform left-right flip') - parser.add_argument('--ignore_label', type=int, default=255, help='ignore label') - parser.add_argument('--num_classes', type=int, default=21, help='number of classes') - parser.add_argument('--result_path', type=str, default='./result_Files', help='result Files path') - args, _ = parser.parse_known_args() - return args +def get_img_size(file_name): + img = Image.open(file_name) + return img.size -def eval_batch(args, result_file, img_lst, crop_size=513, flip=True): - result_lst = [] - batch_size = len(img_lst) - batch_img = np.zeros((args.batch_size, 3, crop_size, crop_size), dtype=np.float32) - resize_hw = [] - for l in range(batch_size): - img_ = img_lst[l] - img_, resize_h, resize_w = pre_process(args, img_, crop_size) - batch_img[l] = img_ - resize_hw.append([resize_h, resize_w]) +def get_resized_size(org_h, org_w, long_size=513): + if org_h > org_w: + new_h = long_size + new_w = int(1.0 * long_size * org_w / org_h) + else: + new_w = long_size + new_h = int(1.0 * long_size * org_h / org_w) - batch_img = np.ascontiguousarray(batch_img) - net_out = np.fromfile(result_file, np.float32).reshape(args.batch_size, args.num_classes, crop_size, crop_size) - - for bs in range(batch_size): - probs_ = net_out[bs][:, :resize_hw[bs][0], :resize_hw[bs][1]].transpose((1, 2, 0)) - ori_h, ori_w = img_lst[bs].shape[0], img_lst[bs].shape[1] - probs_ = cv2.resize(probs_, (ori_w, ori_h)) - result_lst.append(probs_) - - return result_lst - - -def eval_batch_scales(args, eval_net, img_lst, scales, - base_crop_size=513, flip=True): - sizes_ = [int((base_crop_size - 1) * sc) + 1 for sc in scales] - probs_lst = eval_batch(args, eval_net, img_lst, crop_size=sizes_[0], flip=flip) - print(sizes_) - for crop_size_ in sizes_[1:]: - probs_lst_tmp = eval_batch(args, eval_net, img_lst, crop_size=crop_size_, flip=flip) - for pl, _ in enumerate(probs_lst): - probs_lst[pl] += probs_lst_tmp[pl] - - result_msk = [] - for i in probs_lst: - result_msk.append(i.argmax(axis=2)) - return result_msk + return new_h, new_w +def cal_hist(a, b, n): + k = (a >= 0) & (a < n) + return np.bincount(n * a[k].astype(np.int32) + b[k], minlength=n ** 2).reshape(n, n) def acc_cal(): - args = parse_args() - args.image_mean = [103.53, 116.28, 123.675] - args.image_std = [57.375, 57.120, 58.395] - # data list + hist = np.zeros((args.num_classes, args.num_classes)) with open(args.data_lst) as f: img_lst = f.readlines() - # evaluate - hist = np.zeros((args.num_classes, args.num_classes)) - batch_img_lst = [] - batch_msk_lst = [] - bi = 0 - image_num = 0 - for i, line in enumerate(img_lst): - img_path, msk_path = line.strip().split(' ') + + for line in enumerate(img_lst): + img_path, msk_path = line[1].strip().split(' ') + img_file_path = os.path.join(args.data_root, img_path) + org_width, org_height = get_img_size(img_file_path) + resize_h, resize_w = get_resized_size(org_height, org_width) + result_file = os.path.join(args.result_path, os.path.basename(img_path).split('.jpg')[0] + '_0.bin') - img_path = os.path.join(args.data_root, img_path) + net_out = np.fromfile(result_file, np.float32).reshape(args.num_classes, args.crop_size, args.crop_size) + probs_ = net_out[:, :resize_h, :resize_w].transpose((1, 2, 0)) + probs_ = cv2.resize(probs_, (org_width, org_height)) + + result_msk = probs_.argmax(axis=2) + msk_path = os.path.join(args.data_root, msk_path) - img_ = cv2.imread(img_path) - msk_ = cv2.imread(msk_path, cv2.IMREAD_GRAYSCALE) - batch_img_lst.append(img_) - batch_msk_lst.append(msk_) - bi += 1 - if bi == args.batch_size: - batch_res = eval_batch_scales(args, result_file, batch_img_lst, scales=args.scales, - base_crop_size=args.crop_size, flip=args.flip) - for mi in range(args.batch_size): - hist += cal_hist(batch_msk_lst[mi].flatten(), batch_res[mi].flatten(), args.num_classes) + mask = cv2.imread(msk_path, cv2.IMREAD_GRAYSCALE) - bi = 0 - batch_img_lst = [] - batch_msk_lst = [] - print('processed {} images'.format(i+1)) - image_num = i - - if bi > 0: - batch_res = eval_batch_scales(args, result_file, batch_img_lst, scales=args.scales, - base_crop_size=args.crop_size, flip=args.flip) - for mi in range(bi): - hist += cal_hist(batch_msk_lst[mi].flatten(), batch_res[mi].flatten(), args.num_classes) - print('processed {} images'.format(image_num + 1)) + hist += cal_hist(mask.flatten(), result_msk.flatten(), args.num_classes) print(hist) iu = np.diag(hist) / (hist.sum(1) + hist.sum(0) - np.diag(hist)) diff --git a/model_zoo/official/cv/deeplabv3/scripts/run_infer_310.sh b/model_zoo/official/cv/deeplabv3/scripts/run_infer_310.sh index 9ca6449478f..91342594843 100644 --- a/model_zoo/official/cv/deeplabv3/scripts/run_infer_310.sh +++ b/model_zoo/official/cv/deeplabv3/scripts/run_infer_310.sh @@ -75,7 +75,7 @@ function infer() fi mkdir result_Files mkdir time_Result - ../ascend310_infer/out/main --mindir_path=$model --dataset_path=$data_path --device_id=$device_id --fusion_switch_path=../ascend310_infer/fusion_switch.cfg &> infer.log + ../ascend310_infer/out/main --mindir_path=$model --dataset_path=$data_root --image_list=$data_list_path --device_id=$device_id --fusion_switch_path=../ascend310_infer/fusion_switch.cfg &> infer.log } function cal_acc() diff --git a/model_zoo/official/cv/dpn/postprocess.py b/model_zoo/official/cv/dpn/postprocess.py index 2e9322b7c55..71999f67d14 100644 --- a/model_zoo/official/cv/dpn/postprocess.py +++ b/model_zoo/official/cv/dpn/postprocess.py @@ -6,7 +6,7 @@ # # http://www.apache.org/licenses/LICENSE-2.0 # -# less required by applicable law or agreed to in writing, software +# 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 diff --git a/model_zoo/official/cv/mobilenetv1/postprocess.py b/model_zoo/official/cv/mobilenetv1/postprocess.py index ab1437fc2d2..d04dc422602 100644 --- a/model_zoo/official/cv/mobilenetv1/postprocess.py +++ b/model_zoo/official/cv/mobilenetv1/postprocess.py @@ -6,7 +6,7 @@ # # http://www.apache.org/licenses/LICENSE-2.0 # -# less required by applicable law or agreed to in writing, software +# 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 diff --git a/model_zoo/official/cv/resnet152/postprocess.py b/model_zoo/official/cv/resnet152/postprocess.py index 2e9322b7c55..71999f67d14 100644 --- a/model_zoo/official/cv/resnet152/postprocess.py +++ b/model_zoo/official/cv/resnet152/postprocess.py @@ -6,7 +6,7 @@ # # http://www.apache.org/licenses/LICENSE-2.0 # -# less required by applicable law or agreed to in writing, software +# 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 diff --git a/model_zoo/official/cv/resnext50/create_imagenet2012_label.py b/model_zoo/official/cv/resnext50/create_imagenet2012_label.py index 38f6ee94284..20d86ae69ed 100644 --- a/model_zoo/official/cv/resnext50/create_imagenet2012_label.py +++ b/model_zoo/official/cv/resnext50/create_imagenet2012_label.py @@ -6,7 +6,7 @@ # # http://www.apache.org/licenses/LICENSE-2.0 # -# less required by applicable law or agreed to in writing, software +# 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 diff --git a/model_zoo/official/cv/resnext50/postprocess.py b/model_zoo/official/cv/resnext50/postprocess.py index ce89cdcabf2..361e76e334e 100644 --- a/model_zoo/official/cv/resnext50/postprocess.py +++ b/model_zoo/official/cv/resnext50/postprocess.py @@ -6,7 +6,7 @@ # # http://www.apache.org/licenses/LICENSE-2.0 # -# less required by applicable law or agreed to in writing, software +# 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 diff --git a/model_zoo/official/cv/unet/scripts/run_standalone_eval_gpu.sh b/model_zoo/official/cv/unet/scripts/run_standalone_eval_gpu.sh index 2313086dba0..b3655bca169 100644 --- a/model_zoo/official/cv/unet/scripts/run_standalone_eval_gpu.sh +++ b/model_zoo/official/cv/unet/scripts/run_standalone_eval_gpu.sh @@ -7,7 +7,7 @@ # # http://www.apache.org/licenses/LICENSE-2.0 # -# less required by applicable law or agreed to in writing, software +# 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 diff --git a/model_zoo/official/cv/unet/scripts/run_standalone_train_gpu.sh b/model_zoo/official/cv/unet/scripts/run_standalone_train_gpu.sh index d88caf897b0..e64e09b921c 100644 --- a/model_zoo/official/cv/unet/scripts/run_standalone_train_gpu.sh +++ b/model_zoo/official/cv/unet/scripts/run_standalone_train_gpu.sh @@ -7,7 +7,7 @@ # # http://www.apache.org/licenses/LICENSE-2.0 # -# less required by applicable law or agreed to in writing, software +# 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 diff --git a/model_zoo/official/cv/unet3d/eval.py b/model_zoo/official/cv/unet3d/eval.py index e49ad5c77fb..69b13722bd5 100644 --- a/model_zoo/official/cv/unet3d/eval.py +++ b/model_zoo/official/cv/unet3d/eval.py @@ -6,7 +6,7 @@ # # http://www.apache.org/licenses/LICENSE-2.0 # -# less required by applicable law or agreed to in writing, software +# 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 diff --git a/model_zoo/official/cv/unet3d/src/loss.py b/model_zoo/official/cv/unet3d/src/loss.py index 5c60c4f2456..ad6e19837fb 100644 --- a/model_zoo/official/cv/unet3d/src/loss.py +++ b/model_zoo/official/cv/unet3d/src/loss.py @@ -6,7 +6,7 @@ # # http://www.apache.org/licenses/LICENSE-2.0 # -# less required by applicable law or agreed to in writing, software +# 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 diff --git a/model_zoo/official/cv/unet3d/src/unet3d_model.py b/model_zoo/official/cv/unet3d/src/unet3d_model.py index 85bae388e7a..2bd16d95d90 100644 --- a/model_zoo/official/cv/unet3d/src/unet3d_model.py +++ b/model_zoo/official/cv/unet3d/src/unet3d_model.py @@ -6,7 +6,7 @@ # # http://www.apache.org/licenses/LICENSE-2.0 # -# less required by applicable law or agreed to in writing, software +# 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 diff --git a/model_zoo/official/cv/unet3d/src/unet3d_parts.py b/model_zoo/official/cv/unet3d/src/unet3d_parts.py index 1b385268875..e16d447984a 100644 --- a/model_zoo/official/cv/unet3d/src/unet3d_parts.py +++ b/model_zoo/official/cv/unet3d/src/unet3d_parts.py @@ -6,7 +6,7 @@ # # http://www.apache.org/licenses/LICENSE-2.0 # -# less required by applicable law or agreed to in writing, software +# 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 diff --git a/model_zoo/official/cv/unet3d/src/utils.py b/model_zoo/official/cv/unet3d/src/utils.py index dbbffa6c1bb..893b6ee4ee6 100644 --- a/model_zoo/official/cv/unet3d/src/utils.py +++ b/model_zoo/official/cv/unet3d/src/utils.py @@ -6,7 +6,7 @@ # # http://www.apache.org/licenses/LICENSE-2.0 # -# less required by applicable law or agreed to in writing, software +# 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 diff --git a/model_zoo/official/cv/unet3d/train.py b/model_zoo/official/cv/unet3d/train.py index eb85dabcf88..9bcc25fe5b5 100644 --- a/model_zoo/official/cv/unet3d/train.py +++ b/model_zoo/official/cv/unet3d/train.py @@ -6,7 +6,7 @@ # # http://www.apache.org/licenses/LICENSE-2.0 # -# less required by applicable law or agreed to in writing, software +# 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 diff --git a/model_zoo/official/cv/vgg16/postprocess.py b/model_zoo/official/cv/vgg16/postprocess.py index a1ec676cf20..5906e14f9cb 100644 --- a/model_zoo/official/cv/vgg16/postprocess.py +++ b/model_zoo/official/cv/vgg16/postprocess.py @@ -6,7 +6,7 @@ # # http://www.apache.org/licenses/LICENSE-2.0 # -# less required by applicable law or agreed to in writing, software +# 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 diff --git a/model_zoo/official/recommend/naml/postprocess.py b/model_zoo/official/recommend/naml/postprocess.py index aeeee149a7e..995e957ed0b 100644 --- a/model_zoo/official/recommend/naml/postprocess.py +++ b/model_zoo/official/recommend/naml/postprocess.py @@ -6,7 +6,7 @@ # # http://www.apache.org/licenses/LICENSE-2.0 # -# less required by applicable law or agreed to in writing, software +# 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 diff --git a/model_zoo/research/cv/retinanet_resnet101/eval.py b/model_zoo/research/cv/retinanet_resnet101/eval.py index 3fa31a1b34f..702d63ba269 100644 --- a/model_zoo/research/cv/retinanet_resnet101/eval.py +++ b/model_zoo/research/cv/retinanet_resnet101/eval.py @@ -6,7 +6,7 @@ # # http://www.apache.org/licenses/LICENSE-2.0 # -# less required by applicable law or agreed to in writing, software +# 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 diff --git a/model_zoo/research/cv/retinanet_resnet152/eval.py b/model_zoo/research/cv/retinanet_resnet152/eval.py index 19ba7491289..ecbed7f587e 100644 --- a/model_zoo/research/cv/retinanet_resnet152/eval.py +++ b/model_zoo/research/cv/retinanet_resnet152/eval.py @@ -6,7 +6,7 @@ # # http://www.apache.org/licenses/LICENSE-2.0 # -# less required by applicable law or agreed to in writing, software +# 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 diff --git a/model_zoo/research/cv/ssd_mobilenetV2/eval.py b/model_zoo/research/cv/ssd_mobilenetV2/eval.py index c6d85a95dbe..fcaad0d2759 100644 --- a/model_zoo/research/cv/ssd_mobilenetV2/eval.py +++ b/model_zoo/research/cv/ssd_mobilenetV2/eval.py @@ -6,7 +6,7 @@ # # http://www.apache.org/licenses/LICENSE-2.0 # -# less required by applicable law or agreed to in writing, software +# 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 diff --git a/model_zoo/research/cv/ssd_mobilenetV2/train.py b/model_zoo/research/cv/ssd_mobilenetV2/train.py index 651cadfc557..6f8a851de43 100644 --- a/model_zoo/research/cv/ssd_mobilenetV2/train.py +++ b/model_zoo/research/cv/ssd_mobilenetV2/train.py @@ -6,7 +6,7 @@ # # http://www.apache.org/licenses/LICENSE-2.0 # -# less required by applicable law or agreed to in writing, software +# 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 diff --git a/model_zoo/research/cv/ssd_mobilenetV2_FPNlite/eval.py b/model_zoo/research/cv/ssd_mobilenetV2_FPNlite/eval.py index 78daa5deebe..2603fe5c870 100644 --- a/model_zoo/research/cv/ssd_mobilenetV2_FPNlite/eval.py +++ b/model_zoo/research/cv/ssd_mobilenetV2_FPNlite/eval.py @@ -6,7 +6,7 @@ # # http://www.apache.org/licenses/LICENSE-2.0 # -# less required by applicable law or agreed to in writing, software +# 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 diff --git a/model_zoo/research/cv/ssd_mobilenetV2_FPNlite/train.py b/model_zoo/research/cv/ssd_mobilenetV2_FPNlite/train.py index 31b0b33334b..8d5f8559900 100644 --- a/model_zoo/research/cv/ssd_mobilenetV2_FPNlite/train.py +++ b/model_zoo/research/cv/ssd_mobilenetV2_FPNlite/train.py @@ -6,7 +6,7 @@ # # http://www.apache.org/licenses/LICENSE-2.0 # -# less required by applicable law or agreed to in writing, software +# 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