#
pretrained
Here are 63 public repositories matching this topic...
captainst
commented
Oct 15, 2019
In file binary segmentation (camvid).ipynb, block 5, there is:
# Lets look at data we have
dataset = Dataset(x_train_dir, y_train_dir, classes=['car', 'pedestrian'])
image, mask = dataset[5] # get some sample
visualize(
image=image,
cars_mask=mask[..., 0].squeeze(),
sky_mask=mask[..., 1].squeeze(),
background_mask=mask[..., 2].squeeze(),
)
here, sky_mask
Pre-Training Buys Better Robustness and Uncertainty Estimates (ICML 2019)
uncertainty
calibration
ai-safety
robustness
adversarial-examples
pretrained
data-corruption
out-of-distribution-detection
-
Updated
May 15, 2019 - Python
Pretrained GANs + VAE + classifiers for MNIST/CIFAR in pytorch.
python
machine-learning
statistics
ai
deep-learning
neural-network
ml
cnn
pytorch
generative-adversarial-network
gan
mnist
dcgan
convolutional-neural-networks
pretrained-models
cifar
gans
generative-adversarial-networks
pretrained
pytorch-implementation
-
Updated
Apr 23, 2020 - Jupyter Notebook
Mask R-CNN, FPN, LinkNet, PSPNet and UNet with multiple backbone architectures support readily available
tensorflow
keras
object-detection
unet
semantic-segmentation
pre-trained
instance-segmentation
mask-rcnn
pspnet
pretrained
fpn
linknet
image-segmantation
-
Updated
Nov 5, 2019 - Python
PyTorch implementation of Darknet53
-
Updated
Oct 21, 2019 - Python
PyTorch implementation of the CVPR 2019 paper “Pyramid Feature Attention Network for Saliency Detection”
training
inference
python3
pytorch
attention
pretrained-models
salient-object-detection
saliency-detection
pretrained
pytorch-implementation
cvpr2019
edge-loss
-
Updated
Nov 12, 2019 - Python
This is an Image Super Resolution model implemented in python using keras. This model comes with a GUI to allow users to make use of the model easily.
python
resolution
application
machine-learning
gui
computer-vision
deep-learning
tensorflow
keras
user-interface
user-friendly
super-resolution
pretrained
tkinter-gui
-
Updated
Mar 30, 2020 - Python
Presenting Collection of Pretrained Models. Links to pretrained models in NLP and voice.
-
Updated
Dec 27, 2019
Text classification with Machine Learning methods and Pre-Trained Embedding model on Sogou News Corpus
nlp
machine-learning
deep-learning
text-classification
svm
word2vec
naive-bayes
scikit-learn
keras
corpus
cnn
logistic-regression
tf-idf
sogou
embedding
pretrained
text-cnn
-
Updated
May 18, 2020 - Python
Xception V1 model in Tensorflow with pretrained weights on ImageNet
-
Updated
Apr 9, 2018 - Python
convolution neural network library in C# with Pretrained models based on convnetjs
-
Updated
Dec 19, 2017 - C#
-
Updated
Dec 29, 2019 - Python
Pretrained on ImageNet ResNet-152 model in Keras
-
Updated
May 12, 2018 - Python
keras implementation of unet & vnet
-
Updated
Apr 25, 2020 - Python
Word embeddings for Italian language, spacy2 prebuilt model
-
Updated
Apr 1, 2020 - Python
Keras implementation of a CNN network for age and gender estimation
-
Updated
Nov 9, 2017 - Jupyter Notebook
The NIN-Imagenet model converted from Caffe to PyTorch
caffe
model-zoo
nin
cnn
pytorch
pretrained
pytorch-models
network-in-network
pytorch-model-zoo
pytorch-nin
nin-imagenet
-
Updated
Apr 14, 2018 - Python
Text Summarization with Pretrained Encoders
flask
encoder
transformers
torch
pytorch
text-summarization
summarization
extractive-summarization
bert
pretrained
abstractive-summarization
-
Updated
May 7, 2020 - Python
Traffic Sign Recognition with Keras.
-
Updated
Jun 23, 2017 - Jupyter Notebook
Implementation of Double Deep Q Networks and Dueling Q Networks using Keras on Space Invaders using OpenAI Gym. Code can be easily generalized to other Atari games.
-
Updated
Nov 18, 2017 - Python
Image Completion with Deep Learning in TensorFlow
-
Updated
Feb 26, 2017 - Python
Music recommender using deep learning with Keras and TensorFlow
-
Updated
Jul 11, 2017 - Jupyter Notebook
StackGAN: Text to Photo-realistic Image Synthesis with Stacked Generative Adversarial Networks
-
Updated
Nov 30, 2017 - Python
♔ An Extremely Efficient Chess-board Detection for Non-trivial Photos ♔
-
Updated
Jan 1, 2018 - Python
Car engine sound classification with Keras Deep learning library using spectro analysis pictures of sounds
-
Updated
Mar 15, 2017 - Python
Improve this page
Add a description, image, and links to the pretrained topic page so that developers can more easily learn about it.
Add this topic to your repo
To associate your repository with the pretrained topic, visit your repo's landing page and select "manage topics."
The model zoo currently contains three models (Resnet50, SqueezeNet and VGG19) that each have two variants which is confusing to end consumers.
Ideally these should be de-duplicated. If that doesn't make sense then they should state their differences outside of origin framework and be organized in a way that places them all in the same sub-folder/path on the repo.
Following are pointers to t