Skip to content
This repository has been archived by the owner on Sep 30, 2024. It is now read-only.

Commit

Permalink
For every module-type tag, add a task tag (#55)
Browse files Browse the repository at this point in the history
* For every module-type tag, add a task tag
  • Loading branch information
WGierke authored Jun 8, 2021
1 parent 9ffb438 commit d721af8
Show file tree
Hide file tree
Showing 89 changed files with 89 additions and 0 deletions.
1 change: 1 addition & 0 deletions assets/docs/agripredict/disease-classification/1.md
Original file line number Diff line number Diff line change
Expand Up @@ -3,6 +3,7 @@ Fine-grained image classification model for crop disease classification.

<!-- asset-path: https://agripredict-tfub.s3.amazonaws.com/model.tar.gz -->
<!-- module-type: image-classification -->
<!-- task: image-classification -->
<!-- network-architecture: mobilenet -->
<!-- dataset: internal-agripredict-dataset -->
<!-- language: en -->
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -6,6 +6,7 @@ Image Classification model for mushroom species identification.
<!-- format: saved_model -->
<!-- asset-path: http://ptak.felk.cvut.cz/personal/picekluk/DanishSvampeAtlas/Inception_v4_saved_model_1.tar.gz -->
<!-- module-type: image-classification -->
<!-- task: image-classification -->
<!-- network-architecture: inception-v4 -->
<!-- license: MIT -->
<!-- interactive-model-name: vision -->
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -6,6 +6,7 @@ Lightweights Image Classification model for mushroom species identification.
<!-- format: saved_model -->
<!-- asset-path: http://ptak.felk.cvut.cz/personal/picekluk/DanishSvampeAtlas/MobileNet_v3_360_saved_model_2.tar.gz -->
<!-- module-type: image-classification -->
<!-- task: image-classification -->
<!-- network-architecture: mobilenet-v3 -->
<!-- license: MIT -->
<!-- interactive-model-name: vision -->
Expand Down
1 change: 1 addition & 0 deletions assets/docs/captain-pool/esrgan-tf2/1.md
Original file line number Diff line number Diff line change
Expand Up @@ -6,6 +6,7 @@ Works best on Bicubically downsampled images.\

<!-- asset-path: legacy -->
<!-- module-type: image-super-resolution -->
<!-- task: image-super-resolution -->
<!-- network-architecture: gan -->
<!-- dataset: div2k -->
<!-- language: en -->
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -3,6 +3,7 @@ BERT-large-uncased model, pretrained on a corpus of messages from Twitter about

<!-- asset-path: https://crowdbreaks-public.s3.eu-central-1.amazonaws.com/models/covid-twitter-bert/v1/tfhub/covid-twitter-bert-v1.tar.gz -->
<!-- module-type: text-embedding -->
<!-- task: text-embedding -->
<!-- network-architecture: transformer -->
<!-- dataset: twitter -->
<!-- language: en -->
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -3,6 +3,7 @@ BERT-large-uncased model, pretrained on a corpus of messages from Twitter about

<!-- asset-path: https://crowdbreaks-public.s3.eu-central-1.amazonaws.com/models/covid-twitter-bert/v2/tfhub/covid-twitter-bert-v2.tar.gz -->
<!-- module-type: text-embedding -->
<!-- task: text-embedding -->
<!-- network-architecture: transformer -->
<!-- dataset: twitter -->
<!-- language: en -->
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -4,6 +4,7 @@ Collection of image encoders and decoders trained on the COCO 2017 dataset where

<!-- dataset: coco-2017 -->
<!-- module-type: image-feature-vector -->
<!-- task: image-feature-vector -->
<!-- network-architecture: vgg-style -->

## Overview
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -4,6 +4,7 @@ Image decoder based on vgg19 that uses unpooling layers for upsampling.

<!-- asset-path: https://storage.googleapis.com/vgg19-with-unpooling/vgg19-block1-conv2/decoder.tar.gz -->
<!-- module-type: image-feature-vector -->
<!-- task: image-feature-vector -->
<!-- fine-tunable: true -->
<!-- dataset: coco-2017 -->
<!-- format: saved_model_2 -->
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -4,6 +4,7 @@ Image encoder based on vgg19 that stores argmax values for maxpool layers.

<!-- asset-path: https://storage.googleapis.com/vgg19-with-unpooling/vgg19-block1-conv2/encoder.tar.gz -->
<!-- module-type: image-feature-vector -->
<!-- task: image-feature-vector -->
<!-- fine-tunable: true -->
<!-- dataset: coco-2017 -->
<!-- format: saved_model_2 -->
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -4,6 +4,7 @@ Image decoder based on vgg19 that uses unpooling layers for upsampling.

<!-- asset-path: https://storage.googleapis.com/vgg19-with-unpooling/vgg19-block2-conv2/decoder.tar.gz -->
<!-- module-type: image-feature-vector -->
<!-- task: image-feature-vector -->
<!-- fine-tunable: true -->
<!-- dataset: coco-2017 -->
<!-- format: saved_model_2 -->
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -4,6 +4,7 @@ Image encoder based on vgg19 that stores argmax values for maxpool layers.

<!-- asset-path: https://storage.googleapis.com/vgg19-with-unpooling/vgg19-block2-conv2/encoder.tar.gz -->
<!-- module-type: image-feature-vector -->
<!-- task: image-feature-vector -->
<!-- fine-tunable: true -->
<!-- dataset: coco-2017 -->
<!-- format: saved_model_2 -->
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -4,6 +4,7 @@ Image decoder based on vgg19 that uses unpooling layers for upsampling.

<!-- asset-path: https://storage.googleapis.com/vgg19-with-unpooling/vgg19-block3-conv2/decoder.tar.gz -->
<!-- module-type: image-feature-vector -->
<!-- task: image-feature-vector -->
<!-- fine-tunable: true -->
<!-- dataset: coco-2017 -->
<!-- format: saved_model_2 -->
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -4,6 +4,7 @@ Image encoder based on vgg19 that stores argmax values for maxpool layers.

<!-- asset-path: https://storage.googleapis.com/vgg19-with-unpooling/vgg19-block3-conv2/encoder.tar.gz -->
<!-- module-type: image-feature-vector -->
<!-- task: image-feature-vector -->
<!-- fine-tunable: true -->
<!-- dataset: coco-2017 -->
<!-- format: saved_model_2 -->
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -4,6 +4,7 @@ Image decoder based on vgg19 that uses unpooling layers for upsampling.

<!-- asset-path: https://storage.googleapis.com/vgg19-with-unpooling/vgg19-block4-conv2/decoder.tar.gz -->
<!-- module-type: image-feature-vector -->
<!-- task: image-feature-vector -->
<!-- fine-tunable: true -->
<!-- dataset: coco-2017 -->
<!-- format: saved_model_2 -->
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -4,6 +4,7 @@ Image encoder based on vgg19 that stores argmax values for maxpool layers.

<!-- asset-path: https://storage.googleapis.com/vgg19-with-unpooling/vgg19-block4-conv2/encoder.tar.gz -->
<!-- module-type: image-feature-vector -->
<!-- task: image-feature-vector -->
<!-- fine-tunable: true -->
<!-- dataset: coco-2017 -->
<!-- format: saved_model_2 -->
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -4,6 +4,7 @@ Image decoder based on vgg19 that uses unpooling layers for upsampling.

<!-- asset-path: https://storage.googleapis.com/vgg19-with-unpooling/vgg19-block5-conv2/decoder.tar.gz -->
<!-- module-type: image-feature-vector -->
<!-- task: image-feature-vector -->
<!-- fine-tunable: true -->
<!-- dataset: coco-2017 -->
<!-- format: saved_model_2 -->
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -4,6 +4,7 @@ Image encoder based on vgg19 that stores argmax values for maxpool layers.

<!-- asset-path: https://storage.googleapis.com/vgg19-with-unpooling/vgg19-block5-conv2/encoder.tar.gz -->
<!-- module-type: image-feature-vector -->
<!-- task: image-feature-vector -->
<!-- fine-tunable: true -->
<!-- dataset: coco-2017 -->
<!-- format: saved_model_2 -->
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -5,6 +5,7 @@ Image embedding model trained on the iNaturalist dataset.
<!-- asset-path: legacy -->
<!-- format: hub -->
<!-- module-type: image-feature-vector -->
<!-- task: image-feature-vector -->
<!-- interactive-model-name: inat -->
<!-- license: CC-BY-NC-4.0 -->

Expand Down
1 change: 1 addition & 0 deletions assets/docs/intel/midas/v2/1/1.md
Original file line number Diff line number Diff line change
Expand Up @@ -3,6 +3,7 @@ Convolutional neural network for monocular depth estimation from a single RGB im

<!-- asset-path: legacy -->
<!-- module-type: image-depth-estimation -->
<!-- task: image-depth-estimation -->
<!-- network-architecture: midas -->
<!-- dataset: diml-indoor -->
<!-- dataset: megadepth -->
Expand Down
1 change: 1 addition & 0 deletions assets/docs/intel/midas/v2/1/2.md
Original file line number Diff line number Diff line change
Expand Up @@ -3,6 +3,7 @@ Convolutional neural network for monocular depth estimation from a single RGB im

<!-- asset-path: legacy -->
<!-- module-type: image-depth-estimation -->
<!-- task: image-depth-estimation -->
<!-- network-architecture: midas -->
<!-- dataset: diml-indoor -->
<!-- dataset: megadepth -->
Expand Down
1 change: 1 addition & 0 deletions assets/docs/intel/midas/v2_1_small/1/1.md
Original file line number Diff line number Diff line change
Expand Up @@ -3,6 +3,7 @@ Mobile convolutional neural network for monocular depth estimation from a single

<!-- asset-path: legacy -->
<!-- module-type: image-depth-estimation -->
<!-- task: image-depth-estimation -->
<!-- network-architecture: midas -->
<!-- dataset: diml-indoor -->
<!-- dataset: megadepth -->
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -5,6 +5,7 @@ Image attribute classifier trained on the iMet Collection 2019 dataset.
<!-- dataset: imet-collection-2019 -->
<!-- asset-path: legacy -->
<!-- module-type: image-classification-logits-->
<!-- task: image-classification-logits-->
<!-- network-architecture: inception-v4 -->
<!-- fine-tunable: false -->
<!-- format: hub -->
Expand Down
1 change: 1 addition & 0 deletions assets/docs/monatis/models/german-mbmelgan/1.md
Original file line number Diff line number Diff line change
Expand Up @@ -3,6 +3,7 @@ German Multi-band MelGAN as described in [1].

<!-- asset-path: https://storage.googleapis.com/mys-released-models/german-tts-mbmelgan.tar.gz -->
<!-- module-type: audio-synthesis -->
<!-- task: audio-synthesis -->
<!-- network-architecture: multiband-melgan -->
<!-- dataset: thorsten -->
<!-- language: de -->
Expand Down
1 change: 1 addition & 0 deletions assets/docs/monatis/models/german-tacotron2/1.md
Original file line number Diff line number Diff line change
Expand Up @@ -3,6 +3,7 @@ German Tacotron 2 as described in [1].

<!-- asset-path: https://storage.googleapis.com/mys-released-models/german-tts-tacotron2.tar.gz -->
<!-- module-type: text-to-mel -->
<!-- task: text-to-mel -->
<!-- network-architecture: tacotron2 -->
<!-- dataset: thorsten -->
<!-- language: de -->
Expand Down
1 change: 1 addition & 0 deletions assets/docs/nascarr/models/nq/1.md
Original file line number Diff line number Diff line change
Expand Up @@ -4,6 +4,7 @@ Question Answering model trained on Natural Questions Dataset [1, 2].

<!-- asset-path: https://github.com/nascarr/natural-questions/raw/master/models/v1/model.tar.gz -->
<!-- module-type: text-question-answering -->
<!-- task: text-question-answering -->
<!-- network-architecture: transformer -->
<!-- dataset: natural-questions -->
<!-- language: en -->
Expand Down
1 change: 1 addition & 0 deletions assets/docs/nvidia/models/unet/industrial/class_1/1.md
Original file line number Diff line number Diff line change
Expand Up @@ -3,6 +3,7 @@ Convolutional auto-encoder for 2D image segmentation.

<!-- asset-path: https://developer.download.nvidia.com/compute/redist/Binary_Files/unet_tfhub_modules/class_1/1.tar.gz -->
<!-- module-type: image-segmentation -->
<!-- task: image-segmentation -->
<!-- network-architecture: unet -->
<!-- dataset: dagm2007 -->
<!-- fine-tunable: false -->
Expand Down
1 change: 1 addition & 0 deletions assets/docs/nvidia/models/unet/industrial/class_10/1.md
Original file line number Diff line number Diff line change
Expand Up @@ -3,6 +3,7 @@ Convolutional auto-encoder for 2D image segmentation.

<!-- asset-path: https://developer.download.nvidia.com/compute/redist/Binary_Files/unet_tfhub_modules/class_10/1.tar.gz -->
<!-- module-type: image-segmentation -->
<!-- task: image-segmentation -->
<!-- network-architecture: unet -->
<!-- dataset: dagm2007 -->
<!-- fine-tunable: false -->
Expand Down
1 change: 1 addition & 0 deletions assets/docs/nvidia/models/unet/industrial/class_2/1.md
Original file line number Diff line number Diff line change
Expand Up @@ -3,6 +3,7 @@ Convolutional auto-encoder for 2D image segmentation.

<!-- asset-path: https://developer.download.nvidia.com/compute/redist/Binary_Files/unet_tfhub_modules/class_2/1.tar.gz -->
<!-- module-type: image-segmentation -->
<!-- task: image-segmentation -->
<!-- network-architecture: unet -->
<!-- dataset: dagm2007 -->
<!-- fine-tunable: false -->
Expand Down
1 change: 1 addition & 0 deletions assets/docs/nvidia/models/unet/industrial/class_3/1.md
Original file line number Diff line number Diff line change
Expand Up @@ -3,6 +3,7 @@ Convolutional auto-encoder for 2D image segmentation.

<!-- asset-path: https://developer.download.nvidia.com/compute/redist/Binary_Files/unet_tfhub_modules/class_3/1.tar.gz -->
<!-- module-type: image-segmentation -->
<!-- task: image-segmentation -->
<!-- network-architecture: unet -->
<!-- dataset: dagm2007 -->
<!-- fine-tunable: false -->
Expand Down
1 change: 1 addition & 0 deletions assets/docs/nvidia/models/unet/industrial/class_4/1.md
Original file line number Diff line number Diff line change
Expand Up @@ -3,6 +3,7 @@ Convolutional auto-encoder for 2D image segmentation.

<!-- asset-path: https://developer.download.nvidia.com/compute/redist/Binary_Files/unet_tfhub_modules/class_4/1.tar.gz -->
<!-- module-type: image-segmentation -->
<!-- task: image-segmentation -->
<!-- network-architecture: unet -->
<!-- dataset: dagm2007 -->
<!-- fine-tunable: false -->
Expand Down
1 change: 1 addition & 0 deletions assets/docs/nvidia/models/unet/industrial/class_5/1.md
Original file line number Diff line number Diff line change
Expand Up @@ -3,6 +3,7 @@ Convolutional auto-encoder for 2D image segmentation.

<!-- asset-path: https://developer.download.nvidia.com/compute/redist/Binary_Files/unet_tfhub_modules/class_5/1.tar.gz -->
<!-- module-type: image-segmentation -->
<!-- task: image-segmentation -->
<!-- network-architecture: unet -->
<!-- dataset: dagm2007 -->
<!-- fine-tunable: false -->
Expand Down
1 change: 1 addition & 0 deletions assets/docs/nvidia/models/unet/industrial/class_6/1.md
Original file line number Diff line number Diff line change
Expand Up @@ -3,6 +3,7 @@ Convolutional auto-encoder for 2D image segmentation.

<!-- asset-path: https://developer.download.nvidia.com/compute/redist/Binary_Files/unet_tfhub_modules/class_6/1.tar.gz -->
<!-- module-type: image-segmentation -->
<!-- task: image-segmentation -->
<!-- network-architecture: unet -->
<!-- dataset: dagm2007 -->
<!-- fine-tunable: false -->
Expand Down
1 change: 1 addition & 0 deletions assets/docs/nvidia/models/unet/industrial/class_7/1.md
Original file line number Diff line number Diff line change
Expand Up @@ -3,6 +3,7 @@ Convolutional auto-encoder for 2D image segmentation.

<!-- asset-path: https://developer.download.nvidia.com/compute/redist/Binary_Files/unet_tfhub_modules/class_7/1.tar.gz -->
<!-- module-type: image-segmentation -->
<!-- task: image-segmentation -->
<!-- network-architecture: unet -->
<!-- dataset: dagm2007 -->
<!-- fine-tunable: false -->
Expand Down
1 change: 1 addition & 0 deletions assets/docs/nvidia/models/unet/industrial/class_8/1.md
Original file line number Diff line number Diff line change
Expand Up @@ -3,6 +3,7 @@ Convolutional auto-encoder for 2D image segmentation.

<!-- asset-path: https://developer.download.nvidia.com/compute/redist/Binary_Files/unet_tfhub_modules/class_8/1.tar.gz -->
<!-- module-type: image-segmentation -->
<!-- task: image-segmentation -->
<!-- network-architecture: unet -->
<!-- dataset: dagm2007 -->
<!-- fine-tunable: false -->
Expand Down
1 change: 1 addition & 0 deletions assets/docs/nvidia/models/unet/industrial/class_9/1.md
Original file line number Diff line number Diff line change
Expand Up @@ -3,6 +3,7 @@ Convolutional auto-encoder for 2D image segmentation.

<!-- asset-path: https://developer.download.nvidia.com/compute/redist/Binary_Files/unet_tfhub_modules/class_9/1.tar.gz -->
<!-- module-type: image-segmentation -->
<!-- task: image-segmentation -->
<!-- network-architecture: unet -->
<!-- dataset: dagm2007 -->
<!-- fine-tunable: false -->
Expand Down
1 change: 1 addition & 0 deletions assets/docs/prvi/tf2-nq/1.md
Original file line number Diff line number Diff line change
Expand Up @@ -3,6 +3,7 @@ Question Answering model for Kaggle TensorFlow 2.0 Question Answering challenge

<!-- asset-path: https://hpz400.cs.elte.hu/model/model.tar.gz -->
<!-- module-type: text-question-answering -->
<!-- task: text-question-answering -->
<!-- network-architecture: transformer -->
<!-- dataset: natural-questions -->
<!-- language: en -->
Expand Down
1 change: 1 addition & 0 deletions assets/docs/rishit-dagli/mirnet-tfjs/1.md
Original file line number Diff line number Diff line change
Expand Up @@ -2,6 +2,7 @@
MIRNet model to enhance a low-light images.

<!-- module-type: image-super-resolution -->
<!-- task: image-super-resolution -->
<!-- network-architecture: other -->
<!-- dataset: lol -->
<!-- fine-tunable: false -->
Expand Down
1 change: 1 addition & 0 deletions assets/docs/rishit-dagli/plant-disease/1.md
Original file line number Diff line number Diff line change
Expand Up @@ -2,6 +2,7 @@
Model to classify among 38 plant disease categories.

<!-- module-type: image-classification -->
<!-- task: image-classification -->
<!-- network-architecture: mobilenet -->
<!-- dataset: plant-village -->
<!-- fine-tunable: false -->
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -3,6 +3,7 @@ Fast arbitrary image style transfer based on an InceptionV3 backbone.

<!-- dataset: multiple -->
<!-- module-type: image-style-transfer -->
<!-- task: image-style-transfer -->
<!-- network-architecture: other -->
<!-- fine-tunable: false -->
<!-- license: Apache-2.0 -->
Original file line number Diff line number Diff line change
Expand Up @@ -3,6 +3,7 @@ Fast arbitrary image style transfer based on an InceptionV3 backbone.

<!-- dataset: multiple -->
<!-- module-type: image-style-transfer -->
<!-- task: image-style-transfer -->
<!-- network-architecture: other -->
<!-- fine-tunable: false -->
<!-- language: en -->
Expand Down
1 change: 1 addition & 0 deletions assets/docs/sayakpaul/boundless_quarter/1.md
Original file line number Diff line number Diff line change
Expand Up @@ -3,6 +3,7 @@ TFLite quantized GAN-model for image extrapolation.

<!-- dataset: multiple -->
<!-- module-type: image-style-transfer -->
<!-- task: image-style-transfer -->
<!-- network-architecture: other -->
<!-- fine-tunable: false -->
<!-- license: Apache-2.0 -->
1 change: 1 addition & 0 deletions assets/docs/sayakpaul/cartoongan/1.md
Original file line number Diff line number Diff line change
Expand Up @@ -3,6 +3,7 @@ CartoonGAN model to cartoonize a given image.

<!-- dataset: multiple -->
<!-- module-type: image-style-transfer -->
<!-- task: image-style-transfer -->
<!-- network-architecture: other -->
<!-- fine-tunable: false -->
<!-- license: Apache-2.0 -->
1 change: 1 addition & 0 deletions assets/docs/sayakpaul/deeplabv3-mobilenetv2-ade20k/1.md
Original file line number Diff line number Diff line change
Expand Up @@ -2,6 +2,7 @@
Lightweight deep learning model for semantic image segmentation.

<!-- module-type: image-segmentation -->
<!-- task: image-segmentation -->
<!-- network-architecture: deeplab-mobilenetv2-ade20k-train -->
<!-- dataset: ade20k -->
<!-- fine-tunable: false -->
Expand Down
1 change: 1 addition & 0 deletions assets/docs/sayakpaul/deeplabv3-mobilenetv2-float16/1.md
Original file line number Diff line number Diff line change
Expand Up @@ -2,6 +2,7 @@
Lightweight deep learning model for semantic image segmentation.

<!-- module-type: image-segmentation -->
<!-- task: image-segmentation -->
<!-- network-architecture: deeplab-mobilenetv2-coco-voc-trainval -->
<!-- dataset: pascal-voc-2012 -->
<!-- fine-tunable: false -->
Expand Down
1 change: 1 addition & 0 deletions assets/docs/sayakpaul/deeplabv3-mobilenetv2-int8/1.md
Original file line number Diff line number Diff line change
Expand Up @@ -2,6 +2,7 @@
Lightweight deep learning model for semantic image segmentation.

<!-- module-type: image-segmentation -->
<!-- task: image-segmentation -->
<!-- network-architecture: deeplab-mobilenetv2-coco-voc-trainval -->
<!-- dataset: pascal-voc-2012 -->
<!-- fine-tunable: false -->
Expand Down
1 change: 1 addition & 0 deletions assets/docs/sayakpaul/deeplabv3-mobilenetv2/1.md
Original file line number Diff line number Diff line change
Expand Up @@ -2,6 +2,7 @@
Lightweight deep learning model for semantic image segmentation.

<!-- module-type: image-segmentation -->
<!-- task: image-segmentation -->
<!-- network-architecture: deeplab-mobilenetv2-coco-voc-trainval -->
<!-- dataset: pascal-voc-2012 -->
<!-- fine-tunable: false -->
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -2,6 +2,7 @@
Lightweight deep learning model for semantic image segmentation.

<!-- module-type: image-segmentation -->
<!-- task: image-segmentation -->
<!-- network-architecture: deeplab-mobilenetv2-dm05-coco-voc-trainval -->
<!-- dataset: pascal-voc-2012 -->
<!-- fine-tunable: false -->
Expand Down
1 change: 1 addition & 0 deletions assets/docs/sayakpaul/deeplabv3-mobilenetv2_dm05-int8/1.md
Original file line number Diff line number Diff line change
Expand Up @@ -2,6 +2,7 @@
Lightweight deep learning model for semantic image segmentation.

<!-- module-type: image-segmentation -->
<!-- task: image-segmentation -->
<!-- network-architecture: deeplab-mobilenetv2-dm05-coco-voc-trainval -->
<!-- dataset: pascal-voc-2012 -->
<!-- fine-tunable: false -->
Expand Down
1 change: 1 addition & 0 deletions assets/docs/sayakpaul/deeplabv3-mobilenetv2_dm05/1.md
Original file line number Diff line number Diff line change
Expand Up @@ -2,6 +2,7 @@
Lightweight deep learning model for semantic image segmentation.

<!-- module-type: image-segmentation -->
<!-- task: image-segmentation -->
<!-- network-architecture: deeplab-mobilenetv2-dm05-coco-voc-trainval -->
<!-- dataset: pascal-voc-2012 -->
<!-- fine-tunable: false -->
Expand Down
Loading

0 comments on commit d721af8

Please sign in to comment.