Pinned Repositories
BraTS2018-tumor-segmentation
We provide DeepMedic and 3D UNet in pytorch for brain tumore segmentation. We also integrate location information with DeepMedic and 3D UNet by adding additional brain parcellation with original MR images.
caffe-ssd
慕课网教程
CBIM-Medical-Image-Segmentation
A PyTorch framework for medical image segmentation
chat
C\C++语言利用epoll实现高并发聊天室Demo
clip.cpp
CLIP inference in plain C/C++ with no extra dependencies
Convolutional_Neural_Network
Naive implementation of convolutional neural network on cifar10 dataset(only use numpy, no deeplearning frameworks).
demoCaffe-master
慕课网教程
DesignPattern
Design pattern demo code
EasyQPainter
Various operation practices of Qt QPainer.(Qt QPainter的各种操作实践)
FewShot_GAN-Unet3D
Tensorflow implementation of our paper: Few-shot 3D Multi-modal Medical Image Segmentation using Generative Adversarial Learning
yeqiuyi's Repositories
yeqiuyi/chat
C\C++语言利用epoll实现高并发聊天室Demo
yeqiuyi/BraTS2018-tumor-segmentation
We provide DeepMedic and 3D UNet in pytorch for brain tumore segmentation. We also integrate location information with DeepMedic and 3D UNet by adding additional brain parcellation with original MR images.
yeqiuyi/caffe-ssd
慕课网教程
yeqiuyi/CBIM-Medical-Image-Segmentation
A PyTorch framework for medical image segmentation
yeqiuyi/clip.cpp
CLIP inference in plain C/C++ with no extra dependencies
yeqiuyi/Convolutional_Neural_Network
Naive implementation of convolutional neural network on cifar10 dataset(only use numpy, no deeplearning frameworks).
yeqiuyi/demoCaffe-master
慕课网教程
yeqiuyi/DesignPattern
Design pattern demo code
yeqiuyi/EasyQPainter
Various operation practices of Qt QPainer.(Qt QPainter的各种操作实践)
yeqiuyi/FewShot_GAN-Unet3D
Tensorflow implementation of our paper: Few-shot 3D Multi-modal Medical Image Segmentation using Generative Adversarial Learning
yeqiuyi/Frozen_Graph_TensorFlow
Save, Load Frozen Graph and Run Inference From Frozen Graph in TensorFlow 1.x and 2.x.
yeqiuyi/GitHub-Chinese-Top-Charts
:cn: GitHub中文排行榜,帮助你发现高分优秀中文项目、更高效地吸收国人的优秀经验成果;榜单每周更新一次,敬请关注!
yeqiuyi/itksnap
ITK-SNAP medical image segmentation tool
yeqiuyi/keras-yolo3
A Keras implementation of YOLOv3 (Tensorflow backend)
yeqiuyi/KuGouDemo
I imitated PC client of KuGou music for windows with c plus plus
yeqiuyi/MCI
A parameter-efficient deep learning approach to predict conversion from mild cognitive impairment to Alzheimer's disease
yeqiuyi/Medical-Cross-Modality-Domain-Adaptation
[IJCAI'18] Unsupervised Cross-Modality Domain Adaptation of ConvNets for Biomedical Image Segmentations with Adversarial Loss (code&data)
yeqiuyi/MedicalDataAugmentationTool
yeqiuyi/MedMNIST
MedMNIST Classification Decathlon: A Lightweight AutoML Benchmark for Medical Image Analysis
yeqiuyi/numpy_neural_network
仅使用numpy从头开始实现神经网络,包括反向传播公式推导过程; numpy构建全连接层、卷积层、池化层、Flatten层;以及图像分类案例及精调网络案例等,持续更新中... ...
yeqiuyi/NumpyDL
Deep Learning Library. For education. Based on pure Numpy. Support CNN, RNN, LSTM, GRU etc.
yeqiuyi/PyMIC
yeqiuyi/Pytorch-UNet
PyTorch implementation of the U-Net for image semantic segmentation with high quality images
yeqiuyi/pytorch_Realtime_Multi-Person_Pose_Estimation
yeqiuyi/QWidgetDemo
Qt编写的一些开源的demo,预计会有100多个,一直持续更新完善,代码简洁易懂注释详细,每个都是独立项目,非常适合初学者,代码随意传播使用,拒绝打赏和捐赠,欢迎留言评论!
yeqiuyi/server
The Triton Inference Server provides an optimized cloud and edge inferencing solution.
yeqiuyi/tensorflow
An Open Source Machine Learning Framework for Everyone
yeqiuyi/tensorflow-learn
yeqiuyi/TensorFlow-Zero-to-N
《TensorFlow从0到N》是一个技术文章系列,从一个线性回归问题开始,逐步递进至现代卷积网络,构建完整的深度学习基础。
yeqiuyi/word_cloud
A little word cloud generator in Python