金子邦彦研究室人工知能Windows で動く人工知能関係 Pythonアプリケーション,オープンソースソフトウエア)MMDetection,MMFewShot のインストールと動作確認(画像分類,物体検出)(PyTorch,Python を使用)(Windows 上)

MMDetection,MMFewShot のインストールと動作確認(画像分類,物体検出)(PyTorch,Python を使用)(Windows 上)

MMClassification は, OpenMMLab の構成物で, Few Shot Classification, Few Shot Detection の機能を提供する.

目次

  1. 前準備
  2. MMDetection, MMFewShot のインストール(Windows 上)
  3. MMFewShot を用いた物体検出の実行(Windows 上)

文献

mmfewshot Contributors, OpenMMLab Few Shot Learning Toolbox and Benchmark, https://github.com/open-mmlab/mmfewshot, 2021.

関連する外部ページ

前準備

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

Gitは,バージョン管理システム.ソースコードの管理や複数人での共同に役立つ.

サイト内の関連ページ

Windows での Git のインストール: 別ページ »で説明している.

関連する外部ページ

Git の公式ページ: https://git-scm.com/

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

サイト内の関連ページ

関連する外部ページ

Python の公式ページ: https://www.python.org/

Build Tools for Visual Studio 2022,NVIDIA ドライバ,NVIDIA CUDA ツールキット 11.8,NVIDIA cuDNN 8.6 のインストール(Windows 上)

サイト内の関連ページ

NVIDIA グラフィックスボードを搭載しているパソコンの場合には, NVIDIA ドライバNVIDIA CUDA ツールキットNVIDIA cuDNN のインストールを行う.

関連する外部ページ

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

  1. Windows で,コマンドプロンプト管理者として実行

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

  2. PyTorch のページを確認

    PyTorch のページ: https://pytorch.org/index.html

  3. 次のようなコマンドを実行(実行するコマンドは,PyTorch のページの表示されるコマンドを使う).

    次のコマンドは, PyTorch 2.0 (NVIDIA CUDA 11.8 用) をインストールする. 但し,Anaconda3を使いたい場合には別手順になる.

    事前に NVIDIA CUDA のバージョンを確認しておくこと(ここでは,NVIDIA CUDA ツールキット 11.8 が前もってインストール済みであるとする).

    PyTorch で,GPU が動作している場合には,「torch.cuda.is_available()」により,True が表示される.

    python -m pip install -U --ignore-installed pip
    python -m pip install -U torch torchvision torchaudio numpy --index-url https://download.pytorch.org/whl/cu118
    python -c "import torch; print(torch.__version__, torch.cuda.is_available())" 
    

    [image]

    Anaconda3を使いたい場合には, Anaconda プロンプト (Anaconda Prompt)管理者として実行し, 次のコマンドを実行する. (PyTorch と NVIDIA CUDA との連携がうまくいかない可能性があるため,Anaconda3を使わないことも検討して欲しい).

    conda install -y pytorch torchvision torchaudio pytorch-cuda=11.8 cudnn -c pytorch -c nvidia
    py -c "import torch; print(torch.__version__, torch.cuda.is_available())" 
    

    サイト内の関連ページ

    関連する外部ページ

MMDetection, MMFewShot のインストール(Windows 上)

インストールの方法は複数ある. ここでは, NVIDIA CUDA ツールキットを使うことも考え, インストールしやすい方法として,ソースコードからビルドしてインストールする方法を案内している.

  1. Windows で,コマンドプロンプト管理者として実行

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

  2. PyTorch がインストールできていることを確認するために,PyTorch のバージョンを表示
    python -c "import torch; TORCH_VERSION = '.'.join(torch.__version__.split('.')[:2]); print(TORCH_VERSION)"
    

    [image]
  3. PyTorch が NVIDIA CUDA ツールキットを認識できていることを確認するために, PyTorch が認識しているNVIDIA CUDA ツールキット のバージョンを表示

    このとき,実際には 11.8 をインストールしているのに,「cu117」のように古いバージョンが表示されることがある.このような場合は,気にせずに続行する.

    python -c "import torch; CUDA_VERSION = torch.__version__.split('+')[-1]; print(CUDA_VERSION)"
    

    [image]
  4. MIM,MMDetection のインストール

    インストール手順は, https://mmdetection.readthedocs.io/en/latest/get_started.html による.

    「mim install -e .」でエラーメッセージが出たときは, 「mim install -e .」の代わりに「pip install -e .」を実行.

    python -m pip install -U --ignore-installed pip
    python -m pip uninstall -y openmim mmcv mmcv-full opencv-python opencv-python-headless
    python -m pip install -U openmim opencv-python
    cd %HOMEPATH%
    rmdir /s /q mmdetection
    git clone https://github.com/open-mmlab/mmdetection.git
    cd mmdetection
    mim uninstall -y mmdet
    pip install -r requirements.txt
    mim install -e .
    mim list
    

    (途中省略)
    [image]
  5. MMFewShot のインストール

    Python 3.7 もしくは 3.8 が必要である(2023年4月時点)

    cd %HOMEPATH%
    rmdir /s /q mmfewshot
    git clone https://github.com/open-mmlab/mmfewshot.git
    cd mmfewshot
    mim uninstall -y mmfewshot
    pip install -r requirements.txt
    mim install -e .
    mim list
    

    (省略)
    [image]

MMFewShot を用いた物体検出の実行(Windows 上)

セマンティック・セグメンテーション(ImageNet-1k, ResNet50 を使用)

  1. Windows で,コマンドプロンプト管理者として実行

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

  2. 事前学習済みモデルのダウンロード

    次のコマンドを実行する.

    cd %HOMEPATH%\mmfewshot
    mkdir checkpoints
    cd checkpoints
    curl -O https://download.openmmlab.com/mmfewshot/detection/attention_rpn/coco/attention-rpn_r50_c4_4xb2_coco_base-training_20211102_003348-da28cdfd.pth
    

    [image]
  3. セマンティック・セグメンテーションを行う Python プログラム

    次の Python プログラムを実行する.Matplotlib を使うので,Jupyter QtConsoleJupyter ノートブック (Jupyter Notebook) の利用が便利である.

    下のプログラムは作成途中(動作未確認)

    import os
    from mmfewshot.detection.apis import (inference_detector, init_detector, process_support_images)
    
    os.chdir((os.getenv('HOMEPATH') + '\\' + 'mmfewshow'))
    config_file = 'configs/detection/attention_rpn/coco/attention-rpn_r50_c4_4xb2_coco_base-training.py'
    checkpoint_file = 'checkpoints/attention-rpn_r50_c4_4xb2_coco_base-training_20211102_003348-da28cdfd.pth'
    device = torch.device('cuda' if torch.cuda.is_available() else 'cpu')
    model = init_detector(config_file,checkpoint_file, device=device)
    
    fsupport_images_dir = 'demo/demo_detection_images/support_images'
    files = os.listdir(fsupport_images_dir)
    support_images = [
        os.path.join(fsupport_images_dir, file) for file in files
    ]
    classes = [file.split('.')[0] for file in files]
    support_labels = [[file.split('.')[0]] for file in files]
    print("support_images")
    display(support_images)
    print("classes")
    display(classes)
    print("support_labels")
    display(support_labels)
    process_support_images(model, support_images, support_labels, classes=classes)
    
    # single image
    img = 'demo/demo_detection_images/query_images/demo_query.jpg'
    fscore_thr = 0.3
    
    # https://mmdetection.readthedocs.io/en/v3.0.0/user_guides/inference.html
    from mmdet.registry import VISUALIZERS
    visualizer = VISUALIZERS.build(model.cfg.visualizer)
    visualizer.dataset_meta = model.dataset_meta
    
    result = inference_detector(model, img)
    image = mmcv.imconvert(mmcv.imread(img), 'bgr', 'rgb')
    visualizer.add_datasample('result', image, data_sample=result, show=False, draw_gt=False)
    mmcv.imshow(visualizer.get_image())