neuwangmeng
BME master from Northeastern university, Now he is a software engineering phd candidate. His reasearch includes medical image analysis, CV and deep learning。
Shenyang China
Pinned Repositories
3D-FCR-alphaGAN
Fully Convolutional Refined Auto Encoding Generative Adversarial Networks for 3D Multi Object Scenes
Augmentor
Image augmentation library in Python for machine learning.
dicom2nifti
K3D-jupyter
Keras_Jupyter_Notebooks
Linear-Spectral-Clustering-Superpixel-Segmentation-Algorithm_Python
Python implementation of LSC algo, (C) Zhengqin Li, Jiansheng Chen, 2014
pix2pix-tensorflow
Tensorflow port of Image-to-Image Translation with Conditional Adversarial Nets https://phillipi.github.io/pix2pix/
tensorflow-GAN4Segmentation
raw code!
zhihu
This repo contains the source code in my personal column (https://zhuanlan.zhihu.com/zhaoyeyu), implemented using Python 3.6. Including Natural Language Processing and Computer Vision projects, such as text generation, machine translation, deep convolution GAN and other actual combat code.
neuwangmeng's Repositories
neuwangmeng/Augmentor
Image augmentation library in Python for machine learning.
neuwangmeng/zhihu
This repo contains the source code in my personal column (https://zhuanlan.zhihu.com/zhaoyeyu), implemented using Python 3.6. Including Natural Language Processing and Computer Vision projects, such as text generation, machine translation, deep convolution GAN and other actual combat code.
neuwangmeng/3DUnetCNN
Keras 3D U-Net Convolution Neural Network (CNN) designed for medical image segmentation
neuwangmeng/blob
Python nD laplacian-of-gaussian blob detection
neuwangmeng/component-graph
Component-graph based image processing
neuwangmeng/cs446
:computer: CS446: Machine Learning in 2018 Spring, UIUC
neuwangmeng/cvxpy
A Python-embedded modeling language for convex optimization problems.
neuwangmeng/deep-learning-papers-translation
深度学习论文翻译,包括分类论文,检测论文等
neuwangmeng/deep-learning-with-python-notebooks
Jupyter notebooks for the code samples of the book "Deep Learning with Python"
neuwangmeng/dlcv_for_beginners
《深度学习与计算机视觉》配套代码
neuwangmeng/Frangi-filter-based-Hessian
Hessian、 eig2image and Frangi
neuwangmeng/image
store my img
neuwangmeng/itk-jupyter-widgets
Interactive Jupyter widgets to visualize images in 2D and 3D
neuwangmeng/Keras-GAN
Keras implementations of Generative Adversarial Networks.
neuwangmeng/keras-rcnn
Keras package for region-based convolutional neural networks (RCNNs)
neuwangmeng/keras-yolo2
Easy training on custom dataset. Various backends (MobileNet and SqueezeNet) supported. A YOLO demo to detect raccoon run entirely in brower is accessible at https://git.io/vF7vI (not on Windows).
neuwangmeng/LightNet
LightNet: Light-weight Networks for Semantic Image Segmentation (Cityscapes and Mapillary Vistas Dataset)
neuwangmeng/mAP
This code will evaluate the performance of your neural net for object recognition using the mean Average Precision (mAP).
neuwangmeng/probabilistic_unet
A U-Net combined with a variational auto-encoder that is able to learn conditional distributions over semantic segmentations.
neuwangmeng/pydensecrf
Python wrapper to Philipp Krähenbühl's dense (fully connected) CRFs with gaussian edge potentials.
neuwangmeng/PyMaxflow
Python library for creating flow networks and computing the maxflow/mincut (aka graph-cuts for Python)
neuwangmeng/pynrrd
Simple pure-python module for reading and writing nrrd files.
neuwangmeng/PythonDataScienceHandbook
Python Data Science Handbook: full text in Jupyter Notebooks
neuwangmeng/sloth
Sloth is a tool for labeling image and video data for computer vision research.
neuwangmeng/squeeze_and_excitation
PyTorch Implementation of 'squeeze and excitation' blocks for Fully Convolutional Neural Networks
neuwangmeng/TensorFlow-Book
Accompanying source code for Machine Learning with TensorFlow. Refer to the book for step-by-step explanations.
neuwangmeng/tf_unet
Generic U-Net Tensorflow implementation for image segmentation
neuwangmeng/transferlearning
Everything about Transfer Learning and Domain Adaptation--迁移学习
neuwangmeng/tutorial
Algorithms Tutorial
neuwangmeng/unet-gan-matting
Background Removal based on U-Net