Unified Scene Text Detection のインストールとテスト実行(テキスト検出)(Python,TensorFlow を使用)(Windows 上)

Unified Scene Text Detection をインストールし,テキスト検出(text detection)を行う.

目次

  1. 前準備
  2. Unified Scene Text Detection のインストールとテスト実行(Windows 上)
  3. パソコンのカメラで文字検出を行う(Windows 上)

Unified Scene Text Detection

Unified Scene Text Detection は,テキスト検出(text detection),ドキュメントのレイアウト解析(layout analysis)を統合することにより,精度の改善を行っている. 2022年発表.

文献

Towards End-to-End Unified Scene Text Detection and Layout Analysis, Long, Shangbang and Qin, Siyang and Panteleev, Dmitry and Bissacco, Alessandro and Fujii, Yasuhisa and Raptis, Michalis, Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, 2022.

https://arxiv.org/abs/2203.15143

https://openaccess.thecvf.com/content/CVPR2022/papers/Long_Towards_End-to-End_Unified_Scene_Text_Detection_and_Layout_Analysis_CVPR_2022_paper.pdf

関連する外部ページ

前準備

Python 3.10,Git,7-Zip のインストール(Windows 上)

Pythonは,プログラミング言語の1つ. Gitは,分散型のバージョン管理システム. 7-Zipは,ファイル圧縮・展開(解凍)ツール.

手順

  1. Windows で,コマンドプロンプト管理者権限で起動する(例:Windowsキーを押し,「cmd」と入力し,「管理者として実行」を選択)

    次のコマンドを実行

    次のコマンドは,Python ランチャーとPython 3.10とGit7-Zipをインストールし,Git7-Zipパスを通すものである.

    次のコマンドでインストールされるGitは 「git for Windows」と呼ばれるものであり, Git,MinGW などから構成されている.

    winget install --scope machine Python.Launcher
    winget install --scope machine Python.Python.3.10
    winget install --scope machine Git.Git
    powershell -command "$oldpath = [System.Environment]::GetEnvironmentVariable(\"Path\", \"Machine\"); $oldpath += \";c:\Program Files\Git\cmd\"; [System.Environment]::SetEnvironmentVariable(\"Path\", $oldpath, \"Machine\")"
    winget install --scope machine 7zip.7zip
    powershell -command "$oldpath = [System.Environment]::GetEnvironmentVariable(\"Path\", \"Machine\"); $oldpath += \";c:\Program Files\7-Zip\"; [System.Environment]::SetEnvironmentVariable(\"Path\", $oldpath, \"Machine\")"
    

関連する外部ページ

サイト内の関連ページ

関連項目Python, Git バージョン管理システム, Git の利用, 7-Zip

Build Tools for Visual Studio 2022 (ビルドツール for Visual Studio 2022)または Visual Studio 2022 のインストール(Windows 上)

インストールの判断Build Tools for Visual Studio は,開発ツールセットである. Visual Studio は統合開発環境であり,いくつかの種類があり,Build Tools for Visual Studioの機能を含むか連携して使用するものである.インストールは以下の基準で判断してください:

不明な点がある場合は,Visual Studio 全体をインストール を行う方が良い.

Build Tools for Visual Studio 2022 のインストール(Windows 上)

  1. Windows で,コマンドプロンプト管理者権限で起動する(例:Windowsキーを押し,「cmd」と入力し,「管理者として実行」を選択)

    次のコマンドを実行

    次のコマンドは,Build Tools for Visual Studio 2022と VC2015 再配布可能パッケージをインストールするものである.

    winget install --scope machine Microsoft.VisualStudio.2022.BuildTools
    winget install --scope machine Microsoft.VCRedist.2015+.x64
    
  2. Build Tools for Visual Studio 2022 での C++ によるデスクトップ開発,CLI,ATL,MFC のインストール(Windows 上)
    1. Visual Studio Installer の起動

      起動方法: スタートメニューの「Visual Studio Installer」を選ぶ.

    2. Visual Studio Build Tools 2022 で「変更」を選ぶ.
    3. C++ によるデスクトップ開発」をクリック.そして,画面右側の「インストール」の詳細で「v143 ビルドツール用 C++/CLI サポート(最新)」,「ATL」,「MFC」をチェックする.その後,「変更」をクリック.

Visual Studio のインストール(Windows 上)

  1. Windows で,コマンドプロンプト管理者権限で起動する(例:Windowsキーを押し,「cmd」と入力し,「管理者として実行」を選択)

    次のコマンドを実行

    1. コマンドプロンプト管理者権限で起動する(例:Windowsキーを押し,「cmd」と入力し,「管理者として実行」を選択)
    2. インストールコマンドの実行
      winget install Microsoft.VisualStudio.2022.Community --scope machine --override "--add Microsoft.VisualStudio.Workload.NativeDesktop Microsoft.VisualStudio.ComponentGroup.NativeDesktop.Core Microsoft.VisualStudio.Component.VC.CLI.Support Microsoft.VisualStudio.Component.CoreEditor Microsoft.VisualStudio.Component.NuGet Microsoft.VisualStudio.Component.Roslyn.Compiler Microsoft.VisualStudio.Component.TextTemplating Microsoft.VisualStudio.Component.Windows.SDK.Latest Microsoft.VisualStudio.Component.VC.Tools.x86.x64 Microsoft.VisualStudio.Component.VC.ATL Microsoft.VisualStudio.Component.VC.ATLMFC"
      winget install Microsoft.VisualStudio.2022.Community --scope machine Microsoft.VCRedist.2015+.x64
      

      インストールされるコンポーネントの説明:

      • NativeDesktop:C++によるデスクトップアプリケーション開発のためのワークロード一式
      • NativeDesktop.Core:C++デスクトップ開発に必要な基本コンポーネント群
      • VC.CLI.Support:マネージドコードとネイティブコードの統合開発を可能にするC++/CLIサポート
      • CoreEditor:コード編集,デバッグ,検索などの基本機能を提供するVisual Studioのコアエディタ
      • NuGet:.NETライブラリの依存関係を管理するパッケージ管理システム
      • Windows.SDK.Latest:Windows 向けアプリケーション開発用SDK(Software Development Kit)
      • VC.Tools.x86.x64:32ビット及び64ビット向けC++コンパイラとビルドツール
      • VC.ATL:Windowsコンポーネント開発用のActive Template Library
      • VC.ATLMFC:デスクトップアプリケーション開発用のMicrosoft Foundation Class Library

      システム要件と注意事項:

      • 管理者権限でのインストールが必須
      • 必要ディスク容量:10GB以上
      • 推奨メモリ:8GB以上のRAM
      • インストール過程でシステムの再起動が要求される可能性がある
      • 安定したインターネット接続環境が必要

      追加のコンポーネントが必要な場合は,Visual Studio Installerを使用して個別にインストールすることが可能である.

    3. インストール完了の確認
      winget list Microsoft.VisualStudio.2022.Community
      

      トラブルシューティング:

      インストール失敗時は,以下のログファイルを確認:

      %TEMP%\dd_setup_<timestamp>.log
      %TEMP%\dd_bootstrapper_<timestamp>.log
  2. Visual Studio での C++ によるデスクトップ開発,CLI のインストール(Windows 上)
    1. Visual Studio Installer の起動

      起動方法: スタートメニューの「Visual Studio Installer」を選ぶ.

    2. Visual Studio Community 2022 で「変更」を選ぶ.
    3. C++ によるデスクトップ開発」をチェック.そして,画面右側の「インストール」の詳細で「v143 ビルドツール用 C++/CLI サポート(最新)」をチェックする.その後,「インストール」をクリック.

NVIDIA ドライバのインストール(Windows 上)

NVIDIA ドライバ

NVIDIA ドライバは,NVIDIA製GPUを動作させるための重要なソフトウェアである.このドライバをインストールすることにより,GPUの性能を引き出すことができ,グラフィックス関連のアプリ,AI関連のアプリの高速化が期待できる.

ドライバはNVIDIA公式サイトである https://www.nvidia.co.jp/Download/index.aspx?lang=jp からダウンロードできる.このサイトからダウンロードするときには,グラフィックスカードとオペレーティングシステムを選択する. なお,NVIDIA GeForce Experiance を用いてインストールすることも可能である.

サイト内の関連ページ

  1. NVIDIA グラフィックス・ボードの確認

    Windows で,NVIDIA グラフィックス・ボードの種類を調べたいときは, 次のコマンドを実行することにより調べることができる.

    wmic path win32_VideoController get name
    
  2. NVIDIA ドライバのダウンロード

    NVIDIA ドライバは,以下の NVIDIA 公式サイトからダウンロードできる.

    https://www.nvidia.co.jp/Download/index.aspx?lang=jp

  3. ダウンロードの際には,使用しているグラフィックス・ボードの型番とオペレーティングシステムを選択する.

NVIDIA CUDA ツールキット 11.8 のインストール(Windows 上)

NVIDIA CUDA ツールキットのインストール時の注意点

NVIDIAのGPUを使用して並列計算を行うためのツールセット

主な機能: GPU を利用した並列処理,GPU のメモリ管理,C++をベースとした拡張言語とAPIとライブラリ

NVIDIA CUDA ツールキットの動作に必要なもの

Windows でインストールするときの注意点

関連する外部ページ

関連項目NVIDIA CUDA ツールキット, NVIDIA CUDA ツールキット 12.5 のインストール(Windows 上), NVIDIA CUDA ツールキット 11.8 のインストール(Windows 上)

  1. Windows では,NVIDIA CUDA ツールキットインストール中は,なるべく他のウインドウはすべて閉じておくこと.
  2. Windows で,コマンドプロンプト管理者権限で起動する(例:Windowsキーを押し,「cmd」と入力し,「管理者として実行」を選択)
  3. 次のコマンドを実行

    次のコマンドは,NVIDIA GeForce Experience,NVIDIA CUDA ツールキット 11.8 をインストールするものである.

    wmic path win32_VideoController get name
    winget install --scope machine Nvidia.GeForceExperience
    winget install --scope machine Nvidia.CUDA --version 11.8
    powershell -command "[System.Environment]::SetEnvironmentVariable(\"CUDA_HOME\", \"C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.8\", \"Machine\")"
    
  4. NVIDIA CUDA ツールキットのインストールが終わったら,ユーザ環境変数 TEMP の設定を行う.

    Windowsユーザ名が日本語のとき,nvcc がうまく動作しないエラーを回避するためである.

    ユーザ環境変数 TEMP に「C:\TEMP」を設定するために, コマンドプロンプトで,次のコマンドを実行する.

    mkdir C:\TEMP
    powershell -command "[System.Environment]::SetEnvironmentVariable(\"TEMP\", \"C:\TEMP\", \"User\")"
    

NVIDIA cuDNN 8.9.7 のインストール(Windows 上)

NVIDIA cuDNN

NVIDIA cuDNN は, NVIDIA CUDA ツールキット上で動作するディープラーニング・ライブラリである. 畳み込みニューラルネットワークや リカレントニューラルネットワークなど,さまざまなディープラーニングで利用されている.

Windows で,NVIDIA cuDNN の利用時に 「Could not locate zlibwapi.dll. Please make sure it is in your library path!」と表示されるときは, ZLIB DLL をインストールすること.

関連する外部ページ

NVIDIA cuDNN のインストール(Windows 上)の概要

zlib のインストール(Windows 上)

  1. Windows で,コマンドプロンプト管理者権限で起動する(例:Windowsキーを押し,「cmd」と入力し,「管理者として実行」を選択)
  2. 次のコマンドを実行

    次のコマンドは,zlibをインストールし,パスを通すものである.

    cd /d c:%HOMEPATH%
    rmdir /s /q zlib
    git clone https://github.com/madler/zlib
    cd zlib
    del CMakeCache.txt
    rmdir /s /q CMakeFiles\
    cmake . -G "Visual Studio 17 2022" -A x64 -T host=x64 -DCMAKE_INSTALL_PREFIX=c:/zlib
    cmake --build . --config RELEASE --target INSTALL
    powershell -command "$oldpath = [System.Environment]::GetEnvironmentVariable(\"Path\", \"Machine\"); $oldpath += \";c:\zlib\bin\"; [System.Environment]::SetEnvironmentVariable(\"Path\", $oldpath, \"Machine\")"
    powershell -command "[System.Environment]::SetEnvironmentVariable(\"ZLIB_HOME\", \"C:\zlib\", \"Machine\")"
    

関連する外部ページ

関連項目zlib

NVIDIA cuDNN 8.9.7 のインストール(Windows 上)

  1. NVIDIA cuDNN のウェブページを開く

    https://developer.nvidia.com/cuDNN

  2. ダウンロードしたいので,cuDNNのところにある「Download cuDNN」をクリック.
  3. cuDNN Downloads のページで「Archive of Previous Releases」をクリック
  4. cuDNN 8.x - 1.x」をクリック
  5. ダウンロードしたいバージョンを選ぶ

    ここでは「NVIDIA cuDNN v8.9.7 for CUDA 11.x」を選んでいる.

    このとき,画面の「for CUDA ...」のところを確認し,使用するNVIDIA CUDA のバージョンに合うものを選ぶこと.

  6. Windows にインストールするので Windows 版を選ぶ
  7. NVIDIA Developer Program メンバーシップに入る

    NVIDIA cuDNN のダウンロードのため.

    Join now」をクリック.その後,画面の指示に従う. 利用者本人が,電子メールアドレス,表示名,パスワード,生年月日を登録.利用条件等に合意.

  8. ログインする
  9. 調査の画面が出たときは,調査に応じる
  10. ライセンス条項の確認
  11. ダウンロードが始まる.
  12. ダウンロードした .zip ファイルを展開(解凍)する. その中のサブディレクトリを確認しておく.

    Windows での展開(解凍)に便利な 7-Zip: 別ページ »で説明

  13. NVIDIA CUDA ツールキットをインストールしたディレクトリを確認する.「C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.8」のようになっている.
  14. 確認したら, さきほど展開してできたすべてのファイルとディレクトリを,NVIDIA CUDA ツールキットをインストールしたディレクトリにコピーする
  15. パスが通っていることを確認.

    次の操作により,cudnn64_8.dllパスが通っていることを確認する.

    Windowsコマンドプロンプトを開き,次のコマンドを実行する.エラーメッセージが出ないことを確認.

    where cudnn64_8.dll
    
  16. Windowsシステム環境変数 CUDNN_PATH の設定を行う. Windows では, コマンドプロンプトを管理者として開き, 次のコマンドを実行することにより, システム環境変数 CUDNN_PATH の設定を行うことができる.

    コマンドプロンプトを管理者として実行: 別ページ »で説明

    powershell -command "[System.Environment]::SetEnvironmentVariable(\"CUDNN_PATH\", \"C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.8\", \"Machine\")"
    

TensorFlow 2.10.1 のインストール(Windows 上)

  1. Windows で,コマンドプロンプト管理者権限で起動する(例:Windowsキーを押し,「cmd」と入力し,「管理者として実行」を選択)
  2. TensorFlow 2.10.1 のインストール(Windows 上)

    次のコマンドを実行することにより,TensorFlow 2.10.1 および関連パッケージ(tf_slim,tensorflow_datasets,tensorflow-hub,Keras,keras-tuner,keras-visualizer)がインストール(インストール済みのときは最新版に更新)される. そして,Pythonパッケージ(Pillow, pydot, matplotlib, seaborn, pandas, scipy, scikit-learn, scikit-learn-intelex, opencv-python, opencv-contrib-python)がインストール(インストール済みのときは最新版に更新)される.

    python -m pip uninstall -y protobuf tensorflow tensorflow-cpu tensorflow-gpu tensorflow-intel tensorflow-text tensorflow-estimator tf-models-official tf_slim tensorflow_datasets tensorflow-hub keras keras-tuner keras-visualizer
    python -m pip install -U protobuf tensorflow==2.10.1 tf_slim tensorflow_datasets==4.8.3 tensorflow-hub tf-keras keras keras_cv keras-tuner keras-visualizer
    python -m pip install git+https://github.com/tensorflow/docs
    python -m pip install git+https://github.com/tensorflow/examples.git
    python -m pip install git+https://www.github.com/keras-team/keras-contrib.git
    python -m pip install -U pillow pydot matplotlib seaborn pandas scipy scikit-learn scikit-learn-intelex opencv-python opencv-contrib-python
    

Unified Scene Text Detection のインストールとテスト実行(Windows 上)

プロトコル・バッファ・コンパイラ (protocol buffer compiler) のインストール(Windows 上)

プロトコル・バッファ・コンパイラ (protocol buffer compiler) のインストールを行う.

  1. コマンドプロンプトを管理者として開く.

    コマンドプロンプトを管理者として実行: 別ページ »で説明

  2. protoc のダウンロードと展開(解凍)

    3.19.4」のところにはバージョンを指定すること.

    python -m pip install -U protobuf==3.19.6c:\protoc
    cd c:\protoc
    curl -L -O https://github.com/protocolbuffers/protobuf/releases/download/v23.2/protoc-23.2-win64.zip
    powershell -command "Expand-Archive -DestinationPath . -Path protoc-23.2-win64.zip"
    

  3. Windowsシステム環境変数 Pathに,c:\protoc\bin追加することにより,パスを通す

    Windows で,コマンドプロンプト管理者権限で起動する(例:Windowsキーを押し,「cmd」と入力し,「管理者として実行」を選択)

    powershell -command "$oldpath = [System.Environment]::GetEnvironmentVariable(\"Path\", \"Machine\"); $oldpath += \";c:\protoc\bin\"; [System.Environment]::SetEnvironmentVariable(\"Path\", $oldpath, \"Machine\")"
    

pycocotools のインストール(Windows 上)

pycocotools のインストールを行う.

  1. Windows で,コマンドプロンプト管理者権限で起動する(例:Windowsキーを押し,「cmd」と入力し,「管理者として実行」を選択)
  2. pycocotools, COCO 2018 Panoptic Segmentation Task API のインストール

    COCOデータセットをPythonで扱うためには,pycocotools を使う. pycocotools を使うことで,COCOデータセットのアノテーションを扱いやすくなる.

    次のコマンドを実行

    python -m pip install -U --ignore-installed pip
    python -m pip install -U cython wheel
    python -m pip install "git+https://github.com/philferriere/cocoapi.git#egg=pycocotools&subdirectory=PythonAPI"
    python -m pip install git+https://github.com/cocodataset/panopticapi.git
    

Deeplab2 のインストール(Windows 上)

DeepLab2 のインストールを行う.

  1. コマンドプロンプトを管理者として開く.
  2. Deeplab2 のダウンロード
    rmdir /s /q c:\deeplab2
    mkdir c:\deeplab2
    cd c:\deeplab2
    git clone https://github.com/google-research/deeplab2.git
    
  3. protoc を用いてコンパイル
    cd c:\deeplab2
    protoc deeplab2\*.proto --python_out=.
    

  4. Windowsシステム環境変数 PYTHONPATHに,c:\deeplab2追加することにより,パスを通す

    Windows で,コマンドプロンプト管理者権限で起動する(例:Windowsキーを押し,「cmd」と入力し,「管理者として実行」を選択)

    powershell -command "$oldpath = [System.Environment]::GetEnvironmentVariable(\"PYTHONPATH\", \"Machine\"); $oldpath += \";c:\deeplab2\"; [System.Environment]::SetEnvironmentVariable(\"PYTHONPATH\", $oldpath, \"Machine\")"
    

Unified Scene Text Detection のインストールとテスト実行(Windows 上)

  1. Windows で,コマンドプロンプト管理者権限で起動する(例:Windowsキーを押し,「cmd」と入力し,「管理者として実行」を選択)
  2. TensorFlow モデルのダウンロード,プロトコル・バッファ・コンパイラ (protocol buffer compiler) によるコンパイル
    cd /d c:%HOMEPATH%
    rmdir /s /q models
    git clone https://github.com/tensorflow/models.git
    cd models
    python -m pip install -r official/requirements.txt
    python -m pip install -U opencv-python
    cd /d c:%HOMEPATH%\models\research
    protoc object_detection\protos\*.proto --python_out=.
    protoc lstm_object_detection\protos\*.proto --python_out=.
    cd /d c:%HOMEPATH%\models\research\delf
    protoc delf\protos\*.proto --python_out=.
    
  3. TensorFlow モデルの unified_detector のインストール
    cd /d c:%HOMEPATH%\models
    python -m pip install -r official\projects\unified_detector\requirements.txt
    

  4. 学習済みモデルのダウンロード
    1. 次のページで「Download the checkpoint」のところで「ckpt」をクリック https://github.com/tensorflow/models/tree/master/official/projects/unified_detector

    2. ダウンロードしたファイルは,%HOMEPATH%\models に置く

    3. 次のコマンドを実行することにより,展開(解凍)する.
      cd /d c:%HOMEPATH%\models
      move vision_unified_detector_unified_detector_ckpt.gz vision_unified_detector_unified_detector_ckpt.tar.gz
      "c:\Program Files\7-Zip\7z.exe" x vision_unified_detector_unified_detector_ckpt.tar.gz
      "c:\Program Files\7-Zip\7z.exe" x vision_unified_detector_unified_detector_ckpt.tar
      dir
      
    4. ckpt.data-00000-of-00001, ckpt.index ができるので確認

  5. 画像ファイルを準備

    画像ファイル名は demo.png であるとする

  6. 動作確認のため,テキスト検出を行ってみる
    cd /d c:%HOMEPATH%
    cd models
    mkdir vis
    python -m official.projects.unified_detector.run_inference ^
    --gin_file=official/projects/unified_detector/configs/gin_files/unified_detector_model.gin ^
    --ckpt_path=.\ckpt ^
    --img_file=demo.png ^
    --output_path=./demo.json ^
    --vis_dir=vis
    

  7. 結果を表示
    cd vis
    demo-line.jpg
    demo-paragraph.jpg
    demo-word.jpg
    

    単語単位のテキスト検出

    行単位のテキスト検出

    段落単位のテキスト検出

  8. 別の画像で試した場合

    単語単位のテキスト検出

    行単位のテキスト検出

    段落単位のテキスト検出

パソコンのカメラで文字検出を行う(Windows 上)

  1. 公式のプログラムを書き換えた次のプログラムを使用.run.py のようなファイル名で, %HOMEPATH%\models に保存
    # Copyright 2023 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.
    
    r"""A binary to run unified detector."""
    
    import json
    import os
    from typing import Any, Dict, Sequence, Union
    
    from absl import app
    from absl import flags
    from absl import logging
    
    import cv2
    import gin
    import numpy as np
    import tensorflow as tf
    import tqdm
    
    from official.projects.unified_detector import external_configurables  # pylint: disable=unused-import
    from official.projects.unified_detector.modeling import universal_detector
    from official.projects.unified_detector.utils import utilities
    
    
    # group two lines into a paragraph if affinity score higher than this
    _PARA_GROUP_THR = 0.5
    
    
    # MODEL spec
    _GIN_FILE = flags.DEFINE_string(
        'gin_file', None, 'Path to the Gin file that defines the model.')
    _CKPT_PATH = flags.DEFINE_string(
        'ckpt_path', None, 'Path to the checkpoint directory.')
    _IMG_SIZE = flags.DEFINE_integer(
        'img_size', 1024, 'Size of the image fed to the model.')
    # Output
    _OUTPUT_PATH = flags.DEFINE_string('output_path', None, 'Path for the output.')
    
    def _preprocess(raw_image: np.ndarray) -> Union[np.ndarray, float]:
      """Convert a raw image to properly resized, padded, and normalized ndarray."""
      # (1) convert to tf.Tensor and float32.
      img_tensor = tf.convert_to_tensor(raw_image, dtype=tf.float32)
    
      # (2) pad to square.
      height, width = img_tensor.shape[:2]
      maximum_side = tf.maximum(height, width)
      height_pad = maximum_side - height
      width_pad = maximum_side - width
      img_tensor = tf.pad(
          img_tensor, [[0, height_pad], [0, width_pad], [0, 0]],
          constant_values=127)
      ratio = maximum_side / _IMG_SIZE.value
      # (3) resize long side to the maximum length.
      img_tensor = tf.image.resize(
          img_tensor, (_IMG_SIZE.value, _IMG_SIZE.value))
      img_tensor = tf.cast(img_tensor, tf.uint8)
    
      # (4) normalize
      img_tensor = utilities.normalize_image_to_range(img_tensor)
    
      # (5) Add batch dimension and return as numpy array.
      return tf.expand_dims(img_tensor, 0).numpy(), float(ratio)
    
    
    def load_model() -> tf.keras.layers.Layer:
      gin.parse_config_file(_GIN_FILE.value)
      model = universal_detector.UniversalDetector()
      ckpt = tf.train.Checkpoint(model=model)
      ckpt_path = _CKPT_PATH.value
      logging.info('Load ckpt from: %s', ckpt_path)
      ckpt.restore(ckpt_path).expect_partial()
      return model
    
    
    def inference(img, model: tf.keras.layers.Layer) -> Dict[str, Any]:
      """Inference step."""
      img_ndarray, ratio = _preprocess(img)
    
      output_dict = model.serve(img_ndarray)
      class_tensor = output_dict['classes'].numpy()
      mask_tensor = output_dict['masks'].numpy()
      group_tensor = output_dict['groups'].numpy()
    
      indices = np.where(class_tensor[0])[0].tolist()  # indices of positive slots.
      mask_list = [
          mask_tensor[0, :, :, index] for index in indices]  # List of mask ndarray.
    
      # Form lines and words
      lines = []
      line_indices = []
      for index, mask in tqdm.tqdm(zip(indices, mask_list)):
        line = {
            'words': [],
            'text': '',
        }
    
        contours, _ = cv2.findContours(
            (mask > 0.).astype(np.uint8),
            cv2.RETR_TREE,
            cv2.CHAIN_APPROX_SIMPLE)[-2:]
        for contour in contours:
          if (isinstance(contour, np.ndarray) and
              len(contour.shape) == 3 and
              contour.shape[0] > 2 and
              contour.shape[1] == 1 and
              contour.shape[2] == 2):
            cnt_list = (contour[:, 0] * ratio).astype(np.int32).tolist()
            line['words'].append({'text': '', 'vertices': cnt_list})
          else:
            logging.error('Invalid contour: %s, discarded', str(contour))
        if line['words']:
          lines.append(line)
          line_indices.append(index)
    
      # Form paragraphs
      line_grouping = utilities.DisjointSet(len(line_indices))
      affinity = group_tensor[0][line_indices][:, line_indices]
      for i1, i2 in zip(*np.where(affinity > _PARA_GROUP_THR)):
        line_grouping.union(i1, i2)
    
      line_groups = line_grouping.to_group()
      paragraphs = []
      for line_group in line_groups:
        paragraph = {'lines': []}
        for id_ in line_group:
          paragraph['lines'].append(lines[id_])
        if paragraph:
          paragraphs.append(paragraph)
    
      return paragraphs
    
    
    def main(argv: Sequence[str]) -> None:
      if len(argv) > 1:
        raise app.UsageError('Too many command-line arguments.')
    
      model = load_model()
    
      output = {'annotations': []}
      v = cv2.VideoCapture(0)
      while(v.isOpened()):
        r, f = v.read()
        if ( r == False ):
          break
        cv2.imshow("", f)
    
        img = cv2.cvtColor(f, cv2.COLOR_BGR2RGB)
        output['annotations'].append({
            'image_id': 'videocam',
            'paragraphs': inference(img, model),
        })
    
        key = output['annotations'][-1]['image_id']
        paragraphs = output['annotations'][-1]['paragraphs']
        word_bnds = []
        line_bnds = []
        para_bnds = []
        for paragraph in paragraphs:
          paragraph_points_list = []
          for line in paragraph['lines']:
            line_points_list = []
            for word in line['words']:
              word_bnds.append(
                  np.array(word['vertices'], np.int32).reshape((-1, 1, 2)))
              line_points_list.extend(word['vertices'])
            paragraph_points_list.extend(line_points_list)
    
            line_points = np.array(line_points_list, np.int32)  # (N,2)
            left = int(np.min(line_points[:, 0]))
            top = int(np.min(line_points[:, 1]))
            right = int(np.max(line_points[:, 0]))
            bottom = int(np.max(line_points[:, 1]))
            line_bnds.append(
                np.array([[[left, top]], [[right, top]], [[right, bottom]],
                          [[left, bottom]]], np.int32))
          para_points = np.array(paragraph_points_list, np.int32)  # (N,2)
          left = int(np.min(para_points[:, 0]))
          top = int(np.min(para_points[:, 1]))
          right = int(np.max(para_points[:, 0]))
          bottom = int(np.max(para_points[:, 1]))
          para_bnds.append(
              np.array([[[left, top]], [[right, top]], [[right, bottom]],
                        [[left, bottom]]], np.int32))
    
        for name, bnds in zip(['paragraph', 'line', 'word'],
                              [para_bnds, line_bnds, word_bnds]):
          vis = cv2.polylines(img, bnds, True, (0, 0, 255), 2)
          cv2.imshow("", cv2.cvtColor(vis, cv2.COLOR_RGB2BGR))
    
        # Press Q to exit
        if cv2.waitKey(1) & 0xFF == ord('q'):
          break
    
      v.release()
      cv2.destroyAllWindows()
    
      with tf.io.gfile.GFile(_OUTPUT_PATH.value, mode='w') as f:
        f.write(json.dumps(output, ensure_ascii=False, indent=2))
    
    
    if __name__ == '__main__':
      flags.mark_flags_as_required(['gin_file', 'ckpt_path', 'output_path'])
      app.run(main)
    
  2. 次のコマンドを実行
    cd /d c:%HOMEPATH%
    cd models
    python run.py ^
    --gin_file=official/projects/unified_detector/configs/gin_files/unified_detector_model.gin ^
    --ckpt_path=.\ckpt ^
    --output_path=./demo.json