Alex-zhai's Stars
facebookresearch/faiss
A library for efficient similarity search and clustering of dense vectors.
aleju/imgaug
Image augmentation for machine learning experiments.
vdumoulin/conv_arithmetic
A technical report on convolution arithmetic in the context of deep learning
apachecn/Interview
Interview = 简历指南 + 算法题 + 八股文 + 源码分析
tensorpack/tensorpack
A Neural Net Training Interface on TensorFlow, with focus on speed + flexibility
microsoft/MMdnn
MMdnn is a set of tools to help users inter-operate among different deep learning frameworks. E.g. model conversion and visualization. Convert models between Caffe, Keras, MXNet, Tensorflow, CNTK, PyTorch Onnx and CoreML.
qubvel/segmentation_models
Segmentation models with pretrained backbones. Keras and TensorFlow Keras.
LeeJunHyun/Image_Segmentation
Pytorch implementation of U-Net, R2U-Net, Attention U-Net, and Attention R2U-Net.
junfu1115/DANet
Dual Attention Network for Scene Segmentation (CVPR2019)
keras-team/keras-applications
Reference implementations of popular deep learning models.
bonlime/keras-deeplab-v3-plus
Keras implementation of Deeplab v3+ with pretrained weights
qubvel/classification_models
Classification models trained on ImageNet. Keras.
omoindrot/tensorflow-triplet-loss
Implementation of triplet loss in TensorFlow
openseg-group/OCNet.pytorch
Please choose the openseg.pytorch project for the updated code that achieve SOTA on 6 benchmarks!
sthalles/deeplab_v3
Tensorflow Implementation of the Semantic Segmentation DeepLab_V3 CNN
rushter/heamy
A set of useful tools for competitive data science.
titu1994/keras-squeeze-excite-network
Implementation of Squeeze and Excitation Networks in Keras
Vladkryvoruchko/PSPNet-Keras-tensorflow
TensorFlow implementation of original paper : https://github.com/hszhao/PSPNet
akarshzingade/image-similarity-deep-ranking
titu1994/Keras-Classification-Models
Collection of Keras models used for classification
hszhao/PSANet
PSANet: Point-wise Spatial Attention Network for Scene Parsing, ECCV2018.
lyakaap/Kaggle-Carvana-3rd-Place-Solution
3rd place solution ( Carvana Image Masking Challenge )
sararob/keras-wine-model
Model built with the Keras Functional API
kashif/tf-keras-tutorial
tf.keras + tf.data with Eager Execution
asparagus/triplet-net
Keras implementation of "Deep Learning using Triplet Network" by Hoffer and Ailon. https://arxiv.org/pdf/1412.6622.pdf
ykamikawa/tf-keras-PSPNet
PSPNet for Semantic Segmentation with tensorflow and keras
ksalama/tf-estimator-tutorials
This repository includes tutorials on how to use the TensorFlow estimator APIs to perform various ML tasks, in a systematic and standardised way.
km1414/CNN-models
YOLO-v2, ResNet-32, GoogLeNet-lite
blaueck/tf-triplet-demo
This project implements triplet loss and semi-hard mining in tensorflow.
avilash/tensorflow-siamese
Siamese Networks in Tensorflow