microsoft / resnet-50

huggingface.co
Total runs: 277.0M
24-hour runs: 6.3M
7-day runs: 54.2M
30-day runs: 193.0M
Model's Last Updated: February 14 2024
image-classification

Introduction of resnet-50

Model Details of resnet-50

ResNet-50 v1.5

ResNet model pre-trained on ImageNet-1k at resolution 224x224. It was introduced in the paper Deep Residual Learning for Image Recognition by He et al.

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

Model description

ResNet (Residual Network) is a convolutional neural network that democratized the concepts of residual learning and skip connections. This enables to train much deeper models.

This is ResNet v1.5, which differs from the original model: in the bottleneck blocks which require downsampling, v1 has stride = 2 in the first 1x1 convolution, whereas v1.5 has stride = 2 in the 3x3 convolution. This difference makes ResNet50 v1.5 slightly more accurate (~0.5% top1) than v1, but comes with a small performance drawback (~5% imgs/sec) according to Nvidia .

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, ResNetForImageClassification
import torch
from datasets import load_dataset

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

processor = AutoImageProcessor.from_pretrained("microsoft/resnet-50")
model = ResNetForImageClassification.from_pretrained("microsoft/resnet-50")

inputs = processor(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
@inproceedings{he2016deep,
  title={Deep residual learning for image recognition},
  author={He, Kaiming and Zhang, Xiangyu and Ren, Shaoqing and Sun, Jian},
  booktitle={Proceedings of the IEEE conference on computer vision and pattern recognition},
  pages={770--778},
  year={2016}
}

Runs of microsoft resnet-50 on huggingface.co

277.0M
Total runs
6.3M
24-hour runs
30.4M
3-day runs
54.2M
7-day runs
193.0M
30-day runs

More Information About resnet-50 huggingface.co Model

More resnet-50 license Visit here:

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

resnet-50 huggingface.co

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

microsoft resnet-50 online free

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

microsoft resnet-50 online free url in huggingface.co:

https://huggingface.co/microsoft/resnet-50

resnet-50 install

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

resnet-50 install url in huggingface.co:

https://huggingface.co/microsoft/resnet-50

Url of resnet-50

Provider of resnet-50 huggingface.co

microsoft
ORGANIZATIONS

Other API from microsoft

huggingface.co

Total runs: 6.1M
Run Growth: 1.0M
Growth Rate: 17.71%
Updated: September 26 2022
huggingface.co

Total runs: 1.0M
Run Growth: 285.4K
Growth Rate: 29.50%
Updated: January 21 2025
huggingface.co

Total runs: 703.5K
Run Growth: 28.4K
Growth Rate: 3.93%
Updated: February 28 2023
huggingface.co

Total runs: 435.4K
Run Growth: -1.0M
Growth Rate: -242.74%
Updated: April 24 2023
huggingface.co

Total runs: 279.0K
Run Growth: 51.9K
Growth Rate: 18.66%
Updated: February 03 2022
huggingface.co

Total runs: 203.5K
Run Growth: 0
Growth Rate: 0.00%
Updated: January 09 2025
huggingface.co

Total runs: 201.7K
Run Growth: 22.4K
Growth Rate: 11.11%
Updated: April 30 2024
huggingface.co

Total runs: 160.4K
Run Growth: -35.1K
Growth Rate: -22.01%
Updated: February 03 2023
huggingface.co

Total runs: 133.5K
Run Growth: -90.7K
Growth Rate: -67.35%
Updated: November 08 2023
huggingface.co

Total runs: 111.8K
Run Growth: -23.0K
Growth Rate: -20.53%
Updated: April 30 2024
huggingface.co

Total runs: 101.2K
Run Growth: 17.1K
Growth Rate: 18.79%
Updated: April 08 2024
huggingface.co

Total runs: 73.2K
Run Growth: 47.2K
Growth Rate: 73.86%
Updated: December 23 2021
huggingface.co

Total runs: 36.7K
Run Growth: 0
Growth Rate: 0.00%
Updated: January 09 2025
huggingface.co

Total runs: 32.4K
Run Growth: 902
Growth Rate: 100.00%
Updated: December 21 2024
huggingface.co

Total runs: 23.0K
Run Growth: 17.0K
Growth Rate: 73.95%
Updated: June 27 2023
huggingface.co

Total runs: 17.1K
Run Growth: 1.8K
Growth Rate: 10.57%
Updated: February 29 2024
huggingface.co

Total runs: 12.8K
Run Growth: 3.7K
Growth Rate: 73.58%
Updated: October 22 2024
huggingface.co

Total runs: 12.6K
Run Growth: -2.0K
Growth Rate: -16.22%
Updated: November 23 2023
huggingface.co

Total runs: 10.5K
Run Growth: 4.3K
Growth Rate: 41.27%
Updated: November 23 2023