facebook/timesformer-base-finetuned-k400 is a forked repo from huggingface. License: "cc-by-nc-4-0"
Go to file
Niels Rogge 8aaf40ea7d Update README.md 2023-01-02 11:43:07 +00:00
.gitattributes initial commit 2022-10-07 19:03:04 +00:00
README.md Update README.md 2023-01-02 11:43:07 +00:00
config.json update weight and config to reflect latest changes from the pr (#1) 2022-12-02 08:13:34 +00:00
preprocessor_config.json update processor params (#3) 2022-12-12 12:52:09 +00:00
pytorch_model.bin update weight and config to reflect latest changes from the pr (#1) 2022-12-02 08:13:34 +00:00

README.md

license tags
cc-by-nc-4.0
vision
video-classification

TimeSformer (base-sized model, fine-tuned on Kinetics-400)

TimeSformer model pre-trained on Kinetics-400. It was introduced in the paper TimeSformer: Is Space-Time Attention All You Need for Video Understanding? by Tong et al. and first released in this repository.

Disclaimer: The team releasing TimeSformer did not write a model card for this model so this model card has been written by fcakyon.

Intended uses & limitations

You can use the raw model for video classification into one of the 400 possible Kinetics-400 labels.

How to use

Here is how to use this model to classify a video:

from transformers import AutoImageProcessor, TimesformerForVideoClassification
import numpy as np
import torch

video = list(np.random.randn(8, 3, 224, 224))

processor = AutoImageProcessor.from_pretrained("facebook/timesformer-base-finetuned-k400")
model = TimesformerForVideoClassification.from_pretrained("facebook/timesformer-base-finetuned-k400")

inputs = processor(video, return_tensors="pt")

with torch.no_grad():
  outputs = model(**inputs)
  logits = outputs.logits

predicted_class_idx = logits.argmax(-1).item()
print("Predicted class:", model.config.id2label[predicted_class_idx])

For more code examples, we refer to the documentation.

BibTeX entry and citation info

@inproceedings{bertasius2021space,
  title={Is Space-Time Attention All You Need for Video Understanding?},
  author={Bertasius, Gedas and Wang, Heng and Torresani, Lorenzo},
  booktitle={International Conference on Machine Learning},
  pages={813--824},
  year={2021},
  organization={PMLR}
}