Skip to content

Commit

Permalink
add accelerator tag
Browse files Browse the repository at this point in the history
  • Loading branch information
soumith committed Jun 10, 2019
1 parent 09b25b0 commit 01a0b0c
Show file tree
Hide file tree
Showing 19 changed files with 23 additions and 6 deletions.
7 changes: 3 additions & 4 deletions docs/template.md
Original file line number Diff line number Diff line change
Expand Up @@ -12,19 +12,18 @@ tags: <REQUIRED: [tag1, tag2, ...]>
github-link: <REQUIRED>
featured_image_1: <OPTIONAL: use no-image if not applicable>
featured_image_2: <OPTIONAL: use no-image if not applicable>
accelerator: <OPTIONAL: Current supported values: "cuda", "cuda-optional">
---
<!-- REQUIRED: provide a working script to demonstrate it works with torch.hub, example below -->
```python
import torch
torch.hub.load('pytorch/vision', 'resnet18', pretrained=True)
```
<!-- Walkthrough a small example of using your model. Ideally, less than 25 lines of code -->

<!-- REQUIRED: detailed model description below, in markdown format, feel free to add new sections as necessary -->
### Model Description

<!-- OPTIONAL: put special requirement of your model here, e.g. only supports Python3 -->
### Requiresments

<!-- OPTIONAL: put link to referece papers -->
<!-- OPTIONAL: put link to reference papers -->
### References

1 change: 1 addition & 0 deletions facebookresearch_pytorch-gan-zoo_dcgan.md
Original file line number Diff line number Diff line change
Expand Up @@ -11,6 +11,7 @@ tags: [vision, generative]
github-link: https://github.com/facebookresearch/pytorch_GAN_zoo/blob/master/models/DCGAN.py
featured_image_1: dcgan_fashionGen.jpg
featured_image_2: no-image
accelerator: cuda-optional
order: 10
---

Expand Down
1 change: 1 addition & 0 deletions facebookresearch_pytorch-gan-zoo_pgan.md
Original file line number Diff line number Diff line change
Expand Up @@ -11,6 +11,7 @@ tags: [vision, generative]
github-link: https://github.com/facebookresearch/pytorch_GAN_zoo/blob/master/models/progressive_gan.py
featured_image_1: pgan_mix.jpg
featured_image_2: pgan_celebaHQ.jpg
accelerator: cuda-optional
order: 3
---

Expand Down
1 change: 1 addition & 0 deletions huggingface_pytorch-pretrained-bert_bert.md
Original file line number Diff line number Diff line change
Expand Up @@ -11,6 +11,7 @@ tags: [nlp]
github-link: https://github.com/huggingface/pytorch-pretrained-BERT.git
featured_image_1: bert1.png
featured_image_2: bert2.png
accelerator: cuda-optional
order: 2
---

Expand Down
1 change: 1 addition & 0 deletions huggingface_pytorch-pretrained-bert_gpt.md
Original file line number Diff line number Diff line change
Expand Up @@ -11,6 +11,7 @@ tags: [nlp]
github-link: https://github.com/huggingface/pytorch-pretrained-BERT.git
featured_image_1: GPT1.png
featured_image_2: no-image
accelerator: cuda-optional
order: 10
---

Expand Down
5 changes: 3 additions & 2 deletions nvidia_deeplearningexamples_tacotron2.md
Original file line number Diff line number Diff line change
Expand Up @@ -11,6 +11,7 @@ tags: [audio]
github-link: https://github.com/NVIDIA/DeepLearningExamples/tree/master/PyTorch/SpeechSynthesis/Tacotron2
featured_image_1: tacotron2_diagram.png
featured_image_2: no-image
accelerator: cuda
order: 10
---

Expand Down Expand Up @@ -55,7 +56,7 @@ from scipy.io.wavfile import write
Prepare tacotron2 for inference

```python
tacotron2 = tacotron2.cuda()
tacotron2 = tacotron2.to('cuda')
tacotron2.eval()
```

Expand All @@ -64,7 +65,7 @@ Load waveglow from PyTorch Hub
```python
waveglow = torch.hub.load('nvidia/DeepLearningExamples', 'nvidia_waveglow')
waveglow = waveglow.remove_weightnorm(waveglow)
waveglow = waveglow.cuda()
waveglow = waveglow.to('cuda')
waveglow.eval()
```

Expand Down
1 change: 1 addition & 0 deletions nvidia_deeplearningexamples_waveglow.md
Original file line number Diff line number Diff line change
Expand Up @@ -11,6 +11,7 @@ tags: [audio]
github-link: https://github.com/NVIDIA/DeepLearningExamples/tree/master/PyTorch/SpeechSynthesis/Tacotron2
featured_image_1: waveglow_diagram.png
featured_image_2: no-image
accelerator: cuda
order: 10
---

Expand Down
1 change: 1 addition & 0 deletions pytorch_vision_alexnet.md
Original file line number Diff line number Diff line change
Expand Up @@ -11,6 +11,7 @@ tags: [vision]
github-link: https://github.com/pytorch/vision/blob/master/torchvision/models/alexnet.py
featured_image_1: alexnet1.png
featured_image_2: alexnet2.png
accelerator: cuda-optional
order: 10
---

Expand Down
1 change: 1 addition & 0 deletions pytorch_vision_deeplabv3_resnet101.md
Original file line number Diff line number Diff line change
Expand Up @@ -11,6 +11,7 @@ tags: [vision]
github-link: https://github.com/pytorch/vision/blob/master/torchvision/models/segmentation/deeplabv3.py
featured_image_1: deeplab1.png
featured_image_2: deeplab2.png
accelerator: cuda-optional
order: 1
---

Expand Down
1 change: 1 addition & 0 deletions pytorch_vision_densenet.md
Original file line number Diff line number Diff line change
Expand Up @@ -11,6 +11,7 @@ tags: [vision]
github-link: https://github.com/pytorch/vision/blob/master/torchvision/models/densenet.py
featured_image_1: densenet1.png
featured_image_2: densenet2.png
accelerator: cuda-optional
order: 10
---

Expand Down
1 change: 1 addition & 0 deletions pytorch_vision_fcn_resnet101.md
Original file line number Diff line number Diff line change
Expand Up @@ -11,6 +11,7 @@ tags: [vision]
github-link: https://github.com/pytorch/vision/blob/master/torchvision/models/segmentation/fcn.py
featured_image_1: deeplab1.png
featured_image_2: fcn2.png
accelerator: cuda-optional
order: 10
---

Expand Down
1 change: 1 addition & 0 deletions pytorch_vision_googlenet.md
Original file line number Diff line number Diff line change
Expand Up @@ -11,6 +11,7 @@ tags: [vision]
github-link: https://github.com/pytorch/vision/blob/master/torchvision/models/googlenet.py
featured_image_1: googlenet1.png
featured_image_2: googlenet2.png
accelerator: cuda-optional
order: 10
---

Expand Down
1 change: 1 addition & 0 deletions pytorch_vision_inception_v3.md
Original file line number Diff line number Diff line change
Expand Up @@ -11,6 +11,7 @@ tags: [vision]
github-link: https://github.com/pytorch/vision/blob/master/torchvision/models/inception.py
featured_image_1: inception_v3.png
featured_image_2: no-image
accelerator: cuda-optional
order: 10
---

Expand Down
1 change: 1 addition & 0 deletions pytorch_vision_mobilenet_v2.md
Original file line number Diff line number Diff line change
Expand Up @@ -11,6 +11,7 @@ tags: [vision]
github-link: https://github.com/pytorch/vision/blob/master/torchvision/models/mobilenet.py
featured_image_1: mobilenet_v2_1.png
featured_image_2: mobilenet_v2_2.png
accelerator: cuda-optional
order: 10
---

Expand Down
1 change: 1 addition & 0 deletions pytorch_vision_resnet.md
Original file line number Diff line number Diff line change
Expand Up @@ -11,6 +11,7 @@ tags: [vision]
github-link: https://github.com/pytorch/vision/blob/master/torchvision/models/resnet.py
featured_image_1: resnet.png
featured_image_2: no-image
accelerator: cuda-optional
order: 10
---

Expand Down
1 change: 1 addition & 0 deletions pytorch_vision_resnext.md
Original file line number Diff line number Diff line change
Expand Up @@ -11,6 +11,7 @@ tags: [vision]
github-link: https://github.com/pytorch/vision/blob/master/torchvision/models/resnet.py
featured_image_1: resnext.png
featured_image_2: no-image
accelerator: cuda-optional
order: 10
---

Expand Down
1 change: 1 addition & 0 deletions pytorch_vision_shufflenet_v2.md
Original file line number Diff line number Diff line change
Expand Up @@ -11,6 +11,7 @@ tags: [vision]
github-link: https://github.com/pytorch/vision/blob/master/torchvision/models/shufflenetv2.py
featured_image_1: shufflenet_v2_1.png
featured_image_2: shufflenet_v2_2.png
accelerator: cuda-optional
order: 10
---

Expand Down
1 change: 1 addition & 0 deletions pytorch_vision_squeezenet.md
Original file line number Diff line number Diff line change
Expand Up @@ -11,6 +11,7 @@ tags: [vision]
github-link: https://github.com/pytorch/vision/blob/master/torchvision/models/squeezenet.py
featured_image_1: squeezenet.png
featured_image_2: no-image
accelerator: cuda-optional
order: 10
---

Expand Down
1 change: 1 addition & 0 deletions pytorch_vision_vgg.md
Original file line number Diff line number Diff line change
Expand Up @@ -11,6 +11,7 @@ tags: [vision]
github-link: https://github.com/pytorch/vision/blob/master/torchvision/models/vgg.py
featured_image_1: vgg.png
featured_image_2: no-image
accelerator: cuda-optional
order: 10
---

Expand Down

0 comments on commit 01a0b0c

Please sign in to comment.