facebook / convnextv2-atto-1k-224

huggingface.co
Total runs: 86.4K
24-hour runs: 146
7-day runs: -2.0K
30-day runs: -11.5K
Model's Last Updated: February 18 2025
image-classification

Introduction of convnextv2-atto-1k-224

Model Details of convnextv2-atto-1k-224

ConvNeXt V2 (atto-sized model)

ConvNeXt V2 model pretrained using the FCMAE framework and fine-tuned on the ImageNet-1K dataset at resolution 224x224. It was introduced in the paper ConvNeXt V2: Co-designing and Scaling ConvNets with Masked Autoencoders by Woo et al. and first released in this repository .

Disclaimer: The team releasing ConvNeXT V2 did not write a model card for this model so this model card has been written by the Hugging Face team.

Model description

ConvNeXt V2 is a pure convolutional model (ConvNet) that introduces a fully convolutional masked autoencoder framework (FCMAE) and a new Global Response Normalization (GRN) layer to ConvNeXt. ConvNeXt V2 significantly improves the performance of pure ConvNets on various recognition benchmarks.

model image

Intended uses & limitations

You can use the raw model for image classification. See the model hub to look for fine-tuned versions on a task that interests you.

How to use

Here is how to use this model to classify an image of the COCO 2017 dataset into one of the 1,000 ImageNet classes:

from transformers import AutoImageProcessor, ConvNextV2ForImageClassification
import torch
from datasets import load_dataset

dataset = load_dataset("huggingface/cats-image")
image = dataset["test"]["image"][0]

preprocessor = AutoImageProcessor.from_pretrained("facebook/convnextv2-atto-1k-224")
model = ConvNextV2ForImageClassification.from_pretrained("facebook/convnextv2-atto-1k-224")

inputs = preprocessor(image, return_tensors="pt")

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

# model predicts one of the 1000 ImageNet classes
predicted_label = logits.argmax(-1).item()
print(model.config.id2label[predicted_label]),

For more code examples, we refer to the documentation .

BibTeX entry and citation info
@article{DBLP:journals/corr/abs-2301-00808,
  author    = {Sanghyun Woo and
               Shoubhik Debnath and
               Ronghang Hu and
               Xinlei Chen and
               Zhuang Liu and
               In So Kweon and
               Saining Xie},
  title     = {ConvNeXt {V2:} Co-designing and Scaling ConvNets with Masked Autoencoders},
  journal   = {CoRR},
  volume    = {abs/2301.00808},
  year      = {2023},
  url       = {https://doi.org/10.48550/arXiv.2301.00808},
  doi       = {10.48550/arXiv.2301.00808},
  eprinttype = {arXiv},
  eprint    = {2301.00808},
  timestamp = {Tue, 10 Jan 2023 15:10:12 +0100},
  biburl    = {https://dblp.org/rec/journals/corr/abs-2301-00808.bib},
  bibsource = {dblp computer science bibliography, https://dblp.org}
}

Runs of facebook convnextv2-atto-1k-224 on huggingface.co

86.4K
Total runs
146
24-hour runs
-751
3-day runs
-2.0K
7-day runs
-11.5K
30-day runs

More Information About convnextv2-atto-1k-224 huggingface.co Model

More convnextv2-atto-1k-224 license Visit here:

https://choosealicense.com/licenses/apache-2.0

convnextv2-atto-1k-224 huggingface.co

convnextv2-atto-1k-224 huggingface.co is an AI model on huggingface.co that provides convnextv2-atto-1k-224's model effect (), which can be used instantly with this facebook convnextv2-atto-1k-224 model. huggingface.co supports a free trial of the convnextv2-atto-1k-224 model, and also provides paid use of the convnextv2-atto-1k-224. Support call convnextv2-atto-1k-224 model through api, including Node.js, Python, http.

convnextv2-atto-1k-224 huggingface.co Url

https://huggingface.co/facebook/convnextv2-atto-1k-224

facebook convnextv2-atto-1k-224 online free

convnextv2-atto-1k-224 huggingface.co is an online trial and call api platform, which integrates convnextv2-atto-1k-224's modeling effects, including api services, and provides a free online trial of convnextv2-atto-1k-224, you can try convnextv2-atto-1k-224 online for free by clicking the link below.

facebook convnextv2-atto-1k-224 online free url in huggingface.co:

https://huggingface.co/facebook/convnextv2-atto-1k-224

convnextv2-atto-1k-224 install

convnextv2-atto-1k-224 is an open source model from GitHub that offers a free installation service, and any user can find convnextv2-atto-1k-224 on GitHub to install. At the same time, huggingface.co provides the effect of convnextv2-atto-1k-224 install, users can directly use convnextv2-atto-1k-224 installed effect in huggingface.co for debugging and trial. It also supports api for free installation.

convnextv2-atto-1k-224 install url in huggingface.co:

https://huggingface.co/facebook/convnextv2-atto-1k-224

Url of convnextv2-atto-1k-224

convnextv2-atto-1k-224 huggingface.co Url

Provider of convnextv2-atto-1k-224 huggingface.co

facebook
ORGANIZATIONS

Other API from facebook

huggingface.co

Total runs: 13.1M
Run Growth: 9.0M
Growth Rate: 68.77%
Updated: March 23 2023
huggingface.co

Total runs: 8.3M
Run Growth: 2.2M
Growth Rate: 26.98%
Updated: September 15 2023
huggingface.co

Total runs: 5.1M
Run Growth: -8.5M
Growth Rate: -167.05%
Updated: January 17 2024
huggingface.co

Total runs: 3.0M
Run Growth: 2.2M
Growth Rate: 79.06%
Updated: September 06 2023
huggingface.co

Total runs: 2.9M
Run Growth: 2.8M
Growth Rate: 94.91%
Updated: January 25 2024
huggingface.co

Total runs: 2.9M
Run Growth: 1.9M
Growth Rate: 64.76%
Updated: September 06 2023
huggingface.co

Total runs: 2.7M
Run Growth: 82.9K
Growth Rate: 3.07%
Updated: November 17 2022
huggingface.co

Total runs: 2.1M
Run Growth: 72.4K
Growth Rate: 3.42%
Updated: November 14 2023
huggingface.co

Total runs: 1.8M
Run Growth: 575.4K
Growth Rate: 31.38%
Updated: February 29 2024
huggingface.co

Total runs: 1.3M
Run Growth: 1.3M
Growth Rate: 96.08%
Updated: June 13 2023
huggingface.co

Total runs: 974.6K
Run Growth: 651.8K
Growth Rate: 66.77%
Updated: September 15 2023
huggingface.co

Total runs: 913.3K
Run Growth: 334.9K
Growth Rate: 36.67%
Updated: November 16 2023
huggingface.co

Total runs: 830.8K
Run Growth: 85.7K
Growth Rate: 10.71%
Updated: January 12 2024
huggingface.co

Total runs: 657.8K
Run Growth: -128.7K
Growth Rate: -19.57%
Updated: December 28 2021
huggingface.co

Total runs: 609.1K
Run Growth: -409.0K
Growth Rate: -67.16%
Updated: July 25 2023
huggingface.co

Total runs: 466.6K
Run Growth: -18.3K
Growth Rate: -3.92%
Updated: September 01 2023
huggingface.co

Total runs: 353.9K
Run Growth: -52.0K
Growth Rate: -14.69%
Updated: January 20 2022
huggingface.co

Total runs: 238.6K
Run Growth: 100.0K
Growth Rate: 42.57%
Updated: September 15 2023
huggingface.co

Total runs: 226.1K
Run Growth: 16.8K
Growth Rate: 7.41%
Updated: September 06 2023
huggingface.co

Total runs: 193.7K
Run Growth: 104.6K
Growth Rate: 51.42%
Updated: January 12 2024
huggingface.co

Total runs: 191.4K
Run Growth: -40.8K
Growth Rate: -21.33%
Updated: June 03 2022
huggingface.co

Total runs: 190.8K
Run Growth: -107.5K
Growth Rate: -52.52%
Updated: January 12 2024
huggingface.co

Total runs: 184.5K
Run Growth: -548.3K
Growth Rate: -320.98%
Updated: June 15 2023
huggingface.co

Total runs: 159.1K
Run Growth: -13.1K
Growth Rate: -8.25%
Updated: September 05 2023
huggingface.co

Total runs: 151.3K
Run Growth: -102.5K
Growth Rate: -67.77%
Updated: May 22 2023
huggingface.co

Total runs: 63.4K
Run Growth: 16.8K
Growth Rate: 26.50%
Updated: May 22 2023
huggingface.co

Total runs: 63.4K
Run Growth: 1.7K
Growth Rate: 2.67%
Updated: September 15 2023
huggingface.co

Total runs: 62.0K
Run Growth: 55.3K
Growth Rate: 88.95%
Updated: November 20 2023
huggingface.co

Total runs: 61.6K
Run Growth: 15.6K
Growth Rate: 25.75%
Updated: January 25 2023
huggingface.co

Total runs: 56.9K
Run Growth: -6.0K
Growth Rate: -10.47%
Updated: October 16 2024
huggingface.co

Total runs: 51.5K
Run Growth: 5.6K
Growth Rate: 10.82%
Updated: March 13 2024
huggingface.co

Total runs: 43.8K
Run Growth: 17.4K
Growth Rate: 38.62%
Updated: February 12 2023
huggingface.co

Total runs: 36.3K
Run Growth: 12.3K
Growth Rate: 33.83%
Updated: September 06 2023
huggingface.co

Total runs: 30.8K
Run Growth: -7.8K
Growth Rate: -25.06%
Updated: June 05 2023
huggingface.co

Total runs: 25.9K
Run Growth: 3.8K
Growth Rate: 14.71%
Updated: July 23 2024