FrankWJW's Stars
junyanz/pytorch-CycleGAN-and-pix2pix
Image-to-Image Translation in PyTorch
sebastianruder/NLP-progress
Repository to track the progress in Natural Language Processing (NLP), including the datasets and the current state-of-the-art for the most common NLP tasks.
spmallick/learnopencv
Learn OpenCV : C++ and Python Examples
dennybritz/reinforcement-learning
Implementation of Reinforcement Learning Algorithms. Python, OpenAI Gym, Tensorflow. Exercises and Solutions to accompany Sutton's Book and David Silver's course.
chaozh/awesome-blockchain-cn
收集所有区块链(BlockChain)技术开发相关资料,包括Fabric和Ethereum开发资料
eriklindernoren/PyTorch-GAN
PyTorch implementations of Generative Adversarial Networks.
google-deepmind/deepmind-research
This repository contains implementations and illustrative code to accompany DeepMind publications
dragen1860/Deep-Learning-with-TensorFlow-book
深度学习入门开源书,基于TensorFlow 2.0案例实战。Open source Deep Learning book, based on TensorFlow 2.0 framework.
ctgk/PRML
PRML algorithms implemented in Python
mrgloom/awesome-semantic-segmentation
:metal: awesome-semantic-segmentation
milesial/Pytorch-UNet
PyTorch implementation of the U-Net for image semantic segmentation with high quality images
utkuozbulak/pytorch-cnn-visualizations
Pytorch implementation of convolutional neural network visualization techniques
wiseodd/generative-models
Collection of generative models, e.g. GAN, VAE in Pytorch and Tensorflow.
shelhamer/fcn.berkeleyvision.org
Fully Convolutional Networks for Semantic Segmentation by Jonathan Long*, Evan Shelhamer*, and Trevor Darrell. CVPR 2015 and PAMI 2016.
ieee8023/covid-chestxray-dataset
We are building an open database of COVID-19 cases with chest X-ray or CT images.
jakeret/tf_unet
Generic U-Net Tensorflow implementation for image segmentation
zijundeng/pytorch-semantic-segmentation
PyTorch for Semantic Segmentation
facebookresearch/fastMRI
A large-scale dataset of both raw MRI measurements and clinical MRI images.
nyukat/breast_cancer_classifier
Deep Neural Networks Improve Radiologists' Performance in Breast Cancer Screening
timbmg/VAE-CVAE-MNIST
Variational Autoencoder and Conditional Variational Autoencoder on MNIST in PyTorch
arnoweng/CheXNet
A pytorch reimplementation of CheXNet
SimonKohl/probabilistic_unet
A U-Net combined with a variational auto-encoder that is able to learn conditional distributions over semantic segmentations.
LambdaColdStorage/lambda-tensorflow-benchmark
ugent-korea/pytorch-unet-segmentation
tcloaa/Deep-Portfolio-Theory
Autoencoder framework for portfolio selection (paper published by J. B. Heaton, N. G. Polson, J. H. Witte.)
WeidiXie/cell_counting_v2
mlpanda/DeepLearning_Financial
Attempt to replicate: A deep learning framework for financial time series using stacked autoencoders and long- short term memory
arshiyaaggarwal/Stock-Market-Price-Prediction
Analysis of various deep learning based models for financial time series data using convolutions, recurrent neural networks (lstm), dilated convolutions and residual learning
FrancescoSaverioZuppichini/PytorchModuleStorage
A easy to use API to store outputs from forward/backward hooks in Pytorch
Kang9779/2019-kaggle-elo-top-11-solution
Kaggle elo competition top gold medal solution