ChowZhiqiang's Stars
kamranahmedse/developer-roadmap
Interactive roadmaps, guides and other educational content to help developers grow in their careers.
cszn/DnCNN
Beyond a Gaussian Denoiser: Residual Learning of Deep CNN for Image Denoising (TIP, 2017)
yu4u/noise2noise
An unofficial and partial Keras implementation of "Noise2Noise: Learning Image Restoration without Clean Data"
jhfmat/ISP-pipeline-hdrplus
Denoise,HDR,Isppipeline,Image-processing(图形处理),camera, Isp ,HDRplus
mmc-maodun/Data-Structure-And-Algorithm
Data Structure And Algorithm(常用数据结构与算法C/C++实现)
Keyird/DeepLearning-TensorFlow2
本仓库我将使用谷歌TensorFlow2框架逐一复现经典的卷积神经网络:LeNet、AlexNet、VGG系列、GooLeNet、ResNet 系列、DenseNet 系列,以及现在比较经典的目标检测网络、语义分割网络等。
huanzheWu/Data-Structure
基于C++模板 实现的数据结构代码
MachineLP/train_arch
cnn+rnn+attention: vgg(vgg16,vgg19)+rnn(LSTM, GRU)+attention, resnet(resnet_v2_50,resnet_v2_101,resnet_v2_152)+rnnrnn(LSTM, GRU)+attention, inception_v4+rnn(LSTM, GRU)+attention, inception_resnet_v2+rnn(LSTM, GRU)+attention,..... vgg(vgg16,vgg19), resnet(resnet_v2_50,resnet_v2_101,resnet_v2_152), inception_v4, inception_resnet_v2,.....
ricedsp/D-AMP_Toolbox
This package contains the code to run Learned D-AMP, D-AMP, D-VAMP, D-prGAMP, and DnCNN algorithms. It also includes code to train Learned D-AMP, DnCNN, and Deep Image Prior U-net using the SURE loss.
titu1994/keras-efficientnets
Keras Implementation of EfficientNets
weitw/ImageDenoise
基于MATLAB实现传统图像去噪算法(均值滤波、中值滤波、非局部均值滤波NLM、三维块匹配滤波BM3D)和基于深度卷积神经网络的DnCNN图像去噪算法。
QiaoranC/tf_ResNeSt_RegNet_model
tensorflow 2.x version of ResNeSt,RegNet,DETR
marload/ConvNets-TensorFlow2
⛵️ Implementation a variety of popular Image Classification Models using TensorFlow2. [ResNet, GoogLeNet, VGG, Inception-v3, Inception-v4, MobileNet, MobileNet-v2, ShuffleNet, ShuffleNet-v2, etc...]
chintan1995/Image-Denoising-using-Deep-Learning
youngbin-ro/Attention-Based-BiLSTM
Tensorflow Implementation of Attention-Based Bidirectional Long Short-Term Memory Networks for Relation Classification
monatis/efficientnet-tf2
A reusable implementation of EfficientNet in TensorFlow 2.0 and Keras
tsing-cv/EfficientNet-tensorflow-eager
reimplement efficientnet use tf.keras tf2.0
cviaai/PSF-GAN-ESTIMATION
End-to-end PSF extraction for 3D microscopy
angryhen/model_tensorflow2.0
learning tensorflow2.0
Sheldon04/DADIP-pytorch
Blind Image Deblurring Based on Dual Attention Network and 2D Blur Kernel Estimation
HirataYurina/ShuffleNetV2-SqueezeNet-Inception
ShuffleNetV2, SqueezeNet, inceptionV1 implemented by tensorflow2.0
mikechen66/Inception-v1-v4-tf2
Make the classical Inception v1~v4, Xception v1 and Inception ResNet v2 models in TensorFlow 2.3 and Keras 2.4.3. Rebuild the 6 models with the style of linear algebra, including matrix components for both Inception A,B,C and Reduction A,B. In contrast, Inception Stem only addresses addition computation.
malone211/PSF-estimation
PSF estimation for adaptive optics imaging of astronomical extended objects
swotr/tf2-keras-imagenet
ImageNet training (EfficientNet-B0, AlexNet-BN) (TF2, Keras, and Multi-gpu)
floopypoppy/WFprediction
use a LSTM network for wavefront prediction in SCAO & error analysis
mikechen66/EfficientNet_TF2
Make the necessary changes to adapt to the environment of TensorFlow 2.3, Keras 2.4.3, CUDA Toolkit 11.0, cuDNN 8.0.1 and CUDA 450.57. In addition, write the new lines of code to replace the deprecated code.
Monkeone/tensorflow2-inceptionv3
MosesDastmard/noise2noise-tf2-small
Image Restoration using noisy train images.
Runist/EfficientNet
Use tf2 and keras implement EfficientNet
tdincer/ImageSegmentation
Image Segmentation with UNET