ulfimlg's Stars
udacity/deep-learning-v2-pytorch
Projects and exercises for the latest Deep Learning ND program https://www.udacity.com/course/deep-learning-nanodegree--nd101
araffin/robotics-rl-srl
S-RL Toolbox: Reinforcement Learning (RL) and State Representation Learning (SRL) for Robotics
open-mmlab/mmdetection
OpenMMLab Detection Toolbox and Benchmark
radekosmulski/quickdraw
google/ffn
Flood-Filling Networks for instance segmentation in 3d volumes.
qubvel/segmentation_models
Segmentation models with pretrained backbones. Keras and TensorFlow Keras.
uoip/SSD-variants
PyTorch implementation of several SSD based object detection algorithms.
miraclewkf/SENet-PyTorch
fanq15/caffe_to_torch_to_pytorch
PaddlePaddle/VisualDL
Deep Learning Visualization Toolkit(『飞桨』深度学习可视化工具 )
onnx/onnx
Open standard for machine learning interoperability
msracver/Relation-Networks-for-Object-Detection
Relation Networks for Object Detection
ShuLiu1993/PANet
PANet for Instance Segmentation and Object Detection
roytseng-tw/Detectron.pytorch
A pytorch implementation of Detectron. Both training from scratch and inferring directly from pretrained Detectron weights are available.
donnemartin/data-science-ipython-notebooks
Data science Python notebooks: Deep learning (TensorFlow, Theano, Caffe, Keras), scikit-learn, Kaggle, big data (Spark, Hadoop MapReduce, HDFS), matplotlib, pandas, NumPy, SciPy, Python essentials, AWS, and various command lines.
nicolov/segmentation_keras
DilatedNet in Keras for image segmentation
Cheng-Lin-Li/SegCaps
A Clone version from Original SegCaps source code with enhancements on MS COCO dataset.
lalonderodney/SegCaps
Official Implementation of the Paper "Capsules for Object Segmentation".
ZuzooVn/machine-learning-for-software-engineers
A complete daily plan for studying to become a machine learning engineer.
bermanmaxim/LovaszSoftmax
Code for the Lovász-Softmax loss (CVPR 2018)
tensorflow/tensorflow
An Open Source Machine Learning Framework for Everyone
SimJeg/FC-DenseNet
Fully Convolutional DenseNets for semantic segmentation.
thtang/CheXNet-with-localization
Weakly Supervised Learning for Findings Detection in Medical Images
wikke/Tianchi-Medical-LungTumorDetect
天池医疗AI大赛[第一季]:肺部结节智能诊断 UNet/VGG/Inception/ResNet/DenseNet
brucechou1983/CheXNet-Keras
This project is a tool to build CheXNet-like models, written in Keras.
gaohuang/MSDNet
Multi-Scale Dense Networks for Resource Efficient Image Classification (ICLR 2018 Oral)
gpleiss/efficient_densenet_pytorch
A memory-efficient implementation of DenseNets
stanfordnmbl/osim-rl
Reinforcement learning environments with musculoskeletal models
MIT-LCP/mimic-code
MIMIC Code Repository: Code shared by the research community for the MIMIC family of databases
eriklindernoren/ML-From-Scratch
Machine Learning From Scratch. Bare bones NumPy implementations of machine learning models and algorithms with a focus on accessibility. Aims to cover everything from linear regression to deep learning.