đ RegNet
RegNet is a model trained on ImageNet-1K, designed for image classification tasks, offering high - performance solutions in the field of computer vision.
đ Quick Start
RegNet is a model trained on ImageNet-1K. It was introduced in the paper Designing Network Design Spaces and first released in this repository.
Disclaimer: The team releasing RegNet did not write a model card for this model so this model card has been written by the Hugging Face team.
⨠Features
- Designed Search Spaces: The authors design search spaces to perform Neural Architecture Search (NAS). They start from a high - dimensional search space and iteratively reduce it by empirically applying constraints based on the best - performing models sampled by the current search space.
- Visualization: You can view the model architecture in the following image.

đģ Usage Examples
Basic Usage
>>> from transformers import AutoFeatureExtractor, RegNetForImageClassification
>>> import torch
>>> from datasets import load_dataset
>>> dataset = load_dataset("huggingface/cats-image")
>>> image = dataset["test"]["image"][0]
>>> feature_extractor = AutoFeatureExtractor.from_pretrained("zuppif/regnet-y-040")
>>> model = RegNetForImageClassification.from_pretrained("zuppif/regnet-y-040")
>>> inputs = feature_extractor(image, return_tensors="pt")
>>> with torch.no_grad():
... logits = model(**inputs).logits
>>>
>>> predicted_label = logits.argmax(-1).item()
>>> print(model.config.id2label[predicted_label])
'tabby, tabby cat'
Advanced Usage
For more code examples, we refer to the documentation.
đ Documentation
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.
đ License
This model is licensed under the Apache-2.0 license.
Property |
Details |
Tags |
vision, image - classification |
Datasets |
imagenet - 1k |
Widget Examples |
- src: https://huggingface.co/datasets/mishig/sample_images/resolve/main/tiger.jpg, example_title: Tiger
- src: https://huggingface.co/datasets/mishig/sample_images/resolve/main/teapot.jpg, example_title: Teapot
- src: https://huggingface.co/datasets/mishig/sample_images/resolve/main/palace.jpg, example_title: Palace
|