An pytorch implementation of Masked Autoencoders Are Scalable Vision Learners
This is a coarse version for MAE, only make the pretrain model, the finetune and linear is comming soon.
Note: My vit code not fully base on the Timm or BEIT, so the result may be less than them.
- 2021-12-03: Add the Vit-base/16 pretrain model.
This repo is the MAE-vit model which impelement with pytorch, no reference any reference code so this is a non-official version. Because of the limitation of time and machine, I only trained the vit-tiny, vit-base/16 for model pretrain.
- python 3.7+
- pytorch 1.7.1
- pillow
- timm
- opencv-python
-
BaseConfig
img_size = 224, patch_size = 16,
-
EncoderConfig
Encoder dims depth heads mask VIT-TINY/16 192 12 3 0.75 VIT-Base/16 768 12 12 0.75 -
DecoderConfig
Decoder dims depth heads mask VIT-TINY/16 512 8 16 0.75 VIT-Base/16 512 8 16 0.75 -
Mask
- We use the shuffle patch after Sin-Cos position embeeding for encoder.(May be mask on the input image also is ok)
- Mask the shuffle patch, keep the mask index.
- Unshuffle the mask patch and combine with the encoder output embeeding before the position embeeding for decoder.
- Restruction decoder embeeidng by TransposeConvolution(Paper is reshape, but i thought reshape is not match with conv patch embeeding).
- Build the mask map with mask index for cal the L2 loss(only consider the mask patch).
Wait for the results
TODO:
- Finetune Trainig
- Linear Training
Show the pretrain result on the imaget val dataset, left is the mask image, middle is the reconstruction image, right is the origin image.
Large models work significantly better than small models.
- weights
-
pretrian
Vit-Tiny/16 pretrain models is here
Vit-Base/16 pretrain models is here
-
training from strach
Trainig the raw vit from strach follow kaiming paper config, but not use the EMA for vit-base.And use the sin-cos position embeeding replace the learnable position embeeding. Vit-Base/16 strach model is here, top-1 acc is 81.182%, paper is 82.3% with EMA.
-
Finetune
Result is 81.5%, but the ckpt have lost by
rm -rf
. Higher than the training from strach.
-
You can download to test the restruction result. Put the ckpt in weights
folder.
-
Dataset prepare
/data/home/imagenet/xxx.jpeg, 0 /data/home/imagenet/xxx.jpeg, 1 ... /data/home/imagenet/xxx.jpeg, 999
-
Training
-
Pretrain
- Vit-tiny
#!/bin/bash OMP_NUM_THREADS=1 MKL_NUM_THREADS=1 export OMP_NUM_THREADS export MKL_NUM_THREADS cd MAE-Pytorch; CUDA_VISIBLE_DEVICES=0,1,2,3,4,5,6,7 python -W ignore -m torch.distributed.launch --nproc_per_node 8 train_mae.py \ --batch_size 256 \ --num_workers 32 \ --lr 1.5e-4 \ --optimizer_name "adamw" \ --cosine 1 \ --max_epochs 300 \ --warmup_epochs 40 \ --num-classes 1000 \ --crop_size 224 \ --patch_size 16 \ --color_prob 0.0 \ --calculate_val 0 \ --weight_decay 5e-2 \ --finetune 0 \ --lars 0 \ --mixup 0.0 \ --smoothing 0.0 \ --train_file $train_file \ --val_file $val_file \ --checkpoints-path $ckpt_folder \ --log-dir $log_folder
- Vit-Base
#!/bin/bash OMP_NUM_THREADS=1 MKL_NUM_THREADS=1 export OMP_NUM_THREADS export MKL_NUM_THREADS cd MAE-Pytorch; CUDA_VISIBLE_DEVICES=0,1,2,3,4,5,6,7 python -W ignore -m torch.distributed.launch --nproc_per_node 8 train_mae.py \ --batch_size 256 \ --num_workers 32 \ --lr 1.2e-3 \ --optimizer_name "adamw" \ --cosine 1 \ --max_epochs 400 \ --warmup_epochs 40 \ --num-classes 1000 \ --crop_size 224 \ --patch_size 16 \ --color_prob 0.0 \ --calculate_val 0 \ --weight_decay 5e-2 \ --finetun 0 \ --lars 0 \ --mixup 0.0 \ --smoothing 0.0 \ --train_file $train_file \ --val_file $val_file \ --checkpoints-path $ckpt_folder \ --log-dir $log_folder
- Vit-tiny
-
Finetune TODO:
- training
#!/bin/bash OMP_NUM_THREADS=1 MKL_NUM_THREADS=1 export OMP_NUM_THREADS export MKL_NUM_THREADS cd MAE-Pytorch; CUDA_VISIBLE_DEVICES=0,1,2,3,4,5,6,7 python -W ignore -m torch.distributed.launch --nproc_per_node 8 train_mae.py \ --batch_size 256 \ --num_workers 32 \ --lr 1.2e-3 \ --optimizer_name "adamw" \ --opt_betas 0.9 0.999 \ --cosine 1 \ --finetune 1 \ --max_epochs 100 \ --warmup_epochs 5 \ --num-classes 1000 \ --crop_size 224 \ --patch_size 16 \ --color_prob 0.0 \ --calculate_val 0 \ --weight_decay 5e-2 \ --lars 0 \ --mixup 0.8 \ --cutmix 1.0 \ --smoothing 0.1 \ --train_file $train_file \ --val_file $val_file \ --checkpoints-path $ckpt_folder \ --log-dir $log_folder ```
-
Linear TODO:
- training
-
-
Inference
- pretrian
python mae_test.py --test_image xxx.jpg --ckpt weights/weights.pth
- classification
python inference.py --test_file val_imagenet.log --ckpt weights/weights.pth
- VIT-BASE model training.
- SwinTransformers for MAE.
- Finetune & Linear training.
There may be have some problems with the implementation, welcome to make discussion and submission code.
This project is released under the MIT license