Topic: "mixup"
BIGBALLON/CIFAR-ZOO
PyTorch implementation of CNNs for CIFAR benchmark
Language: Python - Size: 77.1 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 694 - Forks: 178

Westlake-AI/openmixup
CAIRI Supervised, Semi- and Self-Supervised Visual Representation Learning Toolbox and Benchmark
Language: Python - Size: 3.69 MB - Last synced at: 7 days ago - Pushed at: 15 days ago - Stars: 658 - Forks: 61

cavalleria/cavaface
face recognition training project(pytorch)
Language: Python - Size: 305 KB - Last synced at: 4 months ago - Pushed at: almost 4 years ago - Stars: 475 - Forks: 85

hongyi-zhang/mixup
Implementation of the mixup training method
Language: Python - Size: 407 KB - Last synced at: about 1 year ago - Pushed at: about 7 years ago - Stars: 460 - Forks: 82

dsfsi/textaugment
TextAugment: Text Augmentation Library
Language: Python - Size: 191 KB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 425 - Forks: 60

PistonY/torch-toolbox
🛠 Toolbox to extend PyTorch functionalities
Language: Python - Size: 340 KB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 421 - Forks: 55

yu4u/mixup-generator
An implementation of "mixup: Beyond Empirical Risk Minimization"
Language: Jupyter Notebook - Size: 518 KB - Last synced at: 5 months ago - Pushed at: almost 8 years ago - Stars: 285 - Forks: 46

snu-mllab/PuzzleMix
Official PyTorch implementation of "Puzzle Mix: Exploiting Saliency and Local Statistics for Optimal Mixup" (ICML'20)
Language: Jupyter Notebook - Size: 86.5 MB - Last synced at: 4 months ago - Pushed at: almost 4 years ago - Stars: 159 - Forks: 18

Westlake-AI/Awesome-Mixup
[Survey] Awesome List of Mixup Augmentation and Beyond (https://arxiv.org/abs/2409.05202)
Size: 848 KB - Last synced at: 30 days ago - Pushed at: 11 months ago - Stars: 153 - Forks: 11

Shaoli-Huang/SnapMix
SnapMix: Semantically Proportional Mixing for Augmenting Fine-grained Data (AAAI 2021)
Language: Python - Size: 847 KB - Last synced at: 5 months ago - Pushed at: over 4 years ago - Stars: 129 - Forks: 25

khawar-islam/diffuseMix
Official PyTorch implementation of DiffuseMix : Label-Preserving Data Augmentation with Diffusion Models (CVPR'2024)
Language: Python - Size: 1.74 MB - Last synced at: 25 days ago - Pushed at: 6 months ago - Stars: 121 - Forks: 8

hukaixuan19970627/OrientedRepPoints_DOTA Fork of LiWentomng/OrientedRepPoints
Oriented Object Detection: Oriented RepPoints + Swin Transformer/ReResNet
Language: Python - Size: 69.8 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 118 - Forks: 17

snu-mllab/Co-Mixup
Official PyTorch implementation of "Co-Mixup: Saliency Guided Joint Mixup with Supermodular Diversity" (ICLR'21 Oral)
Language: Jupyter Notebook - Size: 5.93 MB - Last synced at: 4 months ago - Pushed at: almost 4 years ago - Stars: 103 - Forks: 10

unsky/mixup
mixup: Beyond Empirical Risk Minimization
Language: Python - Size: 441 KB - Last synced at: 5 months ago - Pushed at: over 7 years ago - Stars: 99 - Forks: 18

BWGZK/CycleMix
[CVPR 2022] CycleMix: A Holistic Strategy for Medical Image Segmentation from Scribble Supervision
Language: Python - Size: 104 MB - Last synced at: 6 months ago - Pushed at: over 3 years ago - Stars: 94 - Forks: 16

anhtuan85/Data-Augmentation-for-Object-Detection
Data Augmentation For Object Detection using Pytorch and PIL
Language: Jupyter Notebook - Size: 12.5 MB - Last synced at: 9 months ago - Pushed at: over 2 years ago - Stars: 80 - Forks: 21

shashankvkt/AlignMixup_CVPR22
Official Implementation of AlignMixup - CVPR 2022
Language: Python - Size: 1.12 MB - Last synced at: 4 months ago - Pushed at: over 3 years ago - Stars: 71 - Forks: 8

liupei101/PseMix
[IEEE TMI 2024] Pseudo-Bag Mixup Augmentation for Multiple Instance Learning-Based Whole Slide Image Classification
Language: Python - Size: 43.5 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 53 - Forks: 4

ShowLo/MobileNetV3
An implementation of MobileNetV3 with pyTorch
Language: Python - Size: 8.89 MB - Last synced at: 3 months ago - Pushed at: about 5 years ago - Stars: 51 - Forks: 11

mlvlab/TokenMixup
Official pytorch implementation of NeurIPS 2022 paper, TokenMixup
Language: Python - Size: 8.57 MB - Last synced at: 4 months ago - Pushed at: almost 3 years ago - Stars: 48 - Forks: 3

SALT-NLP/LADA
Source codes for the paper "Local Additivity Based Data Augmentation for Semi-supervised NER"
Language: Python - Size: 950 KB - Last synced at: 25 days ago - Pushed at: almost 3 years ago - Stars: 43 - Forks: 5

moskomule/mixup.pytorch 📦
an implementation of mixup
Language: Python - Size: 13.7 KB - Last synced at: 4 months ago - Pushed at: about 5 years ago - Stars: 41 - Forks: 7

christopher-beckham/amr
Official adversarial mixup resynthesis repository
Language: Python - Size: 13.9 MB - Last synced at: about 1 month ago - Pushed at: over 5 years ago - Stars: 35 - Forks: 2

ayulockin/DataAugmentationTF
Implementation of modern data augmentation techniques in TensorFlow 2.x to be used in your training pipeline.
Language: Jupyter Notebook - Size: 12.8 MB - Last synced at: 4 months ago - Pushed at: about 5 years ago - Stars: 34 - Forks: 12

Senyh/UCMT
[IJCAI 2023] Co-training with High-Confidence Pseudo Labels for Semi-supervised Medical Image Segmentation
Language: Python - Size: 522 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 27 - Forks: 2

jcatanza/Fastai-Deep-Learning-From-the-Foundations-TWiML-Study-Group
Review materials for the TWiML Study Group. Contains annotated versions of the original Jupyter noteboooks (look for names like *_jcat.ipynb ), slide decks from weekly Zoom meetups, etc.
Language: Jupyter Notebook - Size: 68.6 MB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 26 - Forks: 4

xashru/mixup-text
Exploring mixup strategies for text classification
Language: Python - Size: 39.1 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 24 - Forks: 7

implus/RecursiveMix-pytorch
Official Codes and Pretrained Models for RecursiveMix
Language: Python - Size: 1.24 MB - Last synced at: 4 months ago - Pushed at: over 2 years ago - Stars: 22 - Forks: 1

speechpro/mixup
Language: C++ - Size: 72.3 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 22 - Forks: 11

Tony607/keras_mixup_generator
How to do mixup training from image files in Keras
Language: Jupyter Notebook - Size: 6.34 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 19 - Forks: 5

Westlake-AI/AutoMix
[ECCV 2022 Oral] AutoMix: Unveiling the Power of Mixup for Stronger Classifiers
Language: Python - Size: 23.4 KB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 18 - Forks: 2

shivamsaboo17/ManifoldMixup
ManifoldMixup with support for Interpolated Adversarial training
Language: Jupyter Notebook - Size: 39.1 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 18 - Forks: 3

lnstadrum/fastaugment
A handy data augmentation toolkit for image classification put in a single efficient TensorFlow/PyTorch op.
Language: Python - Size: 2.19 MB - Last synced at: 5 months ago - Pushed at: over 1 year ago - Stars: 16 - Forks: 0

skit-ai/Map-Mix
The official implementation of the method discussed in the paper Improving Spoken Language Identification with Map-Mix(work accepted at ICASSP-2023)
Size: 18.1 MB - Last synced at: 6 months ago - Pushed at: over 2 years ago - Stars: 16 - Forks: 1

wangermeng2021/FastClassification
FastClassification is a tensorflow toolbox for class classification. It provides a training module with various backbones and training tricks towards state-of-the-art class classification.
Language: Python - Size: 30.1 MB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 16 - Forks: 2

wgcban/mix-bt
Official PyTorch Implementation of Guarding Barlow Twins Against Overfitting with Mixed Samples
Language: Python - Size: 8.67 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 13 - Forks: 1

haifangong/VQAMix
[IEEE TMI'22] VQAMix: Conditional Triplet Mixup for Medical Visual Question Answering
Language: Python - Size: 305 KB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 13 - Forks: 2

JinXins/SUMix
About Official PyTorch(MMCV) implementation of “SUMix: Mixup with Semantic and Uncertain Information” (ECCV 2024)
Language: Python - Size: 2.63 MB - Last synced at: 25 days ago - Pushed at: about 1 year ago - Stars: 12 - Forks: 0

emadeldeen24/CoTMix
[TAI 2023] Contrastive Domain Adaptation for Time-Series via Temporal Mixup
Language: Python - Size: 32.2 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 12 - Forks: 3

DSXiangLi/SimpleClassification
Simple Text Classification[WIP]
Language: Python - Size: 200 MB - Last synced at: 5 months ago - Pushed at: over 2 years ago - Stars: 11 - Forks: 1

sh0416/oommix
Official implementation for ACL2021 Oral Paper: "OoMMix: Out-of-manifold Regularization in Contextual Embedding Space for Text Classification"
Language: Jupyter Notebook - Size: 14.2 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 11 - Forks: 0

wangermeng2021/SnapMix-tensorflow2
tensorflow2 implementation of SnapMix as described in SnapMix: Semantically Proportional Mixing for Augmenting Fine-grained Data
Language: Python - Size: 6.25 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 11 - Forks: 1

chris-tng/semi-supervised-nlp
Implementation of semi-supervised learning: UDA, MixMatch, Mean-teacher, focusing on NLP, powered by Pytorch
Language: Python - Size: 19.5 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 11 - Forks: 3

cjf8899/simple_tool_pytorch
:package:Simple Tool Box with Pytorch
Language: Python - Size: 46.9 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 10 - Forks: 0

lijichang/LNL-NCE
A pytorch implementation for "Neighborhood Collective Estimation for Noisy Label Identification and Correction", which is accepted by ECCV2022.
Language: Python - Size: 56.6 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 9 - Forks: 0

minhlong94/Random-Mixup
[Practical-DL @ AAAI'23] Official code of R-Mix and RL-Mix, accepted at 2nd Practical-DL Workshop @ AAAI'23
Language: Python - Size: 5.26 MB - Last synced at: 4 months ago - Pushed at: about 2 years ago - Stars: 8 - Forks: 3

nphdang/FS-BBT
Black-box Few-shot Knowledge Distillation
Language: Python - Size: 40.3 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 8 - Forks: 1

Guo-Xiaoqing/ThresholdNet
[TMI'20] Learn to Threshold: ThresholdNet with Confidence-Guided Manifold Mixup for Polyp Segmentation
Language: Python - Size: 668 KB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 8 - Forks: 2

RaghavSinghal10/M3CoL
(TMLR 2025) M3CoL: Harnessing Shared Relations via Multimodal Mixup Contrastive Learning for Multimodal Classification
Language: Python - Size: 368 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 7 - Forks: 0

makeyourownmaker/CambridgeTemperatureNotebooks
Cambridge UK temperature forecast python notebooks
Language: Jupyter Notebook - Size: 2.47 GB - Last synced at: 9 months ago - Pushed at: about 1 year ago - Stars: 7 - Forks: 4

jahongir7174/MaskRCNN
MaskRCNN implementation using PyTorch
Language: Python - Size: 597 KB - Last synced at: 4 months ago - Pushed at: almost 3 years ago - Stars: 6 - Forks: 2

jahongir7174/CascadeRCNN
CascadeRCNN implementation using PyTorch
Language: Python - Size: 24.4 KB - Last synced at: 5 months ago - Pushed at: over 3 years ago - Stars: 6 - Forks: 1

sinAshish/MEnsA_mtda
Code for our paper on MTDA for point clouds accepted at CVPR (W) 2023.
Language: Python - Size: 629 KB - Last synced at: 12 days ago - Pushed at: about 2 years ago - Stars: 5 - Forks: 0

CoinCheung/SelfSup
ssl method pretrain experiments and weights: mocov2 + fast-moco + regioncl + mixup + densecl
Language: Python - Size: 151 KB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 5 - Forks: 1

makeyourownmaker/mixup
An R package inspired by 'mixup: Beyond Empirical Risk Minimization'
Language: R - Size: 22.5 KB - Last synced at: 9 months ago - Pushed at: about 3 years ago - Stars: 5 - Forks: 0

ahxt/GraphConv_is_Mixup
[TMLR] On the Equivalence of Graph Convolution and Mixup
Language: Python - Size: 4.88 KB - Last synced at: 5 months ago - Pushed at: 12 months ago - Stars: 4 - Forks: 0

KimRass/ViT
PyTorch implementation of 'ViT' (Dosovitskiy et al., 2020) and training it on CIFAR-10 and CIFAR-100
Language: Python - Size: 39.9 MB - Last synced at: 5 months ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 0

paniquex/Automated_Audio_Captioning_DCASE2020
6-th task solution of DCASE2020
Language: Python - Size: 88.2 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 4 - Forks: 0

Kazuhito00/mixup
Tensorflow2/KerasのImageDataGenerator向けのmixupの実装。
Language: Jupyter Notebook - Size: 2.23 MB - Last synced at: 12 days ago - Pushed at: over 5 years ago - Stars: 4 - Forks: 0

makeyourownmaker/mixupy
Python package for data augmentation inspired by Mixup: Beyond Empirical Risk Minimization
Language: Python - Size: 48.8 KB - Last synced at: 19 days ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 0

demoleiwang/awesome-mixup
A paper list about mixup.
Size: 127 KB - Last synced at: 9 days ago - Pushed at: almost 3 years ago - Stars: 3 - Forks: 2

jahongir7174/HTC
HTC implementation using PyTorch (supports MOSAIC/MixUp and RandomAugment)
Language: Python - Size: 11.7 KB - Last synced at: 6 months ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 0

hiyouga/Cuisine_Prediction
BUAA SCSE Autumn 2021 Machine Learning Personal Homework
Language: Python - Size: 2.29 MB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 0

zh320/image-classification-pytorch
Simplified PyTorch implementation of image classification, support CIFAR10, CIFAR100, MNIST, custom dataset, multi-gpu training and validating, automatic mixed precision training, knowledge distillation, hyperparameter optimization using Optuna etc.
Language: Python - Size: 43 KB - Last synced at: 5 months ago - Pushed at: 8 months ago - Stars: 2 - Forks: 0

anthonyweidai/FullRot_WRMix
Official implementation of "Any Region Can Be Perceived Equally and Effectively on Rotation Pretext Task Using Full Rotation and Weighted-Region Mixture"
Language: Python - Size: 1.65 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 2 - Forks: 0

MoleculeTransformers/moleculenet-smiles-bert-mixup
Training pre-trained BERT language model on molecular SMILES from the Molecule Net benchmark by leveraging mixup and enumeration augmentations.
Language: Python - Size: 43 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 1

jahongir7174/SparseRCNN
Sparse Mask R-CNN implementation using PyTorch
Language: Python - Size: 31.3 KB - Last synced at: 5 months ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 1

arihantbansal/SAiDL-Spring-Assignment-2022
My attempt at SAiDL's 2022 Spring Assignment
Language: Jupyter Notebook - Size: 1.16 MB - Last synced at: 5 months ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

Kazuhito00/ImageDataGenerator-examples
Tensorflow2(Keras)のImageDataGeneratorのJupyter上での実行例。
Language: Jupyter Notebook - Size: 17.9 MB - Last synced at: 12 days ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 0

JosephKJ/Awesome-Mixup
A repository to host recent papers on Manifold Mixup.
Size: 1.95 KB - Last synced at: 12 days ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 0

codezart44/VisionTiny
Research Project comparing classic CNN architectures and ViT on augmented data including MixUp.
Language: Jupyter Notebook - Size: 8.71 MB - Last synced at: 3 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

jahongir7174/DualDet
DualDet implementation using PyTorch
Language: Python - Size: 16.6 KB - Last synced at: 6 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

fitushar/Improved-Regularization-of-Convolutional-Neural-Networks
To evaluate the performance of each regularization method (cutout, mixup, and self-supervised rotation predictor), we apply it to the CIFAR-10 dataset using a deep residual network with a depth of 20 (ResNet20)
Language: Jupyter Notebook - Size: 6.94 MB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

caisa-lab/DMix-ACL
Code for the ACL 2022 Main conference paper - DMIX: Adaptive Distance-aware Interpolative Mixup
Language: Python - Size: 24.4 KB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

jahongir7174/DualHTC
DualHTC++ implementation using PyTorch (supports MOSAIC/MixUp and RandomAugment)
Language: Python - Size: 31.3 KB - Last synced at: 6 months ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

AkashSDas/cassava-leaf-disease-classification
Deep learning solution for Cassava Leaf Disease Classification, a Kaggle's Research Code Competition using Tensorflow.
Language: Jupyter Notebook - Size: 15.4 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 1

wwn1233/A-Lightwe-Classification-Project-based-on-PyTorch
a lightweight project for classification and bag of tricks are employed for better performance
Language: Python - Size: 177 MB - Last synced at: 10 months ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 0

olucode/mixup-api
API that powers MixUp
Language: PHP - Size: 232 KB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 0

olucode/mixup
Site aggregator for popular social content.
Language: Vue - Size: 1.83 MB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 0

KyleSDeveloper/mixup-multi-dataset
Reproducible PyTorch ablation: mixup vs baseline on CIFAR-10, SVHN & Oxford-IIIT Pet. Seeded runs, matched budgets, accuracy/log-loss/ECE.
Language: Python - Size: 11.7 KB - Last synced at: 24 days ago - Pushed at: 25 days ago - Stars: 0 - Forks: 0

HuRuilizhen/SC4001-Project
The Code Repository of SC4001 Deep Learning Course in Nanyang Technological University.
Language: Jupyter Notebook - Size: 481 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

ImanNoferesti/TensorFlow_DeepDive
This repository is a testament to my growth and understanding of deep learning. It highlights foundational skills in TensorFlow, demonstrates hands-on applications like car price prediction, and culminates in an advanced medical imaging project for malaria diagnosis.
Language: Jupyter Notebook - Size: 24.7 MB - Last synced at: 5 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

kenza-ily/vit_class
Classification using Vision Transformers (ViT) and MixUp Augmentation
Language: Python - Size: 21.6 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

reshalfahsi/image-classification-augmentation
Image Classification Using Swin Transformer With RandAugment, CutMix, and MixUp
Language: Jupyter Notebook - Size: 3.32 MB - Last synced at: 4 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

IntelliDAL/UCMT
[IJCAI 2023] Co-training with High-Confidence Pseudo Labels for Semi-supervised Medical Image Segmentation
Language: Python - Size: 463 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

SuperbTUM/Faster-Distributed-Training
Faster large mini-batch distributed training w/o. squeezing devices
Language: Python - Size: 601 KB - Last synced at: 8 days ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 1

perceptiveshawty/CompCSE
Code for the ACL 2023 long paper "Composition-contrastive Learning for Sentence Embeddings"
Language: Python - Size: 174 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

ZJLAB-AMMI/DeMix
Python codes to implement DeMix, a DETR assisted CutMix method for image data augmentation
Language: Python - Size: 1.04 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

KaterinaMakoed/GraphMixup
Language: Jupyter Notebook - Size: 9.92 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

hilbert9221/HIMRAE
Code for Heterogeneous Interaction Modeling With Reduced Accumulated Error for Multiagent Trajectory Prediction (TNNLS 2022)
Size: 0 Bytes - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

aak1247/MixupArticle
用一篇文章混淆一篇文章(比如公众号)
Language: TypeScript - Size: 788 KB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

95anantsingh/NYU-ResNet-On-Steroids
High Accuracy ResNet Model under 5 Million parameters.
Language: Python - Size: 797 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 1

jahongir7174/HTCLite
HTCLite implementation using PyTorch (supports MOSAIC/MixUp and RandomAugment)
Language: Python - Size: 21.5 KB - Last synced at: 6 months ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

AnirudhMaiya/Messup
A new regularization technique by encountering samples through exponential smoothing
Language: Python - Size: 186 KB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

Natalia-T/mixup Fork of speechpro/mixup
Size: 162 KB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 0
