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/alexgkendall.github.io
Alex Kendall's Research Website
juzigithub/SegNet-Tutorial
Files for a tutorial to train SegNet for road scenes using the CamVid dataset
juzigithub/transfer
Transfer learning for deep image classification
juzigithub/tutorials
机器学习相关教程
juzigithub/capsnet-traffic-sign-classifier
A Tensorflow implementation of CapsNet(Capsules Net) apply on german traffic sign dataset
juzigithub/cats-vs-dogs-classification
This is an exercise of Keras blog: Building powerful image classification models using very little data
juzigithub/pytorch-best-practice
A Guidance on PyTorch Coding Style Based on Kaggle Dogs vs. Cats
juzigithub/SENet-PyTorch
juzigithub/learn-python
Python Top 45 Articles of 2017
juzigithub/Github_learning
juzigithub/BOOK
learningbooks
juzigithub/Books
depplearningbook
juzigithub/deep-learning-models
Keras code and weights files for popular deep learning models.
juzigithub/keras-resnet
Residual networks implementation using Keras-1.0 functional API
juzigithub/data-augmentation
data augmentation on python
juzigithub/libfacedetection
A fast binary library for face detection and face landmark detection in images. The face detection speed can reach 1500FPS. You can use it free of charge with any purpose.
juzigithub/fo-dicom
Fellow Oak DICOM for .NET
juzigithub/tensorflow
Computation using data flow graphs for scalable machine learning
juzigithub/deep-learning-coursera
Deep Learning Specialization by Andrew Ng on Coursera.
juzigithub/Coherent-Line-Drawing
An implementation of 'Coherent Line Drawing' by Kang et al, Proc. NPAR 2007
juzigithub/colorblocks-react-native
A fun puzzle game for both iOS and Android devices, implemented with React Native.
juzigithub/precipitation-prediction-convLSTM-keras
Convolutional LSTM neural network to extrapolate radar images, and predict rainfall - CIKM 2017 contest
juzigithub/working-on-gnu-linux
《 完全用 GNU/Linux 工作》
juzigithub/client-python
Official Python client library for kubernetes
juzigithub/FCN_train
The code includes all the file that you need in the training stage for FCN
juzigithub/keras-inceptionV4
Keras Implementation of Google's Inception-V4 Architecture (includes Keras compatible pre-trained weights)
juzigithub/Tensorflow_Object_Tracking_Video
Object Tracking in Tensorflow ( Localization Detection Classification ) developed to partecipate to ImageNET VID competition
juzigithub/TransferLearning-1
CODE FOR DEEP TRANSFER LEARINING
juzigithub/trtpy
Python modules for TRT tasks
juzigithub/pytorch_image_classifier
Minimal But Practical Image Classifier Pipline Using Pytorch, Finetune on ResNet18, Got 99% Accuracy on Own Small Datasets.