模型:
google/efficientnet-b2
EfficientNet模型在分辨率为260×260的ImageNet-1k数据集上进行了训练。该模型是由Mingxing Tan和Quoc V. Le在 EfficientNet: Rethinking Model Scaling for Convolutional Neural Networks 论文中提出,并在 this repository 中首次发布。
免责声明:EfficientNet发布团队没有为该模型编写模型卡片,因此此模型卡片是由Hugging Face团队编写的。
EfficientNet是一个移动友好的纯卷积模型(ConvNet),它提出了一种新的缩放方法,通过简单而高效的复合系数均匀缩放深度/宽度/分辨率的所有维度。
您可以使用原始模型进行图像分类。请查看 model hub 以查找您感兴趣的任务上微调的版本。
使用此模型将COCO 2017数据集中的图像分类为1,000个ImageNet类之一的方法如下:
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-b2") model = EfficientNetForImageClassification.from_pretrained("google/efficientnet-b2") 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]),
有关更多代码示例,我们参考 documentation 。
@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} }