Skip to content

Commit

Permalink
add logos
Browse files Browse the repository at this point in the history
  • Loading branch information
soumith committed Jun 6, 2019
1 parent 85a18cc commit 0bb3206
Show file tree
Hide file tree
Showing 17 changed files with 24 additions and 17 deletions.
2 changes: 1 addition & 1 deletion facebookresearch_pytorch-gan-zoo_dcgan.md
Original file line number Diff line number Diff line change
Expand Up @@ -5,7 +5,7 @@ body-class: hub
title: DCGAN on FashionGen
summary: A simple generative image model for 64x64 images
category: researchers
image: pytorch-logo.png
image: dcgan_fashionGen.jpg
author: FAIR HDGAN
tags: [vision, generative]
github-link: https://github.com/facebookresearch/pytorch_GAN_zoo/blob/master/models/DCGAN.py
Expand Down
2 changes: 1 addition & 1 deletion facebookresearch_pytorch-gan-zoo_pgan.md
Original file line number Diff line number Diff line change
Expand Up @@ -5,7 +5,7 @@ body-class: hub
title: Progressive Growing of GANs (PGAN)
summary: High-quality image generation of fashion, celebrity faces
category: researchers
image: pytorch-logo.png
image: pganlogo.png
author: FAIR HDGAN
tags: [vision, generative]
github-link: https://github.com/facebookresearch/pytorch_GAN_zoo/blob/master/models/progressive_gan.py
Expand Down
3 changes: 3 additions & 0 deletions huggingface_pytorch-pretrained-bert_bert.md
Original file line number Diff line number Diff line change
Expand Up @@ -29,6 +29,9 @@ It includes:
- `bertForTokenClassification`: BERT Transformer with a token classification head on top (BERT Transformer is pre-trained, the token classification head is only initialized and has to be trained)
- `bertForQuestionAnswering`: BERT Transformer with a token classification head on top (BERT Transformer is pre-trained, the token classification head is only initialized and has to be trained)

### Requirements

Unlike most other PyTorch Hub models, BERT requires a few additional Python packages to be installed: `pip install tqdm boto3 requests regex`

### Example

Expand Down
4 changes: 4 additions & 0 deletions huggingface_pytorch-pretrained-bert_gpt.md
Original file line number Diff line number Diff line change
Expand Up @@ -23,6 +23,10 @@ It includes:
- `openAIGPTLMHeadModel`: OpenAI GPT Transformer with the tied language modeling head on top (fully pre-trained)
- `openAIGPTDoubleHeadsModel`: OpenAI GPT Transformer with the tied language modeling head and a multiple choice classification head on top (OpenAI GPT Transformer is pre-trained, the multiple choice classification head is only initialized and has to be trained)

### Requirements

Unlike most other PyTorch Hub models, GPT requires a few additional Python packages to be installed: `pip install tqdm boto3 requests regex`

### Example

Here is an example on how to tokenize the text with `openAIGPTTokenizer`, and then get the hidden states computed by `openAIGPTModel` or predict the next token using `openAIGPTLMHeadModel`.
Expand Down
Binary file added images/pganlogo.png
Loading
Sorry, something went wrong. Reload?
Sorry, we cannot display this file.
Sorry, this file is invalid so it cannot be displayed.
2 changes: 1 addition & 1 deletion pytorch_vision_alexnet.md
Original file line number Diff line number Diff line change
Expand Up @@ -5,7 +5,7 @@ body-class: hub
title: AlexNet
summary: The 2012 ImageNet winner achieved a top-5 error of 15.3%, more than 10.8 percentage points lower than that of the runner up.
category: researchers
image: pytorch-logo.png
image: alexnet2.png
author: Pytorch Team
tags: [vision]
github-link: https://github.com/pytorch/vision/blob/master/torchvision/models/alexnet.py
Expand Down
2 changes: 1 addition & 1 deletion pytorch_vision_deeplabv3_resnet101.md
Original file line number Diff line number Diff line change
Expand Up @@ -5,7 +5,7 @@ body-class: hub
title: Deeplabv3-ResNet101
summary: DeepLabV3 model with a ResNet-50 backbone
category: researchers
image: pytorch-logo.png
image: deeplab2.png
author: Pytorch Team
tags: [vision]
github-link: https://github.com/pytorch/vision/blob/master/torchvision/models/segmentation/deeplabv3.py
Expand Down
2 changes: 1 addition & 1 deletion pytorch_vision_densenet.md
Original file line number Diff line number Diff line change
Expand Up @@ -5,7 +5,7 @@ body-class: hub
title: Densenet
summary: Dense Convolutional Network (DenseNet), connects each layer to every other layer in a feed-forward fashion.
category: researchers
image: pytorch-logo.png
image: densenet1.png
author: Pytorch Team
tags: [vision]
github-link: https://github.com/pytorch/vision/blob/master/torchvision/models/densenet.py
Expand Down
4 changes: 2 additions & 2 deletions pytorch_vision_fcn_resnet101.md
Original file line number Diff line number Diff line change
Expand Up @@ -5,10 +5,10 @@ body-class: hub
title: FCN-ResNet101
summary: Fully-Convolutional Network model with a ResNet-101 backbone
category: researchers
image: pytorch-logo.png
image: fcn2.png
author: Pytorch Team
tags: [vision]
github-link: https://github.com/pytorch/vision.git
github-link: https://github.com/pytorch/vision/blob/master/torchvision/models/segmentation/fcn.py
featured_image_1: deeplab1.png
featured_image_2: fcn2.png
---
Expand Down
2 changes: 1 addition & 1 deletion pytorch_vision_googlenet.md
Original file line number Diff line number Diff line change
Expand Up @@ -5,7 +5,7 @@ body-class: hub
title: GoogLeNet
summary: GoogLeNet was based on a deep convolutional neural network architecture codenamed "Inception" which won ImageNet 2014.
category: researchers
image: pytorch-logo.png
image: googlenet1.png
author: Pytorch Team
tags: [vision]
github-link: https://github.com/pytorch/vision/blob/master/torchvision/models/googlenet.py
Expand Down
4 changes: 2 additions & 2 deletions pytorch_vision_inception_v3.md
Original file line number Diff line number Diff line change
Expand Up @@ -5,10 +5,10 @@ body-class: hub
title: Inception_v3
summary: Also called GoogleNetv3, a famous ConvNet trained on Imagenet from 2015
category: researchers
image: pytorch-logo.png
image: inception_v3.png
author: Pytorch Team
tags: [vision]
github-link: https://github.com/pytorch/vision.git
github-link: https://github.com/pytorch/vision/blob/master/torchvision/models/inception.py
featured_image_1: inception_v3.png
featured_image_2: no-image
---
Expand Down
2 changes: 1 addition & 1 deletion pytorch_vision_mobilenet_v2.md
Original file line number Diff line number Diff line change
Expand Up @@ -5,7 +5,7 @@ body-class: hub
title: MobileNet v2
summary: Efficient networks optimized for speed and memory, with residual blocks
category: researchers
image: pytorch-logo.png
image: mobilenet_v2_1.png
author: Pytorch Team
tags: [vision]
github-link: https://github.com/pytorch/vision/blob/master/torchvision/models/mobilenet.py
Expand Down
2 changes: 1 addition & 1 deletion pytorch_vision_resnet.md
Original file line number Diff line number Diff line change
Expand Up @@ -5,7 +5,7 @@ body-class: hub
title: ResNet
summary: Deep residual networks pre-trained on ImageNet
category: researchers
image: pytorch-logo.png
image: resnet.png
author: Pytorch Team
tags: [vision]
github-link: https://github.com/pytorch/vision/blob/master/torchvision/models/resnet.py
Expand Down
2 changes: 1 addition & 1 deletion pytorch_vision_resnext.md
Original file line number Diff line number Diff line change
Expand Up @@ -5,7 +5,7 @@ body-class: hub
title: ResNext
summary: Next generation ResNets, more efficient and accurate
category: researchers
image: pytorch-logo.png
image: resnext.png
author: Pytorch Team
tags: [vision]
github-link: https://github.com/pytorch/vision/blob/master/torchvision/models/resnet.py
Expand Down
2 changes: 1 addition & 1 deletion pytorch_vision_shufflenet_v2.md
Original file line number Diff line number Diff line change
Expand Up @@ -5,7 +5,7 @@ body-class: hub
title: ShuffleNet v2
summary: An efficient ConvNet optimized for speed and memory, pre-trained on Imagenet
category: researchers
image: pytorch-logo.png
image: shufflenet_v2_1.png
author: Pytorch Team
tags: [vision]
github-link: https://github.com/pytorch/vision/blob/master/torchvision/models/shufflenetv2.py
Expand Down
2 changes: 1 addition & 1 deletion pytorch_vision_squeezenet.md
Original file line number Diff line number Diff line change
Expand Up @@ -5,7 +5,7 @@ body-class: hub
title: SqueezeNet
summary: Alexnet-level accuracy with 50x fewer parameters.
category: researchers
image: pytorch-logo.png
image: squeezenet.png
author: Pytorch Team
tags: [vision]
github-link: https://github.com/pytorch/vision/blob/master/torchvision/models/squeezenet.py
Expand Down
4 changes: 2 additions & 2 deletions pytorch_vision_vgg.md
Original file line number Diff line number Diff line change
Expand Up @@ -2,10 +2,10 @@
layout: hub_detail
background-class: hub-background
body-class: hub
title: VGG
title: vgg-nets
summary: Award winning ConvNets from 2014 Imagenet ILSVRC challenge
category: researchers
image: pytorch-logo.png
image: vgg.png
author: Pytorch Team
tags: [vision]
github-link: https://github.com/pytorch/vision/blob/master/torchvision/models/vgg.py
Expand Down

0 comments on commit 0bb3206

Please sign in to comment.