google / efficientnet-b0

huggingface.co
Total runs: 10.4K
24-hour runs: 0
7-day runs: 3.3K
30-day runs: 4.4K
Model's Last Updated: February 17 2023
image-classification

Introduction of efficientnet-b0

Model Details of efficientnet-b0

EfficientNet (b0 model)

EfficientNet model trained on ImageNet-1k at resolution 224x224. 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.

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.

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:

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-b0")
model = EfficientNetForImageClassification.from_pretrained("google/efficientnet-b0")

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{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}
}

Runs of google efficientnet-b0 on huggingface.co

10.4K
Total runs
0
24-hour runs
631
3-day runs
3.3K
7-day runs
4.4K
30-day runs

More Information About efficientnet-b0 huggingface.co Model

More efficientnet-b0 license Visit here:

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

efficientnet-b0 huggingface.co

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

efficientnet-b0 huggingface.co Url

https://huggingface.co/google/efficientnet-b0

google efficientnet-b0 online free

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

google efficientnet-b0 online free url in huggingface.co:

https://huggingface.co/google/efficientnet-b0

efficientnet-b0 install

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

efficientnet-b0 install url in huggingface.co:

https://huggingface.co/google/efficientnet-b0

Url of efficientnet-b0

efficientnet-b0 huggingface.co Url

Provider of efficientnet-b0 huggingface.co

google
ORGANIZATIONS

Other API from google

huggingface.co

Total runs: 2.1M
Run Growth: 213.3K
Growth Rate: 10.20%
Updated: January 25 2023
huggingface.co

Total runs: 1.4M
Run Growth: 209.4K
Growth Rate: 15.51%
Updated: July 17 2023
huggingface.co

Total runs: 1.3M
Run Growth: -2.1M
Growth Rate: -165.15%
Updated: February 29 2024
huggingface.co

Total runs: 1.2M
Run Growth: 143.2K
Growth Rate: 11.19%
Updated: January 25 2023
huggingface.co

Total runs: 894.5K
Run Growth: -1.1M
Growth Rate: -114.64%
Updated: April 29 2024
huggingface.co

Total runs: 717.3K
Run Growth: 107.1K
Growth Rate: 15.32%
Updated: July 27 2023
huggingface.co

Total runs: 711.1K
Run Growth: 277.8K
Growth Rate: 39.52%
Updated: July 17 2023
huggingface.co

Total runs: 596.1K
Run Growth: 576.4K
Growth Rate: 96.70%
Updated: August 08 2024
huggingface.co

Total runs: 587.2K
Run Growth: 257.9K
Growth Rate: 44.37%
Updated: October 11 2023
huggingface.co

Total runs: 574.2K
Run Growth: 572.9K
Growth Rate: 99.76%
Updated: August 03 2023
huggingface.co

Total runs: 447.7K
Run Growth: -44.4K
Growth Rate: -10.16%
Updated: September 27 2024
huggingface.co

Total runs: 355.0K
Run Growth: -11.7M
Growth Rate: -3406.02%
Updated: August 08 2024
huggingface.co

Total runs: 351.6K
Run Growth: -637.4K
Growth Rate: -185.44%
Updated: August 28 2024
huggingface.co

Total runs: 333.1K
Run Growth: -139.6K
Growth Rate: -44.79%
Updated: August 28 2024
huggingface.co

Total runs: 313.7K
Run Growth: -164.6K
Growth Rate: -49.74%
Updated: August 14 2024
huggingface.co

Total runs: 297.8K
Run Growth: -103.8K
Growth Rate: -34.88%
Updated: January 25 2023
huggingface.co

Total runs: 228.2K
Run Growth: 86.5K
Growth Rate: 38.25%
Updated: January 25 2023
huggingface.co

Total runs: 209.0K
Run Growth: 54.4K
Growth Rate: 26.61%
Updated: November 28 2023
huggingface.co

Total runs: 206.6K
Run Growth: -42.1K
Growth Rate: -20.44%
Updated: August 28 2024
huggingface.co

Total runs: 190.7K
Run Growth: 28.7K
Growth Rate: 14.63%
Updated: November 07 2023
huggingface.co

Total runs: 160.7K
Run Growth: 8.9K
Growth Rate: 5.57%
Updated: January 25 2023
huggingface.co

Total runs: 127.0K
Run Growth: 9.9K
Growth Rate: 7.83%
Updated: September 18 2023
huggingface.co

Total runs: 125.9K
Run Growth: 38.8K
Growth Rate: 31.37%
Updated: January 25 2023
huggingface.co

Total runs: 121.7K
Run Growth: 27.8K
Growth Rate: 23.96%
Updated: January 25 2023
huggingface.co

Total runs: 99.3K
Run Growth: 1.8K
Growth Rate: 1.82%
Updated: August 08 2024
huggingface.co

Total runs: 92.1K
Run Growth: -158.2K
Growth Rate: -170.75%
Updated: January 25 2023
huggingface.co

Total runs: 91.9K
Run Growth: -2.7K
Growth Rate: -2.93%
Updated: September 27 2024
huggingface.co

Total runs: 72.5K
Run Growth: 12.6K
Growth Rate: 17.67%
Updated: January 25 2023
huggingface.co

Total runs: 62.1K
Run Growth: -261.4K
Growth Rate: -428.31%
Updated: June 27 2024
huggingface.co

Total runs: 54.7K
Run Growth: 1.3K
Growth Rate: 2.39%
Updated: January 25 2023
huggingface.co

Total runs: 43.6K
Run Growth: 41.8K
Growth Rate: 96.13%
Updated: November 29 2021
huggingface.co

Total runs: 28.7K
Run Growth: -10.3K
Growth Rate: -37.71%
Updated: November 27 2023
huggingface.co

Total runs: 27.3K
Run Growth: -6.1K
Growth Rate: -22.60%
Updated: January 25 2023
huggingface.co

Total runs: 12.4K
Run Growth: 4.6K
Growth Rate: 37.36%
Updated: July 06 2023
huggingface.co

Total runs: 10.8K
Run Growth: 3.8K
Growth Rate: 36.61%
Updated: April 29 2024
huggingface.co

Total runs: 9.6K
Run Growth: -27.4K
Growth Rate: -304.56%
Updated: September 07 2023
huggingface.co

Total runs: 9.6K
Run Growth: -24.1K
Growth Rate: -267.03%
Updated: January 25 2023
huggingface.co

Total runs: 7.9K
Run Growth: 839
Growth Rate: 11.15%
Updated: January 25 2023