Pinned Repositories
Coherent-Line-Drawing
An implementation of 'Coherent Line Drawing' by Kang et al, Proc. NPAR 2007
deep-learning-coursera
Deep Learning Specialization by Andrew Ng on Coursera.
Domain-Adaptation-Papers-and-Codes
finetune_alexnet_with_tensorflow
Code for finetuning AlexNet in TensorFlow >= 1.12
Generate_To_Adapt
Implementation of "Generate To Adapt: Aligning Domains using Generative Adversarial Networks"
introduction_to_ml_with_python
Notebooks and code for the book "Introduction to Machine Learning with Python"
keras-applications
Reference implementations of popular deep learning models.
lihang-code
《统计学习方法》的代码实现
mAP
mean Average Precision - This code evaluates the performance of your neural net for object recognition.
tensorRT_Pro
C++ library based on tensorrt integration
juzigithub's Repositories
juzigithub/mAP
mean Average Precision - This code evaluates the performance of your neural net for object recognition.
juzigithub/Research
novel deep learning research works with PaddlePaddle
juzigithub/Stronger-yolo
🔥Improve yolo with latest paper
juzigithub/Stronger-yolo-pytorch
Pytorch implementation of Stronger-Yolo with channel-pruning.
juzigithub/tpu
Reference models and tools for Cloud TPUs.
juzigithub/yolov3-channel-and-layer-pruning
yolov3 channel and layer pruning
juzigithub/tensorRT_Pro
C++ library based on tensorrt integration
juzigithub/awesome-multimodal-ml
Reading list for research topics in multimodal machine learning
juzigithub/cherrytree
cherrytree
juzigithub/cuda_programming
Code from the "CUDA Crash Course" YouTube series by CoffeeBeforeArch
juzigithub/cv-interview
CV岗常见面试题(欢迎大家补充!!!)
juzigithub/CV_interviews_Q-A
CV算法岗知识点及面试问答汇总,主要分为计算机视觉、机器学习、图像处理和 C++基础四大块,一起努力向offers发起冲击!
juzigithub/deeplearning-models
A collection of various deep learning architectures, models, and tips
juzigithub/DeepLearningInMedicalImagingAndMedicalImageAnalysis
juzigithub/DIoU-darknet
Distance-IoU Loss into YOLO v3
juzigithub/imagepy
Image process framework based on plugin like imagej, it is esay to glue with scipy.ndimage, scikit-image, opencv, simpleitk, mayavi...and any libraries based on numpy
juzigithub/Keras-Semantic-Segmentation
Keras-Semantic-Segmentation
juzigithub/matplotlib-cheatsheet
Matplotlib 3.1 cheat sheet.
juzigithub/nanodet
⚡Super fast and lightweight anchor-free object detection model. 🔥Only 1.8MB and run 97FPS on cellphone🔥
juzigithub/nanodet_openvino
手把手教你OpenVINO下部署NanoDet模型,intel i7-7700HQ CPU实测6ms一帧
juzigithub/ppl.cv
ppl.cv is a high-performance image processing library of openPPL supporting various platforms.
juzigithub/prepare_detection_dataset
convert dataset to coco/voc format
juzigithub/qt
qt demo
juzigithub/query2labels
Official implementation of paper "Query2Label: A Simple Transformer Way to Multi-Label Classification".
juzigithub/simpledet
A Simple and Versatile Framework for Object Detection and Instance Recognition
juzigithub/SimpleITK-Notebooks
Jupyter notebooks for learning how to use SimpleITK
juzigithub/tensorrtx
Implementation of popular deep learning networks with TensorRT network definition API
juzigithub/tomato-pie
A new UI for Pomodoro Technique. Schedule your time directly with a clock.
juzigithub/torchcv
A PyTorch-Based Framework for Deep Learning in Computer Vision
juzigithub/yolov5_tensorrt_int8
TensorRT int8 量化部署 yolov5s 模型,实测3.3ms一帧!