Topic: "self-supervised-learning"
jindongwang/transferlearning
Transfer learning / domain adaptation / domain generalization / multi-task learning etc. Papers, codes, datasets, applications, tutorials.-迁移学习
Language: Python - Size: 35.4 MB - Last synced at: about 2 months ago - Pushed at: 3 months ago - Stars: 13,779 - Forks: 3,835

PaddlePaddle/PaddleSpeech
Easy-to-use Speech Toolkit including Self-Supervised Learning model, SOTA/Streaming ASR with punctuation, Streaming TTS with text frontend, Speaker Verification System, End-to-End Speech Translation and Keyword Spotting. Won NAACL2022 Best Demo Award.
Language: Python - Size: 69.4 MB - Last synced at: 10 days ago - Pushed at: 20 days ago - Stars: 11,845 - Forks: 1,904

KevinMusgrave/pytorch-metric-learning
The easiest way to use deep metric learning in your application. Modular, flexible, and extensible. Written in PyTorch.
Language: Python - Size: 35.7 MB - Last synced at: about 1 hour ago - Pushed at: 21 days ago - Stars: 6,133 - Forks: 662

google-research/simclr 📦
SimCLRv2 - Big Self-Supervised Models are Strong Semi-Supervised Learners
Language: Jupyter Notebook - Size: 3.77 MB - Last synced at: 4 months ago - Pushed at: almost 2 years ago - Stars: 4,172 - Forks: 634

open-mmlab/mmpretrain
OpenMMLab Pre-training Toolbox and Benchmark
Language: Python - Size: 13.5 MB - Last synced at: 4 days ago - Pushed at: 6 months ago - Stars: 3,645 - Forks: 1,084

lightly-ai/lightly
A python library for self-supervised learning on images.
Language: Python - Size: 11.2 MB - Last synced at: 2 days ago - Pushed at: 2 days ago - Stars: 3,377 - Forks: 292

open-mmlab/mmselfsup
OpenMMLab Self-Supervised Learning Toolbox and Benchmark
Language: Python - Size: 3.39 MB - Last synced at: about 1 month ago - Pushed at: almost 2 years ago - Stars: 3,242 - Forks: 436

s3prl/s3prl
Self-Supervised Speech Pre-training and Representation Learning Toolkit
Language: Python - Size: 135 MB - Last synced at: 18 days ago - Pushed at: 2 months ago - Stars: 2,377 - Forks: 499

tinghuiz/SfMLearner
An unsupervised learning framework for depth and ego-motion estimation from monocular videos
Language: Jupyter Notebook - Size: 6.79 MB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 1,989 - Forks: 557

divelab/DIG
A library for graph deep learning research
Language: Python - Size: 264 MB - Last synced at: 5 days ago - Pushed at: 10 months ago - Stars: 1,952 - Forks: 286

alibaba/EasyCV
An all-in-one toolkit for computer vision
Language: Python - Size: 10.5 MB - Last synced at: 2 days ago - Pushed at: 2 days ago - Stars: 1,855 - Forks: 212

lucidrains/byol-pytorch
Usable Implementation of "Bootstrap Your Own Latent" self-supervised learning, from Deepmind, in Pytorch
Language: Python - Size: 72.3 KB - Last synced at: about 19 hours ago - Pushed at: 10 months ago - Stars: 1,820 - Forks: 249

ChandlerBang/awesome-self-supervised-gnn
Papers about pretraining and self-supervised learning on Graph Neural Networks (GNN).
Language: Python - Size: 730 KB - Last synced at: 12 days ago - Pushed at: over 1 year ago - Stars: 1,668 - Forks: 161

ViTAE-Transformer/ViTPose
The official repo for [NeurIPS'22] "ViTPose: Simple Vision Transformer Baselines for Human Pose Estimation" and [TPAMI'23] "ViTPose++: Vision Transformer for Generic Body Pose Estimation"
Language: Python - Size: 10.5 MB - Last synced at: 30 days ago - Pushed at: 10 months ago - Stars: 1,569 - Forks: 205

vturrisi/solo-learn
solo-learn: a library of self-supervised methods for visual representation learning powered by Pytorch Lightning
Language: Python - Size: 5.04 MB - Last synced at: 13 days ago - Pushed at: 13 days ago - Stars: 1,479 - Forks: 190

MCG-NJU/VideoMAE
[NeurIPS 2022 Spotlight] VideoMAE: Masked Autoencoders are Data-Efficient Learners for Self-Supervised Video Pre-Training
Language: Python - Size: 547 KB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 1,451 - Forks: 142

tinyvision/SOLIDER
A Semantic Controllable Self-Supervised Learning Framework to learn general human representations from massive unlabeled human images, which can benefit downstream human-centric tasks to the maximum extent
Language: Python - Size: 445 KB - Last synced at: about 1 month ago - Pushed at: almost 2 years ago - Stars: 1,445 - Forks: 233

wvangansbeke/Unsupervised-Classification
SCAN: Learning to Classify Images without Labels, incl. SimCLR. [ECCV 2020]
Language: Python - Size: 13.1 MB - Last synced at: about 1 month ago - Pushed at: almost 2 years ago - Stars: 1,415 - Forks: 271

LirongWu/awesome-graph-self-supervised-learning
Code for TKDE paper "Self-supervised learning on graphs: Contrastive, generative, or predictive"
Size: 444 KB - Last synced at: 6 days ago - Pushed at: 9 months ago - Stars: 1,406 - Forks: 167

TorchSSL/TorchSSL
A PyTorch-based library for semi-supervised learning (NeurIPS'21)
Language: Python - Size: 769 KB - Last synced at: 9 days ago - Pushed at: over 1 year ago - Stars: 1,341 - Forks: 188

keyu-tian/SparK
[ICLR'23 Spotlight🔥] The first successful BERT/MAE-style pretraining on any convolutional network; Pytorch impl. of "Designing BERT for Convolutional Networks: Sparse and Hierarchical Masked Modeling"
Language: Python - Size: 699 KB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 1,337 - Forks: 81

asheeshcric/awesome-contrastive-self-supervised-learning
A comprehensive list of awesome contrastive self-supervised learning papers.
Size: 96.7 KB - Last synced at: 10 days ago - Pushed at: 8 months ago - Stars: 1,268 - Forks: 126

open-edge-platform/training_extensions
Train, Evaluate, Optimize, Deploy Computer Vision Models via OpenVINO™
Language: Python - Size: 416 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 1,164 - Forks: 449

PaddlePaddle/PaddleHelix
Bio-Computing Platform Featuring Large-Scale Representation Learning and Multi-Task Deep Learning “螺旋桨”生物计算工具集
Language: Python - Size: 131 MB - Last synced at: 1 day ago - Pushed at: 6 months ago - Stars: 1,064 - Forks: 228

microsoft/SimMIM
This is an official implementation for "SimMIM: A Simple Framework for Masked Image Modeling".
Language: Python - Size: 275 KB - Last synced at: 3 days ago - Pushed at: over 2 years ago - Stars: 975 - Forks: 95

chengtan9907/OpenSTL
OpenSTL: A Comprehensive Benchmark of Spatio-Temporal Predictive Learning
Language: Python - Size: 2.47 MB - Last synced at: 10 days ago - Pushed at: 8 months ago - Stars: 905 - Forks: 146

yueliu1999/Awesome-Deep-Graph-Clustering
Awesome Deep Graph Clustering is a collection of SOTA, novel deep graph clustering methods (papers, codes, and datasets).
Language: Python - Size: 999 KB - Last synced at: 12 days ago - Pushed at: 4 months ago - Stars: 903 - Forks: 142

EdisonLeeeee/Awesome-Masked-Autoencoders
A collection of literature after or concurrent with Masked Autoencoder (MAE) (Kaiming He el al.).
Size: 488 KB - Last synced at: 5 days ago - Pushed at: 10 months ago - Stars: 823 - Forks: 52

MrGiovanni/ModelsGenesis
[MICCAI 2019 Young Scientist Award] [MEDIA 2020 Best Paper Award] Models Genesis
Language: Jupyter Notebook - Size: 22 MB - Last synced at: 26 days ago - Pushed at: 4 months ago - Stars: 760 - Forks: 144

dipy/dipy
DIPY is the paragon 3D/4D+ medical imaging library in Python. Contains generic methods for spatial normalization, signal processing, machine learning, statistical analysis and visualization of medical images. Additionally, it contains specialized methods for computational anatomy including diffusion, perfusion and structural imaging.
Language: Python - Size: 72.5 MB - Last synced at: 7 days ago - Pushed at: 19 days ago - Stars: 755 - Forks: 446

zhirongw/lemniscate.pytorch
Unsupervised Feature Learning via Non-parametric Instance Discrimination
Language: Python - Size: 29.3 KB - Last synced at: 5 days ago - Pushed at: about 4 years ago - Stars: 752 - Forks: 135

YyzHarry/imbalanced-semi-self
[NeurIPS 2020] Semi-Supervision (Unlabeled Data) & Self-Supervision Improve Class-Imbalanced / Long-Tailed Learning
Language: Python - Size: 16.5 MB - Last synced at: 3 days ago - Pushed at: about 4 years ago - Stars: 751 - Forks: 117

jackroos/VL-BERT
Code for ICLR 2020 paper "VL-BERT: Pre-training of Generic Visual-Linguistic Representations".
Language: Jupyter Notebook - Size: 5.41 MB - Last synced at: about 1 month ago - Pushed at: almost 2 years ago - Stars: 740 - Forks: 111

DmitryRyumin/INTERSPEECH-2023-24-Papers
INTERSPEECH 2023-2024 Papers: A complete collection of influential and exciting research papers from the INTERSPEECH 2023-24 conference. Explore the latest advances in speech and language processing. Code included. Star the repository to support the advancement of speech technology!
Size: 11.4 MB - Last synced at: about 8 hours ago - Pushed at: 5 months ago - Stars: 668 - Forks: 42

Megvii-BaseDetection/cvpods
All-in-one Toolbox for Computer Vision Research.
Language: Python - Size: 2.8 MB - Last synced at: about 1 month ago - Pushed at: about 2 years ago - Stars: 651 - Forks: 78

Westlake-AI/openmixup
CAIRI Supervised, Semi- and Self-Supervised Visual Representation Learning Toolbox and Benchmark
Language: Python - Size: 3.68 MB - Last synced at: 8 days ago - Pushed at: about 1 month ago - Stars: 650 - Forks: 59

SwinTransformer/Transformer-SSL
This is an official implementation for "Self-Supervised Learning with Swin Transformers".
Language: Python - Size: 1.16 MB - Last synced at: about 1 month ago - Pushed at: almost 4 years ago - Stars: 649 - Forks: 70

nianticlabs/manydepth
[CVPR 2021] Self-supervised depth estimation from short sequences
Language: Python - Size: 9.49 MB - Last synced at: about 1 month ago - Pushed at: almost 2 years ago - Stars: 641 - Forks: 85

fangchangma/self-supervised-depth-completion
ICRA 2019 "Self-supervised Sparse-to-Dense: Self-supervised Depth Completion from LiDAR and Monocular Camera"
Language: Python - Size: 48.8 KB - Last synced at: 5 months ago - Pushed at: about 4 years ago - Stars: 632 - Forks: 134

mkocabas/EpipolarPose
Self-Supervised Learning of 3D Human Pose using Multi-view Geometry (CVPR2019)
Language: Jupyter Notebook - Size: 300 KB - Last synced at: about 1 month ago - Pushed at: almost 6 years ago - Stars: 601 - Forks: 98

OpenGVLab/VideoMAEv2
[CVPR 2023] VideoMAE V2: Scaling Video Masked Autoencoders with Dual Masking
Language: Python - Size: 935 KB - Last synced at: about 2 months ago - Pushed at: 7 months ago - Stars: 594 - Forks: 68

salesforce/PCL 📦
PyTorch code for "Prototypical Contrastive Learning of Unsupervised Representations"
Language: Python - Size: 179 KB - Last synced at: 3 days ago - Pushed at: 10 days ago - Stars: 586 - Forks: 83

Huangying-Zhan/DF-VO
Depth and Flow for Visual Odometry
Language: Python - Size: 12.7 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 584 - Forks: 116

dev-sungman/Awesome-Self-Supervised-Papers
Paper bank for Self-Supervised Learning
Size: 604 KB - Last synced at: 3 days ago - Pushed at: about 2 years ago - Stars: 581 - Forks: 59

RobotLocomotion/pytorch-dense-correspondence
Code for "Dense Object Nets: Learning Dense Visual Object Descriptors By and For Robotic Manipulation"
Language: Python - Size: 73.2 MB - Last synced at: 4 days ago - Pushed at: about 2 years ago - Stars: 568 - Forks: 134

Shen-Lab/GraphCL
[NeurIPS 2020] "Graph Contrastive Learning with Augmentations" by Yuning You, Tianlong Chen, Yongduo Sui, Ting Chen, Zhangyang Wang, Yang Shen
Language: Python - Size: 244 MB - Last synced at: 5 months ago - Pushed at: 10 months ago - Stars: 558 - Forks: 103

mahmoodlab/HIPT
Hierarchical Image Pyramid Transformer - CVPR 2022 (Oral)
Language: Jupyter Notebook - Size: 740 MB - Last synced at: 5 days ago - Pushed at: about 1 year ago - Stars: 558 - Forks: 96

WXinlong/DenseCL
Dense Contrastive Learning (DenseCL) for self-supervised representation learning, CVPR 2021 Oral.
Language: Python - Size: 543 KB - Last synced at: 3 days ago - Pushed at: over 1 year ago - Stars: 558 - Forks: 67

RElbers/info-nce-pytorch
PyTorch implementation of the InfoNCE loss for self-supervised learning.
Language: Python - Size: 127 KB - Last synced at: 14 days ago - Pushed at: over 1 year ago - Stars: 543 - Forks: 42

yukimasano/self-label
Self-labelling via simultaneous clustering and representation learning. (ICLR 2020)
Language: Python - Size: 91.8 KB - Last synced at: 3 days ago - Pushed at: 10 months ago - Stars: 541 - Forks: 53

Pang-Yatian/Point-MAE
[ECCV2022] Masked Autoencoders for Point Cloud Self-supervised Learning
Language: Python - Size: 1.29 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 523 - Forks: 61

junxia97/awesome-pretrain-on-molecules
[IJCAI 2023 survey track]A curated list of resources for chemical pre-trained models
Size: 565 KB - Last synced at: 6 days ago - Pushed at: almost 2 years ago - Stars: 522 - Forks: 54

wenet-e2e/wespeaker
Research and Production Oriented Speaker Verification, Recognition and Diarization Toolkit
Language: Python - Size: 3.4 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 514 - Forks: 88

THUDM/GraphMAE
GraphMAE: Self-Supervised Masked Graph Autoencoders in KDD'22
Language: Python - Size: 7.22 MB - Last synced at: about 1 month ago - Pushed at: about 2 years ago - Stars: 506 - Forks: 77

HKUDS/SSLRec
[WSDM'2024 Oral] "SSLRec: A Self-Supervised Learning Framework for Recommendation"
Language: Python - Size: 103 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 503 - Forks: 72

sthalles/PyTorch-BYOL
PyTorch implementation of Bootstrap Your Own Latent: A New Approach to Self-Supervised Learning
Language: Jupyter Notebook - Size: 83 KB - Last synced at: about 1 month ago - Pushed at: almost 3 years ago - Stars: 490 - Forks: 72

acbull/GPT-GNN
Code for KDD'20 "Generative Pre-Training of Graph Neural Networks"
Language: Python - Size: 9.51 MB - Last synced at: 5 months ago - Pushed at: 10 months ago - Stars: 487 - Forks: 87

bshall/knn-vc
Voice Conversion With Just Nearest Neighbors
Language: Python - Size: 276 KB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 481 - Forks: 67

ViTAE-Transformer/ViTAE-Transformer-Remote-Sensing
A comprehensive list [SAMRS@NeurIPS'23, RVSA@TGRS'22, RSP@TGRS'22] of our research works related to remote sensing, including papers, codes, and citations. Note: The repo for [TGRS'22] "An Empirical Study of Remote Sensing Pretraining" has been moved to: https://github.com/ViTAE-Transformer/RSP
Language: TeX - Size: 3.41 MB - Last synced at: 3 days ago - Pushed at: 11 months ago - Stars: 476 - Forks: 55

PaddlePaddle/PaddleFleetX
飞桨大模型开发套件,提供大语言模型、跨模态大模型、生物计算大模型等领域的全流程开发工具链。
Language: Python - Size: 637 MB - Last synced at: 9 days ago - Pushed at: 12 months ago - Stars: 465 - Forks: 164

alexklwong/awesome-state-of-depth-completion
Current state of supervised and unsupervised depth completion methods
Size: 16.2 MB - Last synced at: 3 days ago - Pushed at: about 2 months ago - Stars: 463 - Forks: 24

DmitryRyumin/ICASSP-2023-24-Papers
ICASSP 2023-2024 Papers: A complete collection of influential and exciting research papers from the ICASSP 2023-24 conferences. Explore the latest advancements in acoustics, speech and signal processing. Code included. Star the repository to support the advancement of audio and signal processing!
Language: Python - Size: 9.11 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 459 - Forks: 18

JiawangBian/sc_depth_pl
SC-Depth (V1, V2, and V3) for Unsupervised Monocular Depth Estimation Webpage:https://jiawangbian.github.io/sc_depth_pl/
Language: Python - Size: 88.3 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 459 - Forks: 72

DmitryRyumin/CVPR-2023-24-Papers
CVPR 2023-2024 Papers: Dive into advanced research presented at the leading computer vision conference. Keep up to date with the latest developments in computer vision and deep learning. Code included. ⭐ support visual intelligence development!
Language: Python - Size: 10.3 MB - Last synced at: about 1 month ago - Pushed at: 10 months ago - Stars: 447 - Forks: 29

ViTAE-Transformer/Remote-Sensing-RVSA
The official repo for [TGRS'22] "Advancing Plain Vision Transformer Towards Remote Sensing Foundation Model"
Language: Python - Size: 4.56 MB - Last synced at: 3 days ago - Pushed at: 3 months ago - Stars: 445 - Forks: 39

santi-pdp/pase
Problem Agnostic Speech Encoder
Language: Python - Size: 10.2 MB - Last synced at: 6 months ago - Pushed at: almost 2 years ago - Stars: 439 - Forks: 87

bshall/soft-vc
Soft speech units for voice conversion
Language: Jupyter Notebook - Size: 354 KB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 425 - Forks: 31

microsoft/esvit
EsViT: Efficient self-supervised Vision Transformers
Language: Python - Size: 1.88 MB - Last synced at: 3 days ago - Pushed at: over 1 year ago - Stars: 410 - Forks: 44

wvangansbeke/Unsupervised-Semantic-Segmentation
Unsupervised Semantic Segmentation by Contrasting Object Mask Proposals. [ICCV 2021]
Language: Python - Size: 1.79 MB - Last synced at: about 1 month ago - Pushed at: almost 3 years ago - Stars: 410 - Forks: 54

Oneflow-Inc/libai
LiBai(李白): A Toolbox for Large-Scale Distributed Parallel Training
Language: Python - Size: 34.7 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 403 - Forks: 56

ppliuboy/SelFlow
SelFlow: Self-Supervised Learning of Optical Flow
Language: Python - Size: 44.3 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 394 - Forks: 65

SXKDZ/awesome-self-supervised-learning-for-graphs
A curated list for awesome self-supervised learning for graphs.
Size: 25.4 KB - Last synced at: 5 days ago - Pushed at: over 2 years ago - Stars: 387 - Forks: 45

chsiang426/ML-2021-notes
台大 NTU 李宏毅老師 2021 年機器學習課程筆記
Size: 89.7 MB - Last synced at: 21 days ago - Pushed at: 21 days ago - Stars: 383 - Forks: 35

JohnGiorgi/DeCLUTR
The corresponding code from our paper "DeCLUTR: Deep Contrastive Learning for Unsupervised Textual Representations". Do not hesitate to open an issue if you run into any trouble!
Language: Python - Size: 702 KB - Last synced at: about 1 month ago - Pushed at: about 2 years ago - Stars: 379 - Forks: 33

hangzhaomit/Sound-of-Pixels
Codebase for ECCV18 "The Sound of Pixels"
Language: Python - Size: 1.24 MB - Last synced at: about 1 month ago - Pushed at: about 3 years ago - Stars: 378 - Forks: 75

amanchadha/iSeeBetter
iSeeBetter: Spatio-Temporal Video Super Resolution using Recurrent-Generative Back-Projection Networks | Python3 | PyTorch | GANs | CNNs | ResNets | RNNs | Published in Springer Journal of Computational Visual Media, September 2020, Tsinghua University Press
Language: C++ - Size: 581 MB - Last synced at: 22 days ago - Pushed at: 23 days ago - Stars: 367 - Forks: 68

mims-harvard/TFC-pretraining
Self-supervised contrastive learning for time series via time-frequency consistency
Language: Python - Size: 19.5 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 365 - Forks: 71

mailong25/self-supervised-speech-recognition
speech to text with self-supervised learning based on wav2vec 2.0 framework
Language: Python - Size: 13.1 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 359 - Forks: 113

PaddlePaddle/PaddleScience
PaddleScience is SDK and library for developing AI-driven scientific computing applications based on PaddlePaddle.
Language: Python - Size: 71.9 MB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 352 - Forks: 204

auspicious3000/contentvec
speech self-supervised representations
Language: Python - Size: 1.73 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 351 - Forks: 24

Lupin1998/Awesome-MIM
[Survey] Masked Modeling for Self-supervised Representation Learning on Vision and Beyond (https://arxiv.org/abs/2401.00897)
Language: Python - Size: 6.7 MB - Last synced at: 4 days ago - Pushed at: 17 days ago - Stars: 327 - Forks: 16

Spijkervet/CLMR
Official PyTorch implementation of Contrastive Learning of Musical Representations
Language: Python - Size: 77.4 MB - Last synced at: about 1 month ago - Pushed at: 10 months ago - Stars: 318 - Forks: 50

NVlabs/FreeSOLO
FreeSOLO for unsupervised instance segmentation, CVPR 2022
Language: Python - Size: 2.2 MB - Last synced at: 3 days ago - Pushed at: over 2 years ago - Stars: 316 - Forks: 30

accel-brain/accel-brain-code
The purpose of this repository is to make prototypes as case study in the context of proof of concept(PoC) and research and development(R&D) that I have written in my website. The main research topics are Auto-Encoders in relation to the representation learning, the statistical machine learning for energy-based models, adversarial generation networks(GANs), Deep Reinforcement Learning such as Deep Q-Networks, semi-supervised learning, and neural network language model for natural language processing.
Language: Python - Size: 98.3 MB - Last synced at: 17 days ago - Pushed at: over 1 year ago - Stars: 314 - Forks: 92

astra-vision/SceneRF
[ICCV 2023] Official implementation of "SceneRF: Self-Supervised Monocular 3D Scene Reconstruction with Radiance Fields"
Language: Python - Size: 220 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 313 - Forks: 26

YuanGongND/ssast
Code for the AAAI 2022 paper "SSAST: Self-Supervised Audio Spectrogram Transformer".
Language: Python - Size: 11.7 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 309 - Forks: 47

HaoranZhuExplorer/World-Models-Autonomous-Driving-Latest-Survey
A curated list of world models for autonomous driving. Keep updated.
Size: 377 KB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 306 - Forks: 13

ContrastiveSR/Contrastive_Learning_Papers
A list of contrastive Learning papers
Size: 299 KB - Last synced at: about 1 month ago - Pushed at: about 3 years ago - Stars: 303 - Forks: 39

Optimization-AI/LibAUC
LibAUC: A Deep Learning Library for X-Risk Optimization
Language: Python - Size: 1.64 MB - Last synced at: 21 days ago - Pushed at: 8 months ago - Stars: 302 - Forks: 38

binli123/dsmil-wsi
DSMIL: Dual-stream multiple instance learning networks for tumor detection in Whole Slide Image
Language: Python - Size: 48.1 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 302 - Forks: 82

EnnengYang/Awesome-Forgetting-in-Deep-Learning
A Comprehensive Survey of Forgetting in Deep Learning Beyond Continual Learning. TPAMI, 2024.
Size: 438 KB - Last synced at: 2 days ago - Pushed at: 2 days ago - Stars: 299 - Forks: 13

voidism/DiffCSE
Code for the NAACL 2022 long paper "DiffCSE: Difference-based Contrastive Learning for Sentence Embeddings"
Language: Python - Size: 6.3 MB - Last synced at: 1 day ago - Pushed at: over 2 years ago - Stars: 293 - Forks: 26

xyupeng/ContrastiveCrop
[CVPR 2022 Oral] Crafting Better Contrastive Views for Siamese Representation Learning
Language: Python - Size: 418 KB - Last synced at: 3 days ago - Pushed at: almost 3 years ago - Stars: 286 - Forks: 27

PaddlePaddle/PASSL
PASSL包含 SimCLR,MoCo v1/v2,BYOL,CLIP,PixPro,simsiam, SwAV, BEiT,MAE 等图像自监督算法以及 Vision Transformer,DEiT,Swin Transformer,CvT,T2T-ViT,MLP-Mixer,XCiT,ConvNeXt,PVTv2 等基础视觉算法
Language: Python - Size: 2.81 MB - Last synced at: 6 days ago - Pushed at: almost 2 years ago - Stars: 282 - Forks: 65

lightly-ai/lightly-train
LightlyTrain is the first PyTorch framework to pretrain computer vision models on unlabeled data for industrial applications
Language: Python - Size: 5.33 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 274 - Forks: 7

yuyangw/MolCLR
Implementation of MolCLR: "Molecular Contrastive Learning of Representations via Graph Neural Networks" in PyG.
Language: Python - Size: 13.5 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 274 - Forks: 64

bdy9527/SDCN
Structural Deep Clustering Network
Language: Python - Size: 88.3 MB - Last synced at: about 1 month ago - Pushed at: almost 2 years ago - Stars: 274 - Forks: 72

hendrycks/ss-ood
Self-Supervised Learning for OOD Detection (NeurIPS 2019)
Language: Python - Size: 8.11 MB - Last synced at: 28 days ago - Pushed at: about 4 years ago - Stars: 266 - Forks: 30

lucidrains/pixel-level-contrastive-learning
Implementation of Pixel-level Contrastive Learning, proposed in the paper "Propagate Yourself", in Pytorch
Language: Python - Size: 105 KB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 259 - Forks: 27

yukimasano/PASS
The PASS dataset: pretrained models and how to get the data
Language: Python - Size: 7.23 MB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 258 - Forks: 17
