đ EfficientNet (b6 model)
EfficientNet model trained on ImageNet - 1k at 528x528 resolution. It offers a new scaling method for convolutional neural networks.
đ Quick Start
EfficientNet is a mobile - friendly pure convolutional model (ConvNet). It was introduced in the paper EfficientNet: Rethinking Model Scaling for Convolutional Neural Networks by Mingxing Tan and Quoc V. Le, and first released in this repository.
Disclaimer: The team releasing EfficientNet did not write a model card for this model, so this model card has been written by the Hugging Face team.
⨠Features
- Scaling Method: EfficientNet proposes a new scaling method that uniformly scales all dimensions of depth/width/resolution using a simple yet highly effective compound coefficient.
- Mobile - Friendly: It is a mobile - friendly pure convolutional model.
đĻ Installation
No specific installation steps are provided in the original document, so this section is skipped.
đģ Usage Examples
Basic Usage
Here is how to use this model to classify an image of the COCO 2017 dataset into one of the 1,000 ImageNet classes:
import torch
from datasets import load_dataset
from transformers import EfficientNetImageProcessor, EfficientNetForImageClassification
dataset = load_dataset("huggingface/cats-image")
image = dataset["test"]["image"][0]
preprocessor = EfficientNetImageProcessor.from_pretrained("google/efficientnet-b6")
model = EfficientNetForImageClassification.from_pretrained("google/efficientnet-b6")
inputs = preprocessor(image, return_tensors="pt")
with torch.no_grad():
logits = model(**inputs).logits
predicted_label = logits.argmax(-1).item()
print(model.config.id2label[predicted_label]),
For more code examples, we refer to the documentation.
đ Documentation
Model description
EfficientNet is a mobile friendly pure convolutional model (ConvNet) that proposes a new scaling method that uniformly scales all dimensions of depth/width/resolution using a simple yet highly effective compound coefficient.

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.
BibTeX entry and citation info
@article{Tan2019EfficientNetRM,
title={EfficientNet: Rethinking Model Scaling for Convolutional Neural Networks},
author={Mingxing Tan and Quoc V. Le},
journal={ArXiv},
year={2019},
volume={abs/1905.11946}
}
đ License
This project is licensed under the Apache - 2.0 license.
Property |
Details |
Model Type |
EfficientNet (b6 model) |
Training Data |
ImageNet - 1k |
Tags |
vision, image - classification |
Widget Examples |
Tiger, Teapot, Palace |