Pinned Repositories
ConvLSTM-image-prediction
Predict pictures based on ConvLSTM
ConvLSTM-PyTorch
ConvLSTM/ConvGRU (Encoder-Decoder) with PyTorch on Moving-MNIST
crack_segmentation
This repository contains code and dataset for the task crack segmentation using two architectures UNet_VGG16, UNet_Resnet and DenseNet-Tiramusu
DCGAN-tensorflow
A tensorflow implementation of "Deep Convolutional Generative Adversarial Networks"
deep-learning-from-scratch
『ゼロから作る Deep Learning』(O'Reilly Japan, 2016)
Deep-Learning-with-PyTorch-Chinese
本仓库将PyTorch官方书籍《Deep learning with PyTorch》(基本摘录版)翻译成中文版并给出可运行的相关代码。
Image_Segmentation
pytorch Implementation of U-Net, R2U-Net, Attention U-Net, Attention R2U-Net.
PyTorch-GAN
PyTorch implementations of Generative Adversarial Networks.
Retina-Unet
眼底图像的血管分割
tf_unet
Generic U-Net Tensorflow implementation for image segmentation
joynny's Repositories
joynny/ConvLSTM-PyTorch
ConvLSTM/ConvGRU (Encoder-Decoder) with PyTorch on Moving-MNIST
joynny/PyTorch-GAN
PyTorch implementations of Generative Adversarial Networks.
joynny/ConvLSTM-image-prediction
Predict pictures based on ConvLSTM
joynny/crack_segmentation
This repository contains code and dataset for the task crack segmentation using two architectures UNet_VGG16, UNet_Resnet and DenseNet-Tiramusu
joynny/DCGAN-tensorflow
A tensorflow implementation of "Deep Convolutional Generative Adversarial Networks"
joynny/deep-learning-from-scratch
『ゼロから作る Deep Learning』(O'Reilly Japan, 2016)
joynny/Deep-Learning-with-PyTorch-Chinese
本仓库将PyTorch官方书籍《Deep learning with PyTorch》(基本摘录版)翻译成中文版并给出可运行的相关代码。
joynny/DeepAerialMatching_pytorch
Official Implementation of Deep Aerial Image Matching using PyTorch
joynny/DnCNN
Beyond a Gaussian Denoiser: Residual Learning of Deep CNN for Image Denoising (TIP, 2017)
joynny/e3d_lstm
e3d-lstm; Eidetic 3D LSTM A Model for Video Prediction and Beyond
joynny/FFDNet
FFDNet: Toward a Fast and Flexible Solution for CNN based Image Denoising (TIP, 2018)
joynny/image-restoration-with-U-net
Image restoration with different U-net(encoder-decoder、U-net、Pix2Pix、nested U-net、Attention U-net)
joynny/models
Pre-trained and Reproduced Deep Learning Models (『飞桨』官方模型库,包含多种学术前沿和工业场景验证的深度学习模型)
joynny/public_ml_models
joynny/pydata-book
Materials and IPython notebooks for "Python for Data Analysis" by Wes McKinney, published by O'Reilly Media
joynny/Python-100-Days
Python - 100天从新手到大师
joynny/PyTorch-Course
JULYEDU PyTorch Course
joynny/pytorch-CycleGAN-and-pix2pix
Image-to-Image Translation in PyTorch
joynny/pytorch-fcn
PyTorch Implementation of Fully Convolutional Networks. (Training code to reproduce the original result is available.)
joynny/Pytorch-UNet-1
PyTorch implementation of the U-Net for image semantic segmentation with high quality images
joynny/pytorch-unet-resnet-50-encoder
joynny/PyTorch-YOLOv3
Minimal PyTorch implementation of YOLOv3
joynny/segmentation_models.pytorch
Segmentation models with pretrained backbones. PyTorch.
joynny/stable-diffusion-webui
Stable Diffusion web UI
joynny/Surface-Defect-Detection
📈 目前最大的工业缺陷检测数据库及论文集 Constantly summarizing open source dataset and critical papers in the field of surface defect research which are of great importance.
joynny/UNet-family
Paper and implementation of UNet-related model.
joynny/Unet-Segmentation-Pytorch-Nest-of-Unets
Implementation of different kinds of Unet Models for Image Segmentation - Unet , RCNN-Unet, Attention Unet, RCNN-Attention Unet, Nested Unet
joynny/Violinplot-Matlab
Violin Plots for Matlab
joynny/Yet-Another-EfficientDet-Pytorch
The pytorch re-implement of the official efficientdet with SOTA performance in real time and pretrained weights.
joynny/yolo_1_pytorch
simplest implementation of yolo v1 via pytorch