MilCode for "One-Shot Visual Imitation Learning via Meta-Learning"
Awesome Real World RlGreat resources for making Reinforcement Learning work in Real Life situations. Papers,projects and more.
FeatThe code repository for "Few-Shot Learning via Embedding Adaptation with Set-to-Set Functions"
EpgCode for the paper "Evolved Policy Gradients"
CrossdomainfewshotCross-Domain Few-Shot Classification via Learned Feature-Wise Transformation (ICLR 2020 spotlight)
HyperactiveA hyperparameter optimization and data collection toolbox for convenient and fast prototyping of machine-learning models.
PrompProMP: Proximal Meta-Policy Search
MzsrMeta-Transfer Learning for Zero-Shot Super-Resolution (CVPR, 2020)
Meta Weight NetNeurIPS'19: Meta-Weight-Net: Learning an Explicit Mapping For Sample Weighting (Pytorch implementation for noisy labels).
SavnLearning to Learn how to Learn: Self-Adaptive Visual Navigation using Meta-Learning (https://arxiv.org/abs/1812.00971)
CanetThe code for paper "CANet: Class-Agnostic Segmentation Networks with Iterative Refinement and Attentive Few-Shot Learning"
MfrLearning Meta Face Recognition in Unseen Domains, CVPR, Oral, 2020
KeitaMy personal toolkit for PyTorch development.
Metar CnnMeta R-CNN : Towards General Solver for Instance-level Low-shot Learning
MetarecPyTorch Implementations For A Series Of Deep Learning-Based Recommendation Models (IN PROGRESS)
Boml Bilevel Optimization Library in Python for Multi-Task and Meta Learning
FewshotnlpThe source codes of the paper "Improving Few-shot Text Classification via Pretrained Language Representations" and "When Low Resource NLP Meets Unsupervised Language Model: Meta-pretraining Then Meta-learning for Few-shot Text Classification".
Meta BlocksA modular toolbox for meta-learning research with a focus on speed and reproducibility.
What I Have ReadPaper Lists, Notes and Slides, Focus on NLP. For summarization, please refer to https://github.com/xcfcode/Summarization-Papers
MaxlThe implementation of "Self-Supervised Generalisation with Meta Auxiliary Learning" [NeurIPS 2019].
Gnn Meta AttackImplementation of the paper "Adversarial Attacks on Graph Neural Networks via Meta Learning".
R2d2[ICLR'19] Meta-learning with differentiable closed-form solvers
Pytorch MetaA collection of extensions and data-loaders for few-shot learning & meta-learning in PyTorch
Learn2learnA PyTorch Library for Meta-learning Research
Neural Process FamilyCode for the Neural Processes website and replication of 4 papers on NPs. Pytorch implementation.
G MetaGraph meta learning via local subgraphs (NeurIPS 2020)
MultidigitmnistCombine multiple MNIST digits to create datasets with 100/1000 classes for few-shot learning/meta-learning
L2p GnnCodes and datasets for AAAI-2021 paper "Learning to Pre-train Graph Neural Networks"
Maml TfTensorflow Implementation of MAML
Mt NetCode accompanying the ICML-2018 paper "Gradient-Based Meta-Learning with Learned Layerwise Metric and Subspace"
MfeMeta-Feature Extractor
LooperA resource list for causality in statistics, data science and physics
Learningtocompare fslPyTorch code for CVPR 2018 paper: Learning to Compare: Relation Network for Few-Shot Learning (Few-Shot Learning part)
Few ShotRepository for few-shot learning machine learning projects
Awesome Automl And Lightweight ModelsA list of high-quality (newest) AutoML works and lightweight models including 1.) Neural Architecture Search, 2.) Lightweight Structures, 3.) Model Compression, Quantization and Acceleration, 4.) Hyperparameter Optimization, 5.) Automated Feature Engineering.
Cfnet[CVPR'17] Training a Correlation Filter end-to-end allows lightweight networks of 2 layers (600 kB) to high performance at fast speed..
Meta DatasetA dataset of datasets for learning to learn from few examples
Reinforcement learning tutorial with demoReinforcement Learning Tutorial with Demo: DP (Policy and Value Iteration), Monte Carlo, TD Learning (SARSA, QLearning), Function Approximation, Policy Gradient, DQN, Imitation, Meta Learning, Papers, Courses, etc..
Meta Transfer LearningTensorFlow and PyTorch implementation of "Meta-Transfer Learning for Few-Shot Learning" (CVPR2019)
MetaoptnetMeta-Learning with Differentiable Convex Optimization (CVPR 2019 Oral)
MatchingnetworksThis repo provides pytorch code which replicates the results of the Matching Networks for One Shot Learning paper on the Omniglot and MiniImageNet dataset
TransferlearningTransfer learning / domain adaptation / domain generalization / multi-task learning etc. Papers, codes, datasets, applications, tutorials.-迁移学习
e-osvosImplementation of "Make One-Shot Video Object Segmentation Efficient Again” and the semi-supervised fine-tuning "e-OSVOS" approach (NeurIPS 2020).
Meta-SACAuto-tune the Entropy Temperature of Soft Actor-Critic via Metagradient - 7th ICML AutoML workshop 2020