Skip to content

Latest commit

Β 

History

History
195 lines (159 loc) Β· 5.6 KB

facebookresearch_pytorchvideo_slowfast.md

File metadata and controls

195 lines (159 loc) Β· 5.6 KB
layout background-class body-class category title summary image author tags github-link github-id featured_image_1 featured_image_2 accelerator demo-model-link
hub_detail
hub-background
hub
researchers
SlowFast
SlowFast networks pretrained on the Kinetics 400 dataset
slowfast.png
FAIR PyTorchVideo
vision
facebookresearch/pytorchvideo
no-image
no-image
β€œcuda-optional”

μ‚¬μš© μ˜ˆμ‹œ

뢈러였기

λͺ¨λΈ 뢈러였기:

import torch
# `slowfast_r50` λͺ¨λΈ 선택
model = torch.hub.load('facebookresearch/pytorchvideo', 'slowfast_r50', pretrained=True)

λ‚˜λ¨Έμ§€ ν•¨μˆ˜λ“€ 뢈러였기:

from typing import Dict
import json
import urllib
from torchvision.transforms import Compose, Lambda
from torchvision.transforms._transforms_video import (
    CenterCropVideo,
    NormalizeVideo,
)
from pytorchvideo.data.encoded_video import EncodedVideo
from pytorchvideo.transforms import (
    ApplyTransformToKey,
    ShortSideScale,
    UniformTemporalSubsample,
    UniformCropVideo
) 

μ…‹μ—…

λͺ¨λΈμ„ 평가 λͺ¨λ“œλ‘œ μ„€μ •ν•˜κ³  μ›ν•˜λŠ” λ””λ°”μ΄μŠ€ 방식을 μ„ νƒν•©λ‹ˆλ‹€.

# GPU λ˜λŠ” CPU 방식을 μ„€μ •ν•©λ‹ˆλ‹€.
device = "cpu"
model = model.eval()
model = model.to(device)

ν† μΉ˜ ν—ˆλΈŒ λͺ¨λΈμ΄ ν›ˆλ ¨λœ Kinetics 400 데이터셋을 μœ„ν•œ id-λ ˆμ΄λΈ” 맀핑 정보λ₯Ό λ‹€μš΄λ‘œλ“œν•©λ‹ˆλ‹€. μ΄λŠ” 예츑된 클래슀 id에 μΉ΄ν…Œκ³ λ¦¬ λ ˆμ΄λΈ” 이름을 λΆ™μ΄λŠ” 데 μ‚¬μš©λ©λ‹ˆλ‹€.

json_url = "https://dl.fbaipublicfiles.com/pyslowfast/dataset/class_names/kinetics_classnames.json"
json_filename = "kinetics_classnames.json"
try: urllib.URLopener().retrieve(json_url, json_filename)
except: urllib.request.urlretrieve(json_url, json_filename)
with open(json_filename, "r") as f:
    kinetics_classnames = json.load(f)

# id-λ ˆμ΄λΈ” 이름 맀핑 λ§Œλ“€κΈ°
kinetics_id_to_classname = {}
for k, v in kinetics_classnames.items():
    kinetics_id_to_classname[v] = str(k).replace('"', "")

μž…λ ₯ λ³€ν™˜μ— λŒ€ν•œ μ •μ˜

side_size = 256
mean = [0.45, 0.45, 0.45]
std = [0.225, 0.225, 0.225]
crop_size = 256
num_frames = 32
sampling_rate = 2
frames_per_second = 30
slowfast_alpha = 4
num_clips = 10
num_crops = 3

class PackPathway(torch.nn.Module):
    """
    μ˜μƒ ν”„λ ˆμž„μ„ ν…μ„œ 리슀트둜 λ°”κΎΈκΈ° μœ„ν•œ λ³€ν™˜.
    """
    def __init__(self):
        super().__init__()
        
    def forward(self, frames: torch.Tensor):
        fast_pathway = frames
        # Perform temporal sampling from the fast pathway.
        slow_pathway = torch.index_select(
            frames,
            1,
            torch.linspace(
                0, frames.shape[1] - 1, frames.shape[1] // slowfast_alpha
            ).long(),
        )
        frame_list = [slow_pathway, fast_pathway]
        return frame_list

transform =  ApplyTransformToKey(
    key="video",
    transform=Compose(
        [
            UniformTemporalSubsample(num_frames),
            Lambda(lambda x: x/255.0),
            NormalizeVideo(mean, std),
            ShortSideScale(
                size=side_size
            ),
            CenterCropVideo(crop_size),
            PackPathway()
        ]
    ),
)

# μž…λ ₯ 클립의 κΈΈμ΄λŠ” λͺ¨λΈμ— 따라 λ‹¬λΌμ§‘λ‹ˆλ‹€.
clip_duration = (num_frames * sampling_rate)/frames_per_second

μΆ”λ‘  μ‹€ν–‰

예제 μ˜μƒμ„ λ‹€μš΄λ‘œλ“œν•©λ‹ˆλ‹€.

url_link = "https://dl.fbaipublicfiles.com/pytorchvideo/projects/archery.mp4"
video_path = 'archery.mp4'
try: urllib.URLopener().retrieve(url_link, video_path)
except: urllib.request.urlretrieve(url_link, video_path)

μ˜μƒμ„ 뢈러였고 λͺ¨λΈμ— ν•„μš”ν•œ μž…λ ₯ ν˜•μ‹μœΌλ‘œ λ³€ν™˜ν•©λ‹ˆλ‹€.

# μ‹œμž‘ 및 μ’…λ£Œ ꡬ간을 μ§€μ •ν•˜μ—¬ 뢈러올 클립의 길이λ₯Ό μ„ νƒν•©λ‹ˆλ‹€.
# start_secλŠ” μ˜μƒμ—μ„œ 행동이 μ‹œμž‘λ˜λŠ” μœ„μΉ˜μ™€ μΌμΉ˜ν•΄μ•Ό ν•©λ‹ˆλ‹€.
start_sec = 0
end_sec = start_sec + clip_duration

# EncodedVideo helper 클래슀λ₯Ό μ΄ˆκΈ°ν™”ν•˜κ³  μ˜μƒμ„ λΆˆλŸ¬μ˜΅λ‹ˆλ‹€.
video = EncodedVideo.from_path(video_path)

# μ›ν•˜λŠ” 클립을 λΆˆλŸ¬μ˜΅λ‹ˆλ‹€.
video_data = video.get_clip(start_sec=start_sec, end_sec=end_sec)

# μ˜μƒ μž…λ ₯을 μ •κ·œν™”ν•˜κΈ° μœ„ν•œ λ³€ν™˜(transform ν•¨μˆ˜)을 μ μš©ν•©λ‹ˆλ‹€.
video_data = transform(video_data)

# μž…λ ₯을 μ›ν•˜λŠ” λ””λ°”μ΄μŠ€λ‘œ μ΄λ™ν•©λ‹ˆλ‹€.
inputs = video_data["video"]
inputs = [i.to(device)[None, ...] for i in inputs]

μ˜ˆμΈ‘κ°’ κ΅¬ν•˜κΈ°

# λͺ¨λΈμ„ 톡해 μž…λ ₯ 클립을 μ „λ‹¬ν•©λ‹ˆλ‹€.
preds = model(inputs)

# 예츑된 클래슀λ₯Ό κ°€μ Έμ˜΅λ‹ˆλ‹€.
post_act = torch.nn.Softmax(dim=1)
preds = post_act(preds)
pred_classes = preds.topk(k=5).indices[0]

# 예츑된 클래슀λ₯Ό λ ˆμ΄λΈ” 이름에 λ§€ν•‘ν•©λ‹ˆλ‹€.
pred_class_names = [kinetics_id_to_classname[int(i)] for i in pred_classes]
print("Top 5 predicted labels: %s" % ", ".join(pred_class_names))

λͺ¨λΈ μ„€λͺ…

SlowFast λͺ¨λΈ μ•„ν‚€ν…μ²˜λŠ” Kinetics λ°μ΄ν„°μ…‹μ˜ 8x8 섀정을 μ‚¬μš©ν•˜μ—¬ 사전 ν›ˆλ ¨λœ κ°€μ€‘μΉ˜κ°€ μžˆλŠ” [1]을 기반으둜 ν•©λ‹ˆλ‹€.

| arch | depth | frame length x sample rate | top 1 | top 5 | Flops (G) | Params (M) | | --------------- | ----------- | ----------- | ----------- | ----------- | ----------- | ----------- | ----------- | | SlowFast | R50 | 8x8 | 76.94 | 92.69 | 65.71 | 34.57 | | SlowFast | R101 | 8x8 | 77.90 | 93.27 | 127.20 | 62.83 |

μ°Έκ³ λ¬Έν—Œ

[1] Christoph Feichtenhofer et al, "SlowFast Networks for Video Recognition" https://arxiv.org/pdf/1812.03982.pdf