Pinned Repositories
analyzeNN
Artificial-Intelligence-Terminology
The English-Chinese paired terminologies in Artificial Intelligence Domain
Augmentor
Image augmentation library in Python for machine learning.
berkeley-stat-157
Homepage for STAT 157 at UC Berkeley
CAM
Class Activation Mapping
CFCF
Good Features to Correlate for Visual Tracking
code_WSTNN
matlab code
context_aug
Context-driven data augmentation for Object Detection (ECCV'18)
Continuous-ConvOp
The Continuous Convolution Operator Tracker (C-COT).
cvat
Powerful and efficient Computer Vision Annotation Tool (CVAT)
sigmafang's Repositories
sigmafang/Augmentor
Image augmentation library in Python for machine learning.
sigmafang/berkeley-stat-157
Homepage for STAT 157 at UC Berkeley
sigmafang/code_WSTNN
matlab code
sigmafang/Continuous-ConvOp
The Continuous Convolution Operator Tracker (C-COT).
sigmafang/cvat
Powerful and efficient Computer Vision Annotation Tool (CVAT)
sigmafang/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.
sigmafang/Data-Augmentation-for-Object-Detection-YOLO-
This is a python based library to augment the training dataset for object detection using YOLO.
sigmafang/deep-image-prior
Image restoration with neural networks but without learning.
sigmafang/Deep-Learning-with-PyTorch-Tutorials
深度学习与PyTorch入门实战视频教程 配套源代码和PPT
sigmafang/Deep-Learning-with-TensorFlow-book
深度学习开源书,基于TensorFlow 2.0实战。Open source Deep Learning book, based on TensorFlow 2.0 framework.
sigmafang/DeepLearning-500-questions
深度学习500问,以问答形式对常用的概率知识、线性代数、机器学习、深度学习、计算机视觉等热点问题进行阐述,以帮助自己及有需要的读者。 全书分为18个章节,50余万字。由于水平有限,书中不妥之处恳请广大读者批评指正。 未完待续............ 如有意合作,联系scutjy2015@163.com 版权所有,违权必究 Tan 2018.06
sigmafang/DenseNet
Densely Connected Convolutional Networks, In CVPR 2017 (Best Paper Award).
sigmafang/Flow-Guided-Feature-Aggregation
Flow-Guided Feature Aggregation for Video Object Detection
sigmafang/generatedTIR_tracking
Synthetic data generation for end-to-end TIR tracking (TIP2018)
sigmafang/handson-ml2
A series of Jupyter notebooks that walk you through the fundamentals of Machine Learning and Deep Learning in Python using Scikit-Learn, Keras and TensorFlow 2.
sigmafang/image-processing-using-matlab
algorithms for image processing using matlab
sigmafang/invertible-resnet
Official Code for Invertible Residual Networks
sigmafang/L-BFGS-B-C
L-BFGS-B, converted from Fortran to C, with Matlab wrapper
sigmafang/labelImg
:metal: LabelImg is a graphical image annotation tool and label object bounding boxes in images
sigmafang/machine_learning
sigmafang/mmdetection
Open MMLab Detection Toolbox and Benchmark
sigmafang/models
Models and examples built with TensorFlow
sigmafang/Net-SURE
Training deep learning based denoisers without ground truth data - Official Tensorflow implementation of the NeurIPS 2018 paper
sigmafang/nndl.github.io
《神经网络与深度学习》 Neural Network and Deep Learning
sigmafang/ObjectDetection-OneStageDet
sigmafang/pytorch-CycleGAN-and-pix2pix
Image-to-Image Translation in PyTorch
sigmafang/pytracking
Visual tracking library based on PyTorch.
sigmafang/soft-nms
Object Detection
sigmafang/summary
summaries of all the papers I read
sigmafang/TensorFlow-2.x-Tutorials
TensorFlow 2.x version's Tutorials and Examples, including CNN, RNN, GAN, Auto-Encoders, FasterRCNN, GPT, BERT examples, etc. TF 2.0版入门实例代码,实战教程。