microsoft / resnet-152

huggingface.co
Total runs: 10.6K
24-hour runs: 213
7-day runs: 1.5K
30-day runs: 6.6K
Model's Last Updated: 6月 27 2023
image-classification

Introduction of resnet-152

Model Details of resnet-152

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

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

feature_extractor = AutoFeatureExtractor.from_pretrained("microsoft/resnet-152")
model = ResNetForImageClassification.from_pretrained("microsoft/resnet-152")

inputs = feature_extractor(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-152 on huggingface.co

10.6K
Total runs
213
24-hour runs
730
3-day runs
1.5K
7-day runs
6.6K
30-day runs

More Information About resnet-152 huggingface.co Model

More resnet-152 license Visit here:

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

resnet-152 huggingface.co

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

microsoft resnet-152 online free

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

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

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

resnet-152 install

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

resnet-152 install url in huggingface.co:

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

Url of resnet-152

resnet-152 huggingface.co Url

Provider of resnet-152 huggingface.co

microsoft
ORGANIZATIONS

Other API from microsoft

huggingface.co

Total runs: 19.4M
Run Growth: 12.4M
Growth Rate: 64.13%
Updated: 2月 14 2024
huggingface.co

Total runs: 2.1M
Run Growth: 281.5K
Growth Rate: 13.71%
Updated: 4月 24 2023
huggingface.co

Total runs: 856.8K
Run Growth: 683.3K
Growth Rate: 79.75%
Updated: 2月 03 2022
huggingface.co

Total runs: 528.5K
Run Growth: 133.9K
Growth Rate: 25.34%
Updated: 2月 28 2023
huggingface.co

Total runs: 230.0K
Run Growth: -46.8K
Growth Rate: -20.36%
Updated: 4月 30 2024
huggingface.co

Total runs: 209.9K
Run Growth: -51.4K
Growth Rate: -24.49%
Updated: 8月 19 2024
huggingface.co

Total runs: 131.5K
Run Growth: -9.1K
Growth Rate: -6.90%
Updated: 4月 30 2024
huggingface.co

Total runs: 107.7K
Run Growth: 52.9K
Growth Rate: 49.08%
Updated: 4月 08 2024
huggingface.co

Total runs: 75.5K
Run Growth: 41.4K
Growth Rate: 54.85%
Updated: 9月 18 2023
huggingface.co

Total runs: 49.0K
Run Growth: -23.7K
Growth Rate: -48.48%
Updated: 2月 03 2023
huggingface.co

Total runs: 27.4K
Run Growth: 13.3K
Growth Rate: 48.68%
Updated: 2月 29 2024
huggingface.co

Total runs: 16.8K
Run Growth: 198
Growth Rate: 1.18%
Updated: 11月 23 2023
huggingface.co

Total runs: 11.5K
Run Growth: 1.1K
Growth Rate: 9.72%
Updated: 12月 23 2021
huggingface.co

Total runs: 10.1K
Run Growth: 5.0K
Growth Rate: 49.77%
Updated: 7月 02 2022
huggingface.co

Total runs: 9.5K
Run Growth: 468
Growth Rate: 4.92%
Updated: 4月 30 2024
huggingface.co

Total runs: 9.3K
Run Growth: 2.8K
Growth Rate: 30.09%
Updated: 11月 23 2023
huggingface.co

Total runs: 6.6K
Run Growth: 3.4K
Growth Rate: 51.46%
Updated: 8月 28 2024
huggingface.co

Total runs: 5.7K
Run Growth: 2.5K
Growth Rate: 43.50%
Updated: 6月 27 2023