Pinned Repositories
anomaly-detection-resources
Anomaly detection related books, papers, videos, and toolboxes
awesome-cbir-papers
📝Awesome and classical image retrieval papers
awesome-machine-learning
A curated list of awesome Machine Learning frameworks, libraries and software.
Awesome-Meta-Learning
A curated list of Meta Learning papers, code, books, blogs, videos, datasets and other resources.
awesome-transfer-learning
Best transfer learning and domain adaptation resources (papers, tutorials, datasets, etc.)
CNN-for-Image-Retrieval
:sunrise:The code of post "Image retrieval using MatconvNet and pre-trained imageNet"
cnnimageretrieval-pytorch
CNN Image Retrieval in PyTorch: Training and evaluating CNNs for Image Retrieval in PyTorch
deep_learning_object_detection
A paper list of object detection using deep learning.
NIST-FSD
NIST-FSD: a benchmark for few-shot object detection.
siamesenetwork-tensorflow
Using siamese network to do dimensionality reduction and similar image retrieval
ztf-ucas's Repositories
ztf-ucas/NIST-FSD
NIST-FSD: a benchmark for few-shot object detection.
ztf-ucas/Awesome-Meta-Learning
A curated list of Meta Learning papers, code, books, blogs, videos, datasets and other resources.
ztf-ucas/deep_learning_object_detection
A paper list of object detection using deep learning.
ztf-ucas/anomaly-detection-resources
Anomaly detection related books, papers, videos, and toolboxes
ztf-ucas/awesome-machine-learning
A curated list of awesome Machine Learning frameworks, libraries and software.
ztf-ucas/awesome-transfer-learning
Best transfer learning and domain adaptation resources (papers, tutorials, datasets, etc.)
ztf-ucas/faiss
A library for efficient similarity search and clustering of dense vectors.
ztf-ucas/fewshot_ensemble
Ensembles of CNNs for few-shot image classification
ztf-ucas/FTEM_BSR_CDFSL
ztf-ucas/generative-models
Collection of generative models, e.g. GAN, VAE in Pytorch and Tensorflow.
ztf-ucas/headless_browser
Headless browser based on WebKit
ztf-ucas/HowToTrainYourMAMLPytorch
The original code for the paper "How to train your MAML" along with a replication of the original "Model Agnostic Meta Learning" (MAML) paper in Pytorch.
ztf-ucas/hummingbird
Hummingbird compiles trained ML models into tensor computation for faster inference.
ztf-ucas/IDeMe-Net
A PyTorch implementation of "Image Deformation Meta-Networks for One-Shot Learning"(CVPR 2019 Oral).
ztf-ucas/ios-malicious-bithunter
iOS Malicious Bit Hunter is a malicious plug-in detection engine for iOS applications. It can analyze the head of the macho file of the injected dylib dynamic library based on runtime. If you are interested in other programs of the author, please visit https://github.com/SecurityLife
ztf-ucas/leo
Implementation of Meta-Learning with Latent Embedding Optimization
ztf-ucas/lihang-code
《统计学习方法》的代码实现
ztf-ucas/Meta-SGD-pytorch
Neat implementation of Meta-SGD in pytorch: https://arxiv.org/abs/1707.09835
ztf-ucas/meta-transfer-learning-tensorflow
The TensorFlow implementation for "Meta-Transfer Learning for Few-Shot Learning"
ztf-ucas/mmdetection
Open MMLab Detection Toolbox
ztf-ucas/OneShotTranslation
Pytorch implementation of "One-Shot Unsupervised Cross Domain Translation" NIPS 2018
ztf-ucas/polish-nlp-resources
Pre-trained models and language resources for Natural Language Processing in Polish
ztf-ucas/pyMeta
Library to manage machine learning problems as `Tasks' and to sample from Task distributions. Includes Tensorflow implementation of implicit-MAML (iMAML), FOMAML and Reptile.
ztf-ucas/pytorch-vae
A Variational Autoencoder (VAE) implemented in PyTorch
ztf-ucas/R2CNN_Faster-RCNN_Tensorflow
Rotational region detection based on Faster-RCNN.
ztf-ucas/tods
TODS: An Automated Time-series Outlier Detection System
ztf-ucas/tpot
A Python Automated Machine Learning tool that optimizes machine learning pipelines using genetic programming.
ztf-ucas/vae
a simple vae and cvae from keras
ztf-ucas/variational-autoencoder
Variational autoencoder implemented in tensorflow and pytorch (including inverse autoregressive flow)
ztf-ucas/WordSeg
Word Segmentation on strings with no spaces.