Skip to content

Commit 77af3a4

Browse files
fixing links
1 parent 8bc5ffc commit 77af3a4

File tree

1 file changed

+24
-24
lines changed

1 file changed

+24
-24
lines changed

README.md

+24-24
Original file line numberDiff line numberDiff line change
@@ -6,27 +6,27 @@ Discover pretrained models for deep learning in MATLAB.
66

77
### Computer Vision
88
* [Image Classification](https://github.com/matlab-deep-learning/MATLAB-Deep-Learning-Model-Hub#image-classification-)
9-
* [Object Detection](#ObjectDetection)
10-
* [Semantic Segmentation](#SemanticSegmentation)
11-
* [Instance Segmentation](#InstanceSegmentation)
12-
* [Image Translation](#ImageTranslation)
13-
* [Pose Estimation](#PoseEstimation)
14-
* [Video Classification](#VideoClassification)
15-
* [Text Detection & Recognition](#textdetection)
9+
* [Object Detection](https://github.com/matlab-deep-learning/MATLAB-Deep-Learning-Model-Hub#object-detection-)
10+
* [Semantic Segmentation](https://github.com/matlab-deep-learning/MATLAB-Deep-Learning-Model-Hub#semantic-segmentation-)
11+
* [Instance Segmentation](https://github.com/matlab-deep-learning/MATLAB-Deep-Learning-Model-Hub#instance-segmentation-)
12+
* [Image Translation](https://github.com/matlab-deep-learning/MATLAB-Deep-Learning-Model-Hub#image-translation-)
13+
* [Pose Estimation](https://github.com/matlab-deep-learning/MATLAB-Deep-Learning-Model-Hub#pose-estimation-)
14+
* [Video Classification](https://github.com/matlab-deep-learning/MATLAB-Deep-Learning-Model-Hub#video-classification-)
15+
* [Text Detection & Recognition](https://github.com/matlab-deep-learning/MATLAB-Deep-Learning-Model-Hub#text-detection-and-recognition-)
1616

1717
### Natural Language Processing
18-
* [Transformers](#transformers)
18+
* [Transformers](https://github.com/matlab-deep-learning/MATLAB-Deep-Learning-Model-Hub#transformers-text-)
1919

2020
### Audio
21-
* [Audio Embeddings](#AudioEmbeddings)
21+
* [Audio Embeddings](https://github.com/matlab-deep-learning/MATLAB-Deep-Learning-Model-Hub#audio-embeddings-)
2222
* [Sound Classification](#SoundClassification)
2323
* [Pitch Estimation](#PitchEstimation)
24-
* [Speech to Text](#Speech2Text)
24+
* [Speech to Text](https://github.com/matlab-deep-learning/MATLAB-Deep-Learning-Model-Hub#speech-to-text-)
2525

2626
### Lidar
27-
* [Point Cloud Classification](#PointCloud)
28-
* [Point Cloud Segmentation](#PointCloudSeg)
29-
* [Point Cloud Object Detection](#PointCloudObj)
27+
* [Point Cloud Classification](https://github.com/matlab-deep-learning/MATLAB-Deep-Learning-Model-Hub#lidar-)
28+
* [Point Cloud Segmentation](https://github.com/matlab-deep-learning/MATLAB-Deep-Learning-Model-Hub#lidar-)
29+
* [Point Cloud Object Detection](https://github.com/matlab-deep-learning/MATLAB-Deep-Learning-Model-Hub#lidar-)
3030

3131
## Image Classification <a name="ImageClassification"/>
3232

@@ -70,7 +70,7 @@ Pretrained networks have different characteristics that matter when choosing a n
7070
![](Images/pretrained.png)
7171
Figure. Comparing image classification model accuracy, speed and size.
7272

73-
[Back to top](#Models)
73+
[Back to top](https://github.com/matlab-deep-learning/MATLAB-Deep-Learning-Model-Hub#matlab-deep-learning-model-hub)
7474

7575
## Object Detection <a name="ObjectDetection"/>
7676

@@ -104,7 +104,7 @@ These networks have been trained to detect specific objects for a given applicat
104104
| [Single Shot Detector (SSD)](https://www.mathworks.com/help/vision/ug/object-detection-using-single-shot-detector.html) | Vehicle detection | 44 |[Doc ](https://www.mathworks.com/help/vision/ug/object-detection-using-single-shot-detector.html)|<img src="Images/ObjectDetectionUsingSSD.png" width=150>|
105105
| [Faster R-CNN](https://www.mathworks.com/help/vision/ug/object-detection-using-faster-r-cnn-deep-learning.html) | Vehicle detection | 118 |[Doc](https://www.mathworks.com/help/vision/ug/object-detection-using-faster-r-cnn-deep-learning.html)|<img src="Images/faster_rcnn.png" width=150>|
106106

107-
[Back to top](#Models)
107+
[Back to top](https://github.com/matlab-deep-learning/MATLAB-Deep-Learning-Model-Hub#matlab-deep-learning-model-hub)
108108

109109
## Semantic Segmentation <a name="SemanticSegmentation"/>
110110

@@ -127,7 +127,7 @@ This network has been trained to detect 20 objects classes from the PASCAL VOC d
127127
| [AdaptSeg (GAN)](https://www.mathworks.com/help/deeplearning/ug/train-deep-learning-semantic-segmentation-network-using-3d-simulation-data.html) | Model tuning using 3-D simulation data | 54.4 | [Doc](https://www.mathworks.com/help/deeplearning/ug/train-deep-learning-semantic-segmentation-network-using-3d-simulation-data.html) |<img src="Images/adaptSeg.png" width=150>|
128128

129129

130-
[Back to top](#Models)
130+
[Back to top](https://github.com/matlab-deep-learning/MATLAB-Deep-Learning-Model-Hub#matlab-deep-learning-model-hub)
131131

132132
## Instance Segmentation <a name="InstanceSegmentation"/>
133133

@@ -141,7 +141,7 @@ Inputs are RGB images, outputs are pixel classifications (semantic maps), boundi
141141
| ------------- | ------------- |------------- |
142142
| [Mask R-CNN](https://www.mathworks.com/help/vision/ref/maskrcnn.html) | 80 | [Doc](https://www.mathworks.com/help/vision/ref/maskrcnn.html) <br /> [Github](https://github.com/matlab-deep-learning/mask-rcnn)|
143143

144-
[Back to top](#Models)
144+
[Back to top](https://github.com/matlab-deep-learning/MATLAB-Deep-Learning-Model-Hub#matlab-deep-learning-model-hub)
145145

146146
## Image Translation <a name="ImageTranslation"/>
147147

@@ -159,7 +159,7 @@ Inputs are images, outputs are translated RGB images. This example workflow show
159159
| [CycleGAN](https://www.mathworks.com/help/images/unsupervised-medical-image-denoising-using-cyclegan.html) | Medical Image Denoising | 75.3 | [Doc](https://www.mathworks.com/help/images/unsupervised-medical-image-denoising-using-cyclegan.html) |<img src="Images/cyclegan_imagedenoising.png" width=150>|
160160
| [VDSR](https://www.mathworks.com/help/images/single-image-super-resolution-using-deep-learning.html) | Super Resolution (estimate a high-resolution image from a low-resolution image) | 2.4 | [Doc](https://www.mathworks.com/help/images/single-image-super-resolution-using-deep-learning.html) |<img src="Images/SuperResolution.png" width=150>|
161161

162-
[Back to top](#Models)
162+
[Back to top](https://github.com/matlab-deep-learning/MATLAB-Deep-Learning-Model-Hub#matlab-deep-learning-model-hub)
163163

164164
## Pose Estimation <a name="PoseEstimation"/>
165165

@@ -173,7 +173,7 @@ All inputs are RGB images, outputs are heatmaps and part affinity fields (PAFs)
173173
| ------------- | ------------- |------------- |
174174
| [OpenPose](https://www.mathworks.com/help/deeplearning/ug/estimate-body-pose-using-deep-learning.html) | 14 | [Doc](https://www.mathworks.com/help/deeplearning/ug/estimate-body-pose-using-deep-learning.html) |
175175

176-
[Back to top](#Models)
176+
[Back to top](https://github.com/matlab-deep-learning/MATLAB-Deep-Learning-Model-Hub#matlab-deep-learning-model-hub)
177177

178178
## Video Classification <a name="VideoClassification"/>
179179

@@ -189,7 +189,7 @@ All inputs are Videos only or Video with Optical Flow data, outputs are gesture
189189
| [R(2+1)D](https://www.mathworks.com/help/vision/ref/r2plus1dvideoclassifier.html) | Video | 112 |400 |Faster convergence than Inflated-3D|[Doc](https://www.mathworks.com/help/vision/ref/r2plus1dvideoclassifier.html)
190190
| [Inflated-3D](https://www.mathworks.com/help/vision/ref/inflated3dvideoclassifier.html) | Video & Optical Flow data | 91 | 400 |Accuracy of the classifier improves when combining optical flow and RGB data.| [Doc](https://www.mathworks.com/help/vision/ref/inflated3dvideoclassifier.html)
191191

192-
[Back to top](#Models)
192+
[Back to top](https://github.com/matlab-deep-learning/MATLAB-Deep-Learning-Model-Hub#matlab-deep-learning-model-hub)
193193

194194
## Text Detection and Recognition <a name="textdetection"/>
195195

@@ -209,7 +209,7 @@ Inputs are RGB images, outputs are bounding boxes that identify regions of text.
209209
| ------------- | ------------- |------------- |------------- |------------- |
210210
| [Seven Segment Digit Recognition](https://github.com/matlab-deep-learning/Seven-Segment-Digit-Recognition) |Seven segment digit recognition using deep learning and OCR. This is helpful in industrial automation applications where digital displays are often surrounded with complex background. | 3.8 |[GitHub](https://github.com/matlab-deep-learning/Seven-Segment-Digit-Recognition) |![](Images/7segment.png)|
211211

212-
[Back to top](#Models)
212+
[Back to top](https://github.com/matlab-deep-learning/MATLAB-Deep-Learning-Model-Hub#matlab-deep-learning-model-hub)
213213

214214
## Transformers (Text) <a name="transformers"/>
215215

@@ -231,7 +231,7 @@ Inputs are sequences of text, outputs are text feature embeddings.
231231
| [FinBERT](https://github.com/matlab-deep-learning/transformer-models#bert-and-finbert) | The FinBERT model is a BERT model for financial sentiment analysis | 388 |[GitHub](https://github.com/matlab-deep-learning/transformer-models#bert-and-finbert) |![](Images/finbert.png)|
232232
| [GPT-2](https://github.com/matlab-deep-learning/transformer-models#gpt-2) | The GPT-2 model is a decoder model used for text summarization.| 1.2GB |[GitHub](https://github.com/matlab-deep-learning/transformer-models#gpt-2) |![](Images/gpt2.png)|
233233

234-
[Back to top](#Models)
234+
[Back to top](https://github.com/matlab-deep-learning/MATLAB-Deep-Learning-Model-Hub#matlab-deep-learning-model-hub)
235235

236236
## Audio Embeddings <a name="AudioEmbeddings"/>
237237

@@ -267,7 +267,7 @@ Inputs are Audio signals, outputs is text.
267267
| [wav2vec](https://github.com/matlab-deep-learning/wav2vec-2.0) | Speech to Text | 236| 3.2 |[GitHub](https://github.com/matlab-deep-learning/wav2vec-2.0) |
268268
| [deepspeech](https://github.com/matlab-deep-learning/deepspeech) | Speech to Text | 167| 5.97 |[GitHub](https://github.com/matlab-deep-learning/deepspeech) |
269269

270-
[Back to top](#Models)
270+
[Back to top](https://github.com/matlab-deep-learning/MATLAB-Deep-Learning-Model-Hub#matlab-deep-learning-model-hub)
271271

272272
## Lidar <a name="PointCloud"/>
273273

@@ -287,7 +287,7 @@ Inputs are Lidar Point Clouds converted to five-channels, outputs are segmentati
287287
| <a name="PointCloudObj"/>[PointPillars](https://www.mathworks.com/help/lidar/ug/object-detection-using-pointpillars-network.html) | Object Detection | 8| 3 |[Doc](https://www.mathworks.com/help/lidar/ug/object-detection-using-pointpillars-network.html)|
288288
| [Complex YOLO v4](https://github.com/matlab-deep-learning/Lidar-object-detection-using-complex-yolov4) | Object Detection | 233 (complex-yolov4) <br /> 21 (tiny-complex-yolov4) | 3 |[GitHub](https://github.com/matlab-deep-learning/Lidar-object-detection-using-complex-yolov4)|
289289

290-
[Back to top](#Models)
290+
[Back to top](https://github.com/matlab-deep-learning/MATLAB-Deep-Learning-Model-Hub#matlab-deep-learning-model-hub)
291291

292292
## Model requests
293293
If you'd like to request MATLAB support for additional pretrained models, [**please create an issue from this repo**](https://docs.github.com/en/issues/tracking-your-work-with-issues/creating-an-issue).

0 commit comments

Comments
 (0)