Merge remote-tracking branch 'origin/master' into bits_and_tpu

pull/1239/head
Ross Wightman 3 years ago
commit a45186a6e8

@ -45,7 +45,7 @@ except ImportError as e:
has_deepspeed_profiling = False
try:
from fvcore.nn import FlopCountAnalysis, flop_count_str
from fvcore.nn import FlopCountAnalysis, flop_count_str, ActivationCountAnalysis
has_fvcore_profiling = True
except ImportError as e:
FlopCountAnalysis = None
@ -167,16 +167,18 @@ def profile_deepspeed(model, input_size=(3, 224, 224), batch_size=1, detailed=Fa
as_string=False, # print raw numbers (e.g. 1000) or as human-readable strings (e.g. 1k)
output_file=None, # path to the output file. If None, the profiler prints to stdout.
ignore_modules=None) # the list of modules to ignore in the profiling
return macs
return macs, 0 # no activation count in DS
def profile_fvcore(model, input_size=(3, 224, 224), batch_size=1, detailed=False):
device, dtype = next(model.parameters()).device, next(model.parameters()).dtype
fca = FlopCountAnalysis(model, torch.ones((batch_size,) + input_size, device=device, dtype=dtype))
example_input = torch.ones((batch_size,) + input_size, device=device, dtype=dtype)
fca = FlopCountAnalysis(model, example_input)
aca = ActivationCountAnalysis(model, example_input)
if detailed:
fcs = flop_count_str(fca)
print(fcs)
return fca.total()
return fca.total(), aca.total()
class BenchmarkRunner:
@ -203,8 +205,10 @@ class BenchmarkRunner:
self.num_classes = self.model.num_classes
self.param_count = count_params(self.model)
_logger.info('Model %s created, param count: %d' % (model_name, self.param_count))
self.scripted = False
if torchscript:
self.model = torch.jit.script(self.model)
self.scripted = True
data_config = resolve_data_config(kwargs, model=self.model, use_test_size=not use_train_size)
self.input_size = data_config['input_size']
@ -273,13 +277,14 @@ class InferenceBenchmarkRunner(BenchmarkRunner):
img_size=self.input_size[-1],
param_count=round(self.param_count / 1e6, 2),
)
if has_deepspeed_profiling:
macs = profile_deepspeed(self.model, self.input_size)
results['gmacs'] = round(macs / 1e9, 2)
elif has_fvcore_profiling:
macs = profile_fvcore(self.model, self.input_size)
results['gmacs'] = round(macs / 1e9, 2)
if not self.scripted:
if has_deepspeed_profiling:
macs, _ = profile_deepspeed(self.model, self.input_size)
results['gmacs'] = round(macs / 1e9, 2)
elif has_fvcore_profiling:
macs, activations = profile_fvcore(self.model, self.input_size)
results['gmacs'] = round(macs / 1e9, 2)
results['macts'] = round(activations / 1e6, 2)
_logger.info(
f"Inference benchmark of {self.model_name} done. "
@ -427,13 +432,15 @@ class ProfileRunner(BenchmarkRunner):
f'input size {self.input_size} and batch size {self.batch_size}.')
macs = 0
activations = 0
if self.profiler == 'deepspeed':
macs = profile_deepspeed(self.model, self.input_size, batch_size=self.batch_size, detailed=True)
macs, _ = profile_deepspeed(self.model, self.input_size, batch_size=self.batch_size, detailed=True)
elif self.profiler == 'fvcore':
macs = profile_fvcore(self.model, self.input_size, batch_size=self.batch_size, detailed=True)
macs, activations = profile_fvcore(self.model, self.input_size, batch_size=self.batch_size, detailed=True)
results = dict(
gmacs=round(macs / 1e9, 2),
macts=round(activations / 1e6, 2),
batch_size=self.batch_size,
img_size=self.input_size[-1],
param_count=round(self.param_count / 1e6, 2),

@ -1,6 +1,6 @@
# Validation Results
# Validation and Benchmark Results
This folder contains validation results for the models in this collection having pretrained weights. Since the focus for this repository is currently ImageNet-1k classification, all of the results are based on datasets compatible with ImageNet-1k classes.
This folder contains validation and benchmark results for the models in this collection. Validation scores are currently only run for models with pretrained weights and ImageNet-1k heads, benchmark numbers are run for all.
## Datasets
@ -45,7 +45,6 @@ For clean validation with same 200 classes, see [`results-imagenet-a-clean.csv`]
* Source: https://github.com/hendrycks/natural-adv-examples
* Paper: "Natural Adversarial Examples" - https://arxiv.org/abs/1907.07174
### ImageNet-Rendition - [`results-imagenet-r.csv`](results-imagenet-r.csv)
Renditions of 200 ImageNet classes resulting in 30,000 images for testing robustness.
@ -55,5 +54,14 @@ For clean validation with same 200 classes, see [`results-imagenet-r-clean.csv`]
* Source: https://github.com/hendrycks/imagenet-r
* Paper: "The Many Faces of Robustness" - https://arxiv.org/abs/2006.16241
## TODO
### TODO
* Explore adding a reduced version of ImageNet-C (Corruptions) and ImageNet-P (Perturbations) from https://github.com/hendrycks/robustness. The originals are huge and image size specific.
## Benchmark
CSV files with a `model_benchmark` prefix include benchmark numbers for models on various accelerators with different precision. Currently only run on RTX 3090 w/ AMP for inference, I intend to add more in the future.
## Metadata
CSV files with `model_metadata` prefix contain extra information about the source training, currently the pretraining dataset and technique (ie distillation, SSL, WSL, etc). Eventually I'd like to have metadata about augmentation, regularization, etc. but that will be a challenge to source consistently.

@ -0,0 +1,525 @@
model,infer_samples_per_sec,infer_step_time,infer_batch_size,infer_img_size,infer_gmacs,infer_macts,param_count
tf_mobilenetv3_small_minimal_100,23813.47,10.741,256,224,0.06,1.41,2.04
tf_mobilenetv3_small_075,20226.39,12.646,256,224,0.05,1.3,2.04
tf_mobilenetv3_small_100,18228.81,14.034,256,224,0.06,1.42,2.54
levit_128s,17210.0,14.865,256,224,0.31,1.88,7.78
regnetx_002,14906.56,17.164,256,224,0.2,2.16,2.68
regnety_002,13464.5,19.003,256,224,0.2,2.17,3.16
levit_128,11979.62,21.36,256,224,0.41,2.71,9.21
levit_192,10405.48,24.593,256,224,0.66,3.2,10.95
gernet_s,10172.35,25.156,256,224,0.75,2.65,8.17
vit_small_patch32_224,9285.97,27.555,256,224,1.15,2.5,22.88
regnetx_004,9188.53,27.851,256,224,0.4,3.14,5.16
tf_mobilenetv3_large_minimal_100,9164.35,27.924,256,224,0.22,4.4,3.92
tf_mobilenetv3_large_075,8667.81,29.525,256,224,0.16,4.0,3.99
mobilenetv3_rw,8631.08,29.65,256,224,0.23,4.41,5.48
vit_tiny_r_s16_p8_224,8546.38,29.942,256,224,0.44,2.06,6.34
mobilenetv3_large_100_miil,8526.13,30.015,256,224,0.23,4.41,5.48
mobilenetv3_large_100,8496.93,30.118,256,224,0.23,4.41,5.48
gluon_resnet18_v1b,8461.63,30.244,256,224,1.82,2.48,11.69
ssl_resnet18,8460.21,30.249,256,224,1.82,2.48,11.69
resnet18,8386.36,30.514,256,224,1.82,2.48,11.69
swsl_resnet18,8382.52,30.528,256,224,1.82,2.48,11.69
ghostnet_100,8276.88,30.92,256,224,0.15,3.55,5.18
levit_256,7773.58,32.922,256,224,1.13,4.23,18.89
legacy_seresnet18,7701.78,33.229,256,224,1.82,2.49,11.78
tf_mobilenetv3_large_100,7680.05,33.323,256,224,0.23,4.41,5.48
regnetx_006,7603.45,33.658,256,224,0.61,3.98,6.2
mobilenetv2_100,7541.65,33.934,256,224,0.31,6.68,3.5
regnety_004,7368.29,34.733,256,224,0.41,3.89,4.34
hardcorenas_a,7264.93,35.227,256,224,0.23,4.38,5.26
hardcorenas_b,7208.11,35.505,256,224,0.26,5.09,5.18
mnasnet_100,7142.85,35.829,256,224,0.33,5.46,4.38
resnet18d,7065.39,36.221,256,224,2.06,3.29,11.71
semnasnet_100,6753.19,37.897,256,224,0.32,6.23,3.89
hardcorenas_c,6746.84,37.933,256,224,0.28,5.01,5.52
spnasnet_100,6739.75,37.973,256,224,0.35,6.03,4.42
regnety_006,6693.6,38.235,256,224,0.61,4.33,6.06
hardcorenas_d,6572.55,38.939,256,224,0.3,4.93,7.5
tf_efficientnetv2_b0,6314.13,40.533,256,224,0.73,4.77,7.14
regnetx_008,6079.04,42.101,256,224,0.81,5.15,7.26
efficientnet_lite0,5804.98,44.09,256,224,0.4,6.74,4.65
dla46_c,5780.94,44.273,256,224,0.58,4.5,1.3
mobilenetv2_110d,5723.57,44.717,256,224,0.45,8.71,4.52
rexnet_100,5717.93,44.761,256,224,0.41,7.44,4.8
hardcorenas_f,5617.23,45.564,256,224,0.35,5.57,8.2
regnety_008,5508.59,46.462,256,224,0.81,5.25,6.26
hardcorenas_e,5410.0,47.31,256,224,0.35,5.65,8.07
fbnetc_100,5329.99,48.02,256,224,0.4,6.51,5.57
skresnet18,5316.12,48.145,256,224,1.82,3.24,11.96
tf_efficientnet_lite0,5240.32,48.842,256,224,0.4,6.74,4.65
mobilenetv2_140,5070.12,50.481,256,224,0.6,9.57,6.11
efficientnet_b0,5059.78,50.585,256,224,0.4,6.75,5.29
ese_vovnet19b_dw,5050.16,50.68,256,224,1.34,8.25,6.54
gluon_resnet34_v1b,4958.52,51.618,256,224,3.67,3.74,21.8
efficientnet_b1_pruned,4954.57,51.658,256,240,0.4,6.21,6.33
tv_resnet34,4937.29,51.84,256,224,3.67,3.74,21.8
resnet34,4928.32,51.933,256,224,3.67,3.74,21.8
hrnet_w18_small,4869.58,52.561,256,224,1.61,5.72,13.19
levit_384,4654.29,54.993,256,224,2.36,6.26,39.13
tf_efficientnet_b0_ap,4650.22,55.039,256,224,0.4,6.75,5.29
tf_efficientnet_b0_ns,4646.91,55.076,256,224,0.4,6.75,5.29
tf_efficientnet_b0,4644.25,55.108,256,224,0.4,6.75,5.29
dla46x_c,4605.94,55.57,256,224,0.54,5.66,1.07
selecsls42b,4570.17,56.005,256,224,2.98,4.62,32.46
deit_tiny_patch16_224,4543.82,56.329,256,224,1.26,5.97,5.72
vit_tiny_patch16_224,4538.07,56.399,256,224,1.26,5.97,5.72
gernet_m,4516.03,56.676,256,224,3.02,5.24,21.14
deit_tiny_distilled_patch16_224,4481.69,57.11,256,224,1.27,6.01,5.91
legacy_seresnet34,4474.42,57.204,256,224,3.67,3.74,21.96
resnet34d,4448.37,57.538,256,224,3.91,4.54,21.82
pit_ti_distilled_224,4332.05,59.084,256,224,0.71,6.23,5.1
pit_ti_224,4322.46,59.215,256,224,0.7,6.19,4.85
dla60x_c,4302.12,59.495,256,224,0.59,6.01,1.32
mixnet_s,4297.51,59.559,256,224,0.25,6.25,4.13
rexnet_130,4236.61,60.415,256,224,0.68,9.71,7.56
tf_efficientnetv2_b1,4231.93,60.481,256,240,1.21,7.34,8.14
xcit_nano_12_p16_224_dist,4191.2,61.067,256,224,0.56,4.17,3.05
xcit_nano_12_p16_224,4188.12,61.112,256,224,0.56,4.17,3.05
resmlp_12_distilled_224,4137.96,61.855,256,224,3.01,5.5,15.35
resmlp_12_224,4137.2,61.867,256,224,3.01,5.5,15.35
resnet26,4135.23,61.895,256,224,2.36,7.35,16.0
vit_base_patch32_sam_224,4111.04,62.261,256,224,4.41,5.01,88.22
mobilenetv2_120d,4108.55,62.299,256,224,0.69,11.97,5.83
vit_base_patch32_224,4102.94,62.384,256,224,4.41,5.01,88.22
tf_mixnet_s,4033.2,63.462,256,224,0.25,6.25,4.13
repvgg_b0,4020.07,63.669,256,224,3.41,6.15,15.82
selecsls60b,3957.1,64.683,256,224,3.63,5.52,32.77
selecsls60,3955.58,64.708,256,224,3.59,5.52,30.67
resnet26d,3771.71,67.862,256,224,2.6,8.15,16.01
dla34,3751.8,68.222,256,224,3.07,5.02,15.74
rexnet_150,3693.73,69.295,256,224,0.9,11.21,9.73
ecaresnet50d_pruned,3635.83,70.4,256,224,2.53,6.43,19.94
tf_efficientnet_lite1,3541.96,72.266,256,240,0.62,10.14,5.42
pit_xs_224,3506.77,72.991,256,224,1.4,7.71,10.62
regnetx_016,3495.21,73.233,256,224,1.62,7.93,9.19
pit_xs_distilled_224,3481.48,73.522,256,224,1.41,7.76,11.0
efficientnet_es_pruned,3365.67,76.052,256,224,1.81,8.73,5.44
efficientnet_es,3358.26,76.219,256,224,1.81,8.73,5.44
efficientnet_b2_pruned,3344.4,76.535,256,260,0.73,9.13,8.31
tf_efficientnet_es,3248.35,78.797,256,224,1.81,8.73,5.44
tf_efficientnetv2_b2,3221.93,79.444,256,260,1.72,9.84,10.1
resnest14d,3200.62,79.966,256,224,2.76,7.33,10.61
gernet_l,3173.09,80.669,256,256,4.57,8.0,31.08
regnety_016,3082.19,83.046,256,224,1.63,8.04,11.2
tf_efficientnet_cc_b0_8e,3079.83,83.109,256,224,0.42,9.42,24.01
tf_efficientnet_cc_b0_4e,3072.34,83.31,256,224,0.41,9.42,13.31
mixnet_m,3041.78,84.15,256,224,0.36,8.19,5.01
skresnet34,3025.8,84.595,256,224,3.67,5.13,22.28
resnext26ts,2999.56,85.335,256,256,2.43,10.52,10.3
repvgg_a2,2997.36,85.397,256,224,5.7,6.26,28.21
legacy_seresnext26_32x4d,2982.2,85.832,256,224,2.49,9.39,16.79
vit_tiny_r_s16_p8_384,2981.27,85.856,256,384,1.34,6.49,6.36
vit_small_patch32_384,2975.01,86.035,256,384,3.45,8.25,22.92
xcit_tiny_12_p16_224_dist,2962.26,86.406,256,224,1.24,6.29,6.72
xcit_tiny_12_p16_224,2958.87,86.506,256,224,1.24,6.29,6.72
resnet26t,2949.15,86.793,256,256,3.35,10.52,16.01
seresnext26ts,2930.19,87.355,256,256,2.43,10.52,10.39
eca_resnext26ts,2927.39,87.439,256,256,2.43,10.52,10.3
tf_mixnet_m,2918.13,87.716,256,224,0.36,8.19,5.01
tf_efficientnet_b1_ap,2909.55,87.973,256,240,0.71,10.88,7.79
tf_efficientnet_b1_ns,2907.96,88.021,256,240,0.71,10.88,7.79
tf_efficientnet_b1,2906.46,88.066,256,240,0.71,10.88,7.79
gcresnext26ts,2860.35,89.489,256,256,2.43,10.53,10.48
ecaresnet101d_pruned,2832.39,90.373,256,224,3.48,7.69,24.88
efficientnet_b1,2816.51,90.881,256,256,0.77,12.22,7.79
seresnext26t_32x4d,2803.22,91.313,256,224,2.7,10.09,16.81
seresnext26d_32x4d,2791.34,91.701,256,224,2.73,10.19,16.81
ecaresnetlight,2748.62,93.127,256,224,4.11,8.42,30.16
tf_efficientnet_lite2,2734.03,93.624,256,260,0.89,12.9,6.09
nf_regnet_b1,2722.26,94.028,256,288,1.02,9.2,10.22
crossvit_tiny_240,2719.71,94.117,256,240,1.57,9.08,7.01
rexnet_200,2697.36,94.896,256,224,1.56,14.91,16.37
resnetv2_50,2678.82,95.552,256,224,4.11,11.11,25.55
crossvit_9_240,2675.71,95.665,256,240,1.85,9.52,8.55
eca_botnext26ts_256,2660.24,96.221,256,256,2.46,11.6,10.59
tresnet_m,2657.69,96.314,256,224,5.74,7.31,31.39
botnet26t_256,2648.39,96.646,256,256,3.32,11.98,12.49
halonet26t,2611.82,98.005,256,256,3.19,11.69,12.48
vgg11,2609.78,98.082,256,224,7.61,7.44,132.86
eca_halonext26ts,2603.27,98.327,256,256,2.44,11.46,10.76
gluon_resnet50_v1b,2595.8,98.61,256,224,4.11,11.11,25.56
ssl_resnet50,2595.55,98.619,256,224,4.11,11.11,25.56
efficientnet_b3_pruned,2594.03,98.677,256,300,1.04,11.86,9.86
tv_resnet50,2591.78,98.763,256,224,4.11,11.11,25.56
crossvit_9_dagger_240,2589.88,98.836,256,240,1.99,9.97,8.78
resnet50,2584.36,99.039,256,224,4.11,11.11,25.56
swsl_resnet50,2581.65,99.146,256,224,4.11,11.11,25.56
convit_tiny,2544.18,100.61,256,224,1.26,7.94,5.71
hrnet_w18_small_v2,2509.11,102.017,256,224,2.62,9.65,15.6
resnet32ts,2503.04,102.263,256,256,4.63,11.58,17.96
bat_resnext26ts,2479.68,103.219,256,256,2.53,12.51,10.73
resnet33ts,2467.72,103.728,256,256,4.76,11.66,19.68
gluon_resnet50_v1c,2464.02,103.884,256,224,4.35,11.92,25.58
ese_vovnet39b,2457.44,104.162,256,224,7.09,6.74,24.57
cspresnet50,2453.31,104.338,256,256,4.54,11.5,21.62
cspresnext50,2451.69,104.407,256,224,3.1,12.14,20.57
gluon_resnet50_v1d,2445.69,104.663,256,224,4.35,11.92,25.58
resnet50d,2441.21,104.85,256,224,4.35,11.92,25.58
dpn68b,2432.24,105.242,256,224,2.35,10.47,12.61
legacy_seresnet50,2426.52,105.49,256,224,3.88,10.6,28.09
dpn68,2406.35,106.374,256,224,2.35,10.47,12.61
eca_resnet33ts,2405.01,106.434,256,256,4.76,11.66,19.68
seresnet33ts,2402.61,106.54,256,256,4.76,11.66,19.78
vgg11_bn,2383.08,107.413,256,224,7.62,7.44,132.87
mixnet_l,2358.59,108.528,256,224,0.58,10.84,7.33
lambda_resnet26t,2358.23,108.545,256,256,3.02,11.87,10.96
gcresnet33ts,2347.52,109.04,256,256,4.76,11.68,19.88
pit_s_224,2332.08,109.763,256,224,2.88,11.56,23.46
dla60,2324.78,110.106,256,224,4.26,10.16,22.04
seresnet50,2316.85,110.484,256,224,4.11,11.13,28.09
resnest26d,2313.67,110.634,256,224,3.64,9.97,17.07
pit_s_distilled_224,2311.97,110.718,256,224,2.9,11.64,24.04
deit_small_patch16_224,2297.25,111.426,256,224,4.61,11.95,22.05
vit_small_patch16_224,2293.15,111.622,256,224,4.61,11.95,22.05
deit_small_distilled_patch16_224,2268.28,112.85,256,224,4.63,12.02,22.44
tf_mixnet_l,2264.19,113.053,256,224,0.58,10.84,7.33
tf_efficientnet_b2_ns,2256.47,113.438,256,260,1.02,13.83,9.11
tf_efficientnet_b2_ap,2256.28,113.446,256,260,1.02,13.83,9.11
tf_efficientnet_b2,2253.15,113.605,256,260,1.02,13.83,9.11
tv_densenet121,2246.15,113.963,256,224,2.87,6.9,7.98
densenet121,2241.22,114.212,256,224,2.87,6.9,7.98
res2net50_48w_2s,2234.19,114.57,256,224,4.18,11.72,25.29
ecaresnet50d,2188.72,116.953,256,224,4.35,11.93,25.58
resnetblur50,2181.37,117.342,256,224,5.16,12.02,25.56
haloregnetz_b,2181.01,117.365,256,224,1.97,11.94,11.68
resnetrs50,2148.74,119.126,256,224,4.48,12.14,35.69
gluon_resnet50_v1s,2124.85,120.469,256,224,5.47,13.52,25.68
visformer_small,2123.42,120.549,256,224,4.88,11.43,40.22
gluon_inception_v3,2118.5,120.829,256,299,5.73,8.97,23.83
regnetx_032,2117.36,120.894,256,224,3.2,11.37,15.3
resmlp_24_distilled_224,2109.62,121.337,256,224,5.96,10.91,30.02
efficientnet_b2,2109.39,121.351,256,288,1.12,16.2,9.11
inception_v3,2109.39,121.351,256,299,5.73,8.97,23.83
resmlp_24_224,2108.77,121.386,256,224,5.96,10.91,30.02
tf_inception_v3,2108.49,121.403,256,299,5.73,8.97,23.83
adv_inception_v3,2107.2,121.474,256,299,5.73,8.97,23.83
efficientnet_em,2078.91,123.131,256,240,3.04,14.34,6.9
densenetblur121d,2047.01,125.05,256,224,3.11,7.9,8.0
tf_efficientnet_em,2016.96,126.911,256,240,3.04,14.34,6.9
ssl_resnext50_32x4d,2014.12,127.092,256,224,4.26,14.4,25.03
tv_resnext50_32x4d,2011.71,127.243,256,224,4.26,14.4,25.03
gluon_resnext50_32x4d,2008.79,127.428,256,224,4.26,14.4,25.03
swsl_resnext50_32x4d,2003.89,127.736,256,224,4.26,14.4,25.03
resnext50_32x4d,2003.33,127.776,256,224,4.26,14.4,25.03
tf_efficientnet_cc_b1_8e,1964.78,130.28,256,240,0.75,15.44,39.72
dla60x,1943.55,131.706,256,224,3.54,13.8,17.35
regnetx_040,1936.18,132.208,256,224,3.99,12.2,22.12
resnext50d_32x4d,1913.78,133.755,256,224,4.5,15.2,25.05
res2net50_26w_4s,1909.57,134.046,256,224,4.28,12.61,25.7
tf_efficientnetv2_b3,1906.95,134.234,256,300,3.04,15.74,14.36
regnety_040,1904.74,134.39,256,224,4.0,12.29,20.65
gcresnet50t,1896.24,134.993,256,256,5.42,14.67,25.9
efficientnetv2_rw_t,1892.3,135.274,256,288,3.19,16.42,13.65
sehalonet33ts,1872.56,136.7,256,256,3.55,14.7,13.69
lambda_resnet26rpt_256,1852.61,138.171,256,256,3.16,11.87,10.99
seresnext50_32x4d,1837.91,139.277,256,224,4.26,14.42,27.56
gcresnext50ts,1836.72,139.369,256,256,3.75,15.46,15.67
dla60_res2net,1835.75,139.44,256,224,4.15,12.34,20.85
gluon_seresnext50_32x4d,1834.84,139.511,256,224,4.26,14.42,27.56
legacy_seresnext50_32x4d,1831.03,139.801,256,224,4.26,14.42,27.56
resnest50d_1s4x24d,1825.82,140.197,256,224,4.43,13.57,25.68
repvgg_b1g4,1816.81,140.887,256,224,8.15,10.64,39.97
densenet169,1814.19,141.099,256,224,3.4,7.3,14.15
gc_efficientnetv2_rw_t,1807.69,141.606,256,288,3.2,16.45,13.68
coat_lite_tiny,1802.74,141.995,256,224,1.6,11.65,5.72
res2net50_14w_8s,1801.06,142.125,256,224,4.21,13.28,25.06
res2next50,1791.13,142.906,256,224,4.2,13.71,24.67
cspdarknet53,1752.54,146.063,256,256,6.57,16.81,27.64
ecaresnet26t,1748.79,146.375,256,320,5.24,16.44,16.01
dla60_res2next,1747.0,146.526,256,224,3.49,13.17,17.03
regnetz_b,1724.41,148.443,256,288,2.39,16.43,9.72
coat_lite_mini,1717.23,149.066,256,224,2.0,12.25,11.01
vgg13,1708.54,149.824,256,224,11.31,12.25,133.05
mixnet_xl,1689.17,151.542,256,224,0.93,14.57,11.9
vit_small_r26_s32_224,1664.97,153.742,256,224,3.56,9.85,36.43
resnetv2_101,1630.91,156.956,256,224,7.83,16.23,44.54
tf_efficientnet_lite3,1624.63,157.563,256,300,1.65,21.85,8.2
gluon_resnet101_v1b,1601.1,159.88,256,224,7.83,16.23,44.55
tv_resnet101,1599.29,160.06,256,224,7.83,16.23,44.55
repvgg_b1,1595.1,160.478,256,224,13.16,10.64,57.42
xcit_tiny_24_p16_224_dist,1586.68,161.331,256,224,2.34,11.82,12.12
xcit_tiny_24_p16_224,1585.43,161.458,256,224,2.34,11.82,12.12
xcit_small_12_p16_224_dist,1555.24,164.59,256,224,4.82,12.58,26.25
xcit_small_12_p16_224,1551.41,164.997,256,224,4.82,12.58,26.25
gluon_resnet101_v1c,1549.68,165.185,256,224,8.08,17.04,44.57
resnest50d,1546.83,165.485,256,224,5.4,14.36,27.48
vgg13_bn,1545.98,165.579,256,224,11.33,12.25,133.05
gluon_resnet101_v1d,1542.35,165.971,256,224,8.08,17.04,44.57
dla102,1540.91,166.124,256,224,7.19,14.18,33.27
twins_svt_small,1527.64,167.568,256,224,2.94,13.75,24.06
wide_resnet50_2,1520.69,168.321,256,224,11.43,14.4,68.88
gmixer_24_224,1499.34,170.73,256,224,5.28,14.45,24.72
resnetv2_50x1_bit_distilled,1491.85,171.586,256,224,4.23,11.11,25.55
regnetx_080,1490.15,171.784,256,224,8.02,14.06,39.57
xcit_nano_12_p16_384_dist,1485.24,172.347,256,384,1.64,12.15,3.05
crossvit_small_240,1471.27,173.987,256,240,5.63,18.17,26.86
legacy_seresnet101,1468.28,174.342,256,224,7.61,15.74,49.33
halonet50ts,1455.95,175.819,256,256,5.3,19.2,22.73
res2net50_26w_6s,1449.56,176.589,256,224,6.33,15.28,37.05
regnetx_064,1419.83,180.292,256,224,6.49,16.37,26.21
densenet201,1416.48,180.718,256,224,4.34,7.85,20.01
resmlp_36_224,1415.51,180.84,256,224,8.91,16.33,44.69
resmlp_36_distilled_224,1415.35,180.86,256,224,8.91,16.33,44.69
gluon_resnet101_v1s,1409.69,181.589,256,224,9.19,18.64,44.67
nf_resnet50,1387.87,184.443,256,288,6.88,18.37,25.56
ecaresnet101d,1376.05,186.03,256,224,8.08,17.07,44.57
vgg16,1375.43,186.112,256,224,15.47,13.56,138.36
hrnet_w18,1354.53,188.983,256,224,4.32,16.31,21.3
regnety_032,1350.9,189.492,256,288,5.29,18.61,19.44
crossvit_15_240,1346.42,190.123,256,240,5.81,19.77,27.53
tresnet_l,1344.95,190.33,256,224,10.88,11.9,55.99
gmlp_s16_224,1341.95,190.757,256,224,4.42,15.1,19.42
tf_efficientnet_b3_ap,1337.77,191.35,256,300,1.87,23.83,12.23
tf_efficientnet_b3_ns,1337.21,191.429,256,300,1.87,23.83,12.23
tf_efficientnet_b3,1336.96,191.464,256,300,1.87,23.83,12.23
resnet51q,1335.36,191.695,256,288,8.07,20.94,35.7
vit_base_patch32_384,1326.76,192.939,256,384,13.06,16.5,88.3
xception,1314.05,194.804,256,299,8.4,35.83,22.86
crossvit_15_dagger_240,1305.29,196.113,256,240,6.13,20.43,28.21
dla102x,1302.51,196.531,256,224,5.89,19.42,26.31
efficientnet_b3,1297.94,197.224,256,320,2.01,26.52,12.23
mixer_b16_224,1285.59,199.119,256,224,12.62,14.53,59.88
mixer_b16_224_miil,1283.81,199.396,256,224,12.62,14.53,59.88
cait_xxs24_224,1283.41,199.457,256,224,2.53,20.29,11.96
skresnext50_32x4d,1277.72,200.346,256,224,4.5,17.18,27.48
regnety_064,1270.37,201.504,256,224,6.39,16.41,30.58
ssl_resnext101_32x4d,1267.29,201.994,256,224,8.01,21.23,44.18
gluon_resnext101_32x4d,1262.61,202.744,256,224,8.01,21.23,44.18
swsl_resnext101_32x4d,1261.41,202.934,256,224,8.01,21.23,44.18
vgg16_bn,1259.82,203.192,256,224,15.5,13.56,138.37
repvgg_b2g4,1250.78,204.659,256,224,12.63,12.9,61.76
swin_tiny_patch4_window7_224,1247.03,205.273,256,224,4.51,17.06,28.29
twins_pcpvt_small,1237.18,206.911,256,224,3.83,18.08,24.11
regnety_080,1231.05,207.941,256,224,8.0,17.97,39.18
resnest50d_4s2x40d,1214.34,210.797,256,224,4.4,17.94,30.42
resnet61q,1207.53,211.987,256,288,9.87,21.52,36.85
eca_nfnet_l0,1191.71,214.805,256,288,7.12,17.29,24.14
nfnet_l0,1190.26,215.067,256,288,7.13,17.29,35.07
res2net101_26w_4s,1183.89,216.22,256,224,8.1,18.45,45.21
dpn92,1178.74,217.169,256,224,6.54,18.21,37.67
res2net50_26w_8s,1178.7,217.174,256,224,8.37,17.95,48.4
vit_tiny_patch16_384,1172.78,218.271,256,384,4.7,25.39,5.79
convit_small,1169.52,218.881,256,224,5.76,17.87,27.78
vgg19,1152.13,222.185,256,224,19.63,14.86,143.67
gluon_seresnext101_32x4d,1150.11,222.576,256,224,8.02,21.26,48.96
legacy_seresnext101_32x4d,1149.76,222.644,256,224,8.02,21.26,48.96
hrnet_w32,1142.24,224.109,256,224,8.97,22.02,41.23
xcit_nano_12_p8_224,1127.98,226.94,256,224,2.16,15.71,3.05
xcit_nano_12_p8_224_dist,1127.81,226.974,256,224,2.16,15.71,3.05
hrnet_w30,1123.84,227.778,256,224,8.15,21.21,37.71
tv_resnet152,1116.24,229.331,256,224,11.56,22.56,60.19
gluon_resnet152_v1b,1115.71,229.44,256,224,11.56,22.56,60.19
ecaresnet50t,1110.54,230.506,256,320,8.82,24.13,25.57
regnetz_c,1099.38,232.841,256,320,3.92,25.88,13.46
gluon_resnet152_v1c,1090.66,234.708,256,224,11.8,23.36,60.21
gluon_resnet152_v1d,1087.27,235.441,256,224,11.8,23.36,60.21
repvgg_b2,1087.24,235.444,256,224,20.45,12.9,89.02
xception41,1068.11,239.655,256,299,9.28,39.86,26.97
densenet161,1067.45,239.812,256,224,7.79,11.06,28.68
vgg19_bn,1061.8,241.089,256,224,19.66,14.86,143.68
inception_v4,1057.29,242.117,256,299,12.28,15.09,42.68
convmixer_1024_20_ks9_p14,1048.55,244.135,256,224,5.55,5.51,24.38
dla169,1043.9,245.223,256,224,11.6,20.2,53.39
xcit_tiny_12_p16_384_dist,1041.14,245.869,256,384,3.64,18.26,6.72
regnetx_120,1028.54,248.883,256,224,12.13,21.37,46.11
gluon_resnet152_v1s,1019.74,251.033,256,224,12.92,24.96,60.32
coat_lite_small,1019.01,251.211,256,224,3.96,22.09,19.84
vit_base_patch16_224_miil,1015.29,252.134,256,224,17.58,23.9,86.54
legacy_seresnet152,1014.16,252.414,256,224,11.33,22.08,66.82
repvgg_b3g4,1009.72,253.523,256,224,17.89,15.1,83.83
jx_nest_tiny,1009.0,253.705,256,224,5.83,25.48,17.06
crossvit_18_240,995.7,257.092,256,240,9.05,26.26,43.27
vit_base_patch16_224,987.74,259.165,256,224,17.58,23.9,86.57
vit_base_patch16_sam_224,983.41,260.307,256,224,17.58,23.9,86.57
tresnet_xl,983.24,260.352,256,224,15.17,15.34,78.44
deit_base_patch16_224,981.95,260.694,256,224,17.58,23.9,86.57
regnety_120,981.03,260.937,256,224,12.14,21.38,51.82
deit_base_distilled_patch16_224,972.1,263.335,256,224,17.68,24.05,87.34
crossvit_18_dagger_240,968.8,264.234,256,240,9.5,27.03,44.27
efficientnet_el_pruned,927.76,275.921,256,300,8.0,30.7,10.59
efficientnet_el,927.59,275.971,256,300,8.0,30.7,10.59
tf_efficientnet_el,908.45,281.783,256,300,8.0,30.7,10.59
beit_base_patch16_224,907.03,282.225,256,224,17.58,23.9,86.53
dm_nfnet_f0,906.74,282.318,256,256,12.62,18.05,71.49
beit_base_patch16_224_in22k,904.43,283.033,256,224,17.6,23.92,102.56
twins_pcpvt_base,903.59,283.303,256,224,6.68,25.25,43.83
dla102x2,892.39,286.858,256,224,9.34,29.91,41.28
twins_svt_base,884.1,289.548,256,224,8.59,26.33,56.07
wide_resnet101_2,879.83,290.95,256,224,22.8,21.23,126.89
tf_efficientnetv2_s_in21ft1k,867.65,295.037,256,384,8.44,35.77,21.46
tf_efficientnetv2_s,866.61,295.392,256,384,8.44,35.77,21.46
cait_xxs36_224,864.05,296.268,256,224,3.77,30.34,17.3
resnetrs101,850.72,300.905,256,288,13.56,28.53,63.62
repvgg_b3,845.91,302.619,256,224,29.16,15.1,123.09
efficientnetv2_rw_s,844.69,303.059,256,384,8.72,38.03,23.94
dpn98,840.2,304.675,256,224,11.73,25.2,61.57
pit_b_distilled_224,838.63,305.249,256,224,12.5,33.07,74.79
pit_b_224,837.02,305.836,256,224,12.42,32.94,73.76
ens_adv_inception_resnet_v2,834.35,306.814,256,299,13.18,25.06,55.84
regnetx_160,833.02,307.301,256,224,15.99,25.52,54.28
inception_resnet_v2,832.69,307.427,256,299,13.18,25.06,55.84
xcit_small_24_p16_224_dist,830.32,308.297,256,224,9.1,23.64,47.67
xcit_small_24_p16_224,828.74,308.886,256,224,9.1,23.64,47.67
swin_small_patch4_window7_224,809.9,316.074,256,224,8.77,27.47,49.61
gluon_resnext101_64x4d,803.65,318.536,256,224,15.52,31.21,83.46
xcit_tiny_12_p8_224_dist,791.87,323.27,256,224,4.81,23.6,6.71
xcit_tiny_12_p8_224,791.64,323.364,256,224,4.81,23.6,6.71
gluon_xception65,784.11,326.474,256,299,13.96,52.48,39.92
xception65,777.91,329.074,256,299,13.96,52.48,39.92
resnet101d,776.37,329.723,256,320,16.48,34.77,44.57
ig_resnext101_32x8d,775.21,330.222,256,224,16.48,31.21,88.79
swsl_resnext101_32x8d,773.83,330.808,256,224,16.48,31.21,88.79
resnext101_32x8d,773.08,331.13,256,224,16.48,31.21,88.79
ssl_resnext101_32x8d,769.28,332.765,256,224,16.48,31.21,88.79
tf_efficientnet_lite4,764.13,335.01,256,380,4.04,45.66,13.01
hrnet_w40,760.18,336.752,256,224,12.75,25.29,57.56
gluon_seresnext101_64x4d,756.43,338.418,256,224,15.53,31.25,88.23
resnest101e,755.07,339.024,256,256,13.38,28.66,48.28
hrnet_w48,716.4,357.329,256,224,17.34,28.56,77.47
cait_s24_224,714.86,358.098,256,224,9.35,40.58,46.92
tresnet_m_448,713.55,358.758,256,448,22.94,29.21,31.39
coat_tiny,707.04,362.062,256,224,4.35,27.2,5.5
regnetz_d,704.94,363.138,256,320,9.33,37.08,27.58
hrnet_w44,702.53,364.385,256,224,14.94,26.92,67.06
vit_large_r50_s32_224,680.11,376.394,256,224,19.58,24.41,328.99
jx_nest_small,676.97,378.142,256,224,10.35,40.04,38.35
twins_svt_large,673.22,380.252,256,224,15.15,35.1,99.27
crossvit_base_240,671.16,381.416,256,240,21.22,36.33,105.03
efficientnet_b4,667.18,383.692,256,384,4.51,50.04,19.34
twins_pcpvt_large,657.69,389.226,256,224,9.84,35.82,60.99
tf_efficientnet_b4,637.24,401.719,256,380,4.49,49.49,19.34
tf_efficientnet_b4_ap,636.68,402.068,256,380,4.49,49.49,19.34
tf_efficientnet_b4_ns,636.62,402.109,256,380,4.49,49.49,19.34
convit_base,621.76,411.725,256,224,17.52,31.77,86.54
dpn131,619.15,413.454,256,224,16.09,32.97,79.25
swin_base_patch4_window7_224,617.4,414.625,256,224,15.47,36.63,87.77
swin_base_patch4_window7_224_in22k,616.51,415.228,256,224,15.49,36.65,109.13
xcit_medium_24_p16_224_dist,613.3,417.401,256,224,16.13,31.71,84.4
xcit_medium_24_p16_224,612.89,417.675,256,224,16.13,31.71,84.4
vit_small_patch16_384,594.17,430.838,256,384,15.52,50.78,22.2
coat_mini,592.46,432.084,256,224,6.82,33.68,10.34
xception71,590.14,433.78,256,299,18.09,69.92,42.34
vit_small_r26_s32_384,574.75,445.396,256,384,10.43,29.85,36.47
hrnet_w64,570.22,448.937,256,224,28.97,35.09,128.06
dpn107,566.19,452.128,256,224,18.38,33.46,86.92
eca_nfnet_l1,559.71,457.367,256,320,14.92,34.42,41.41
gluon_senet154,559.51,457.529,256,224,20.77,38.69,115.09
legacy_senet154,558.72,458.178,256,224,20.77,38.69,115.09
xcit_tiny_24_p16_384_dist,556.09,460.342,256,384,6.87,34.29,12.12
xcit_small_12_p16_384_dist,546.87,468.099,256,384,14.14,36.51,26.25
resnet152d,546.29,468.597,256,320,24.08,47.67,60.21
regnety_320,522.26,490.163,256,224,32.34,30.26,145.05
jx_nest_base,511.39,500.584,256,224,17.96,53.39,67.72
regnety_160,509.43,502.501,256,288,26.37,38.07,83.59
tnt_s_patch16_224,497.77,514.282,256,224,5.24,24.37,23.76
seresnet152d,489.63,522.829,256,320,24.09,47.72,66.84
resnetrs152,483.98,528.928,256,320,24.34,48.14,86.62
regnetx_320,460.34,556.1,256,224,31.81,36.3,107.81
vit_large_patch32_384,457.67,559.348,256,384,45.31,43.86,306.63
mixer_l16_224,429.82,595.582,256,224,44.6,41.69,208.2
xcit_tiny_24_p8_224,417.75,612.797,256,224,9.21,45.39,12.11
xcit_tiny_24_p8_224_dist,417.56,613.068,256,224,9.21,45.39,12.11
xcit_small_12_p8_224,416.17,615.111,256,224,18.69,47.21,26.21
xcit_small_12_p8_224_dist,415.93,615.473,256,224,18.69,47.21,26.21
efficientnetv2_rw_m,404.25,633.263,256,416,21.49,79.62,53.24
resnet200d,391.43,653.991,256,320,31.25,67.33,64.69
resnetv2_50x1_bitm,388.67,658.636,256,448,16.62,44.46,25.55
xcit_nano_12_p8_384_dist,387.79,660.138,256,384,6.34,46.08,3.05
swin_large_patch4_window7_224,385.11,664.722,256,224,34.53,54.94,196.53
swin_large_patch4_window7_224_in22k,384.77,665.318,256,224,34.56,54.96,228.57
xcit_large_24_p16_224,374.96,682.722,256,224,35.86,47.27,189.1
xcit_large_24_p16_224_dist,374.65,683.281,256,224,35.86,47.27,189.1
ssl_resnext101_32x16d,366.28,698.897,256,224,36.27,51.18,194.03
ig_resnext101_32x16d,365.74,699.945,256,224,36.27,51.18,194.03
swsl_resnext101_32x16d,365.46,700.478,256,224,36.27,51.18,194.03
tresnet_l_448,350.13,731.146,256,448,43.5,47.56,55.99
resnetrs200,346.06,739.735,256,320,31.51,67.81,93.21
tf_efficientnetv2_m,339.58,753.868,256,480,24.76,89.84,54.14
tf_efficientnetv2_m_in21ft1k,339.57,753.879,256,480,24.76,89.84,54.14
vit_large_patch16_224,332.37,770.202,256,224,61.6,63.52,304.33
dm_nfnet_f1,329.67,776.526,256,320,35.97,46.77,132.63
tf_efficientnet_b5,319.74,800.623,256,456,10.46,98.86,30.39
tf_efficientnet_b5_ap,319.51,801.207,256,456,10.46,98.86,30.39
tf_efficientnet_b5_ns,319.48,801.287,256,456,10.46,98.86,30.39
crossvit_15_dagger_408,308.22,830.557,256,408,21.45,95.05,28.5
beit_large_patch16_224,304.41,840.964,256,224,61.6,63.52,304.43
beit_large_patch16_224_in22k,303.89,842.402,256,224,61.62,63.54,325.79
xcit_small_24_p16_384_dist,291.33,878.717,256,384,26.72,68.58,47.67
convmixer_768_32,284.41,900.105,256,224,19.55,25.95,21.11
eca_nfnet_l2,277.7,921.837,256,384,30.05,68.28,56.72
resnetv2_152x2_bit_teacher,272.08,940.888,256,224,46.95,45.11,236.34
xcit_tiny_12_p8_384_dist,271.29,943.618,256,384,14.13,69.14,6.71
tresnet_xl_448,265.72,963.421,256,448,60.65,61.31,78.44
vit_base_patch16_384,260.82,981.51,256,384,55.54,101.56,86.86
deit_base_patch16_384,260.27,983.563,256,384,55.54,101.56,86.86
resnest200e,257.06,995.856,256,320,35.69,82.78,70.2
deit_base_distilled_patch16_384,256.78,996.936,256,384,55.65,101.82,87.63
resnetv2_101x1_bitm,243.19,1052.661,256,448,31.65,64.93,44.54
cait_xxs24_384,238.44,1073.626,256,384,9.63,122.66,12.03
ecaresnet269d,229.27,1116.568,256,352,50.25,101.25,102.09
crossvit_18_dagger_408,229.17,558.535,128,408,32.47,124.87,44.61
vit_large_r50_s32_384,229.1,1117.419,256,384,57.43,76.52,329.09
nasnetalarge,226.47,1130.365,256,331,23.89,90.56,88.75
pnasnet5large,225.65,1134.478,256,331,25.04,92.89,86.06
beit_base_patch16_384,223.91,1143.322,256,384,55.54,101.56,86.74
resnetrs270,222.05,1152.857,256,352,51.13,105.48,129.86
xcit_small_24_p8_224,218.32,1172.571,256,224,35.81,90.78,47.63
xcit_small_24_p8_224_dist,218.2,1173.193,256,224,35.81,90.78,47.63
xcit_medium_24_p16_384_dist,212.67,1203.725,256,384,47.39,91.64,84.4
resmlp_big_24_224,199.99,1280.033,256,224,100.23,87.31,129.14
resmlp_big_24_224_in22ft1k,199.55,1282.862,256,224,100.23,87.31,129.14
resmlp_big_24_distilled_224,199.5,1283.208,256,224,100.23,87.31,129.14
tf_efficientnetv2_l,196.16,1305.054,256,480,56.4,157.99,118.52
tf_efficientnetv2_l_in21ft1k,195.97,1306.333,256,480,56.4,157.99,118.52
dm_nfnet_f2,187.32,1366.603,256,352,63.22,79.06,193.78
tf_efficientnet_b6_ns,184.64,693.239,128,528,19.4,167.39,43.04
tf_efficientnet_b6_ap,184.63,693.254,128,528,19.4,167.39,43.04
tf_efficientnet_b6,184.56,693.543,128,528,19.4,167.39,43.04
swin_base_patch4_window12_384,172.29,742.9,128,384,47.19,134.78,87.9
swin_base_patch4_window12_384_in22k,172.09,743.782,128,384,47.21,134.8,109.27
cait_xs24_384,168.76,1516.911,256,384,19.28,183.98,26.67
vit_base_r50_s16_384,164.61,1555.149,256,384,67.43,135.03,98.95
convmixer_1536_20,163.58,1564.936,256,224,48.68,33.03,51.63
cait_xxs36_384,159.38,1606.206,256,384,14.35,183.7,17.37
xcit_medium_24_p8_224,158.47,1615.434,256,224,63.53,121.23,84.32
xcit_medium_24_p8_224_dist,158.47,1615.404,256,224,63.53,121.23,84.32
resnetrs350,147.45,1736.143,256,384,77.59,154.74,163.96
ig_resnext101_32x32d,144.94,1766.221,256,224,87.29,91.12,468.53
xcit_tiny_24_p8_384_dist,140.02,1828.249,256,384,27.05,132.95,12.11
xcit_small_12_p8_384_dist,138.32,1850.769,256,384,54.92,138.29,26.21
cait_s24_384,130.37,1963.692,256,384,32.17,245.31,47.06
xcit_large_24_p16_384_dist,128.67,1989.551,256,384,105.35,137.17,189.1
tf_efficientnetv2_xl_in21ft1k,125.28,2043.358,256,512,93.85,247.32,208.12
resnest269e,119.95,2134.143,256,416,77.69,171.98,110.93
swin_large_patch4_window12_384,108.71,1177.454,128,384,104.08,202.16,196.74
swin_large_patch4_window12_384_in22k,108.63,1178.305,128,384,104.11,202.18,228.77
resnetrs420,107.0,2392.495,256,416,108.45,213.79,191.89
tf_efficientnet_b7_ns,106.07,603.375,64,600,38.33,289.94,66.35
tf_efficientnet_b7_ap,105.98,603.889,64,600,38.33,289.94,66.35
tf_efficientnet_b7,105.95,604.03,64,600,38.33,289.94,66.35
dm_nfnet_f3,102.63,2494.386,256,416,115.58,141.78,254.92
xcit_large_24_p8_224,95.99,2666.968,256,224,141.23,181.56,188.93
xcit_large_24_p8_224_dist,95.77,2673.153,256,224,141.23,181.56,188.93
resnetv2_152x2_bit_teacher_384,94.95,2696.08,256,384,136.16,132.56,236.34
resnetv2_50x3_bitm,93.71,1365.901,128,448,145.7,133.37,217.32
vit_large_patch16_384,89.71,2853.476,256,384,191.21,270.24,304.72
cait_s36_384,87.22,2935.166,256,384,47.99,367.4,68.37
ig_resnext101_32x48d,85.91,1489.933,128,224,153.57,131.06,828.41
beit_large_patch16_384,77.75,3292.734,256,384,191.21,270.24,305.0
xcit_small_24_p8_384_dist,72.45,3533.673,256,384,105.24,265.91,47.63
resnetv2_152x2_bitm,69.73,1835.714,128,448,184.99,180.43,236.34
tf_efficientnet_b8,66.92,956.333,64,672,63.48,442.89,87.41
tf_efficientnet_b8_ap,66.91,956.434,64,672,63.48,442.89,87.41
dm_nfnet_f4,57.01,4490.519,256,512,216.26,262.26,316.07
resnetv2_101x3_bitm,56.17,2278.772,128,448,280.33,194.78,387.93
xcit_medium_24_p8_384_dist,53.81,4757.31,256,384,186.67,354.73,84.32
dm_nfnet_f5,41.46,6174.452,256,544,290.97,349.71,377.21
tf_efficientnet_l2_ns_475,38.52,1661.585,64,475,172.11,609.89,480.31
xcit_large_24_p8_384_dist,32.44,7891.525,256,384,415.0,531.82,188.93
beit_large_patch16_512,31.38,2039.285,64,512,362.24,656.39,305.67
cait_m36_384,30.16,8488.214,256,384,173.11,734.81,271.22
dm_nfnet_f6,30.03,8525.766,256,576,378.69,452.2,438.36
resnetv2_152x4_bitm,18.21,3515.177,64,480,844.84,414.26,936.53
tf_efficientnet_l2_ns,13.56,1770.059,24,800,479.12,1707.39,480.31
cait_m48_448,13.08,9784.533,128,448,329.41,1708.23,356.46
1 model infer_samples_per_sec infer_step_time infer_batch_size infer_img_size infer_gmacs infer_macts param_count
2 tf_mobilenetv3_small_minimal_100 23813.47 10.741 256 224 0.06 1.41 2.04
3 tf_mobilenetv3_small_075 20226.39 12.646 256 224 0.05 1.3 2.04
4 tf_mobilenetv3_small_100 18228.81 14.034 256 224 0.06 1.42 2.54
5 levit_128s 17210.0 14.865 256 224 0.31 1.88 7.78
6 regnetx_002 14906.56 17.164 256 224 0.2 2.16 2.68
7 regnety_002 13464.5 19.003 256 224 0.2 2.17 3.16
8 levit_128 11979.62 21.36 256 224 0.41 2.71 9.21
9 levit_192 10405.48 24.593 256 224 0.66 3.2 10.95
10 gernet_s 10172.35 25.156 256 224 0.75 2.65 8.17
11 vit_small_patch32_224 9285.97 27.555 256 224 1.15 2.5 22.88
12 regnetx_004 9188.53 27.851 256 224 0.4 3.14 5.16
13 tf_mobilenetv3_large_minimal_100 9164.35 27.924 256 224 0.22 4.4 3.92
14 tf_mobilenetv3_large_075 8667.81 29.525 256 224 0.16 4.0 3.99
15 mobilenetv3_rw 8631.08 29.65 256 224 0.23 4.41 5.48
16 vit_tiny_r_s16_p8_224 8546.38 29.942 256 224 0.44 2.06 6.34
17 mobilenetv3_large_100_miil 8526.13 30.015 256 224 0.23 4.41 5.48
18 mobilenetv3_large_100 8496.93 30.118 256 224 0.23 4.41 5.48
19 gluon_resnet18_v1b 8461.63 30.244 256 224 1.82 2.48 11.69
20 ssl_resnet18 8460.21 30.249 256 224 1.82 2.48 11.69
21 resnet18 8386.36 30.514 256 224 1.82 2.48 11.69
22 swsl_resnet18 8382.52 30.528 256 224 1.82 2.48 11.69
23 ghostnet_100 8276.88 30.92 256 224 0.15 3.55 5.18
24 levit_256 7773.58 32.922 256 224 1.13 4.23 18.89
25 legacy_seresnet18 7701.78 33.229 256 224 1.82 2.49 11.78
26 tf_mobilenetv3_large_100 7680.05 33.323 256 224 0.23 4.41 5.48
27 regnetx_006 7603.45 33.658 256 224 0.61 3.98 6.2
28 mobilenetv2_100 7541.65 33.934 256 224 0.31 6.68 3.5
29 regnety_004 7368.29 34.733 256 224 0.41 3.89 4.34
30 hardcorenas_a 7264.93 35.227 256 224 0.23 4.38 5.26
31 hardcorenas_b 7208.11 35.505 256 224 0.26 5.09 5.18
32 mnasnet_100 7142.85 35.829 256 224 0.33 5.46 4.38
33 resnet18d 7065.39 36.221 256 224 2.06 3.29 11.71
34 semnasnet_100 6753.19 37.897 256 224 0.32 6.23 3.89
35 hardcorenas_c 6746.84 37.933 256 224 0.28 5.01 5.52
36 spnasnet_100 6739.75 37.973 256 224 0.35 6.03 4.42
37 regnety_006 6693.6 38.235 256 224 0.61 4.33 6.06
38 hardcorenas_d 6572.55 38.939 256 224 0.3 4.93 7.5
39 tf_efficientnetv2_b0 6314.13 40.533 256 224 0.73 4.77 7.14
40 regnetx_008 6079.04 42.101 256 224 0.81 5.15 7.26
41 efficientnet_lite0 5804.98 44.09 256 224 0.4 6.74 4.65
42 dla46_c 5780.94 44.273 256 224 0.58 4.5 1.3
43 mobilenetv2_110d 5723.57 44.717 256 224 0.45 8.71 4.52
44 rexnet_100 5717.93 44.761 256 224 0.41 7.44 4.8
45 hardcorenas_f 5617.23 45.564 256 224 0.35 5.57 8.2
46 regnety_008 5508.59 46.462 256 224 0.81 5.25 6.26
47 hardcorenas_e 5410.0 47.31 256 224 0.35 5.65 8.07
48 fbnetc_100 5329.99 48.02 256 224 0.4 6.51 5.57
49 skresnet18 5316.12 48.145 256 224 1.82 3.24 11.96
50 tf_efficientnet_lite0 5240.32 48.842 256 224 0.4 6.74 4.65
51 mobilenetv2_140 5070.12 50.481 256 224 0.6 9.57 6.11
52 efficientnet_b0 5059.78 50.585 256 224 0.4 6.75 5.29
53 ese_vovnet19b_dw 5050.16 50.68 256 224 1.34 8.25 6.54
54 gluon_resnet34_v1b 4958.52 51.618 256 224 3.67 3.74 21.8
55 efficientnet_b1_pruned 4954.57 51.658 256 240 0.4 6.21 6.33
56 tv_resnet34 4937.29 51.84 256 224 3.67 3.74 21.8
57 resnet34 4928.32 51.933 256 224 3.67 3.74 21.8
58 hrnet_w18_small 4869.58 52.561 256 224 1.61 5.72 13.19
59 levit_384 4654.29 54.993 256 224 2.36 6.26 39.13
60 tf_efficientnet_b0_ap 4650.22 55.039 256 224 0.4 6.75 5.29
61 tf_efficientnet_b0_ns 4646.91 55.076 256 224 0.4 6.75 5.29
62 tf_efficientnet_b0 4644.25 55.108 256 224 0.4 6.75 5.29
63 dla46x_c 4605.94 55.57 256 224 0.54 5.66 1.07
64 selecsls42b 4570.17 56.005 256 224 2.98 4.62 32.46
65 deit_tiny_patch16_224 4543.82 56.329 256 224 1.26 5.97 5.72
66 vit_tiny_patch16_224 4538.07 56.399 256 224 1.26 5.97 5.72
67 gernet_m 4516.03 56.676 256 224 3.02 5.24 21.14
68 deit_tiny_distilled_patch16_224 4481.69 57.11 256 224 1.27 6.01 5.91
69 legacy_seresnet34 4474.42 57.204 256 224 3.67 3.74 21.96
70 resnet34d 4448.37 57.538 256 224 3.91 4.54 21.82
71 pit_ti_distilled_224 4332.05 59.084 256 224 0.71 6.23 5.1
72 pit_ti_224 4322.46 59.215 256 224 0.7 6.19 4.85
73 dla60x_c 4302.12 59.495 256 224 0.59 6.01 1.32
74 mixnet_s 4297.51 59.559 256 224 0.25 6.25 4.13
75 rexnet_130 4236.61 60.415 256 224 0.68 9.71 7.56
76 tf_efficientnetv2_b1 4231.93 60.481 256 240 1.21 7.34 8.14
77 xcit_nano_12_p16_224_dist 4191.2 61.067 256 224 0.56 4.17 3.05
78 xcit_nano_12_p16_224 4188.12 61.112 256 224 0.56 4.17 3.05
79 resmlp_12_distilled_224 4137.96 61.855 256 224 3.01 5.5 15.35
80 resmlp_12_224 4137.2 61.867 256 224 3.01 5.5 15.35
81 resnet26 4135.23 61.895 256 224 2.36 7.35 16.0
82 vit_base_patch32_sam_224 4111.04 62.261 256 224 4.41 5.01 88.22
83 mobilenetv2_120d 4108.55 62.299 256 224 0.69 11.97 5.83
84 vit_base_patch32_224 4102.94 62.384 256 224 4.41 5.01 88.22
85 tf_mixnet_s 4033.2 63.462 256 224 0.25 6.25 4.13
86 repvgg_b0 4020.07 63.669 256 224 3.41 6.15 15.82
87 selecsls60b 3957.1 64.683 256 224 3.63 5.52 32.77
88 selecsls60 3955.58 64.708 256 224 3.59 5.52 30.67
89 resnet26d 3771.71 67.862 256 224 2.6 8.15 16.01
90 dla34 3751.8 68.222 256 224 3.07 5.02 15.74
91 rexnet_150 3693.73 69.295 256 224 0.9 11.21 9.73
92 ecaresnet50d_pruned 3635.83 70.4 256 224 2.53 6.43 19.94
93 tf_efficientnet_lite1 3541.96 72.266 256 240 0.62 10.14 5.42
94 pit_xs_224 3506.77 72.991 256 224 1.4 7.71 10.62
95 regnetx_016 3495.21 73.233 256 224 1.62 7.93 9.19
96 pit_xs_distilled_224 3481.48 73.522 256 224 1.41 7.76 11.0
97 efficientnet_es_pruned 3365.67 76.052 256 224 1.81 8.73 5.44
98 efficientnet_es 3358.26 76.219 256 224 1.81 8.73 5.44
99 efficientnet_b2_pruned 3344.4 76.535 256 260 0.73 9.13 8.31
100 tf_efficientnet_es 3248.35 78.797 256 224 1.81 8.73 5.44
101 tf_efficientnetv2_b2 3221.93 79.444 256 260 1.72 9.84 10.1
102 resnest14d 3200.62 79.966 256 224 2.76 7.33 10.61
103 gernet_l 3173.09 80.669 256 256 4.57 8.0 31.08
104 regnety_016 3082.19 83.046 256 224 1.63 8.04 11.2
105 tf_efficientnet_cc_b0_8e 3079.83 83.109 256 224 0.42 9.42 24.01
106 tf_efficientnet_cc_b0_4e 3072.34 83.31 256 224 0.41 9.42 13.31
107 mixnet_m 3041.78 84.15 256 224 0.36 8.19 5.01
108 skresnet34 3025.8 84.595 256 224 3.67 5.13 22.28
109 resnext26ts 2999.56 85.335 256 256 2.43 10.52 10.3
110 repvgg_a2 2997.36 85.397 256 224 5.7 6.26 28.21
111 legacy_seresnext26_32x4d 2982.2 85.832 256 224 2.49 9.39 16.79
112 vit_tiny_r_s16_p8_384 2981.27 85.856 256 384 1.34 6.49 6.36
113 vit_small_patch32_384 2975.01 86.035 256 384 3.45 8.25 22.92
114 xcit_tiny_12_p16_224_dist 2962.26 86.406 256 224 1.24 6.29 6.72
115 xcit_tiny_12_p16_224 2958.87 86.506 256 224 1.24 6.29 6.72
116 resnet26t 2949.15 86.793 256 256 3.35 10.52 16.01
117 seresnext26ts 2930.19 87.355 256 256 2.43 10.52 10.39
118 eca_resnext26ts 2927.39 87.439 256 256 2.43 10.52 10.3
119 tf_mixnet_m 2918.13 87.716 256 224 0.36 8.19 5.01
120 tf_efficientnet_b1_ap 2909.55 87.973 256 240 0.71 10.88 7.79
121 tf_efficientnet_b1_ns 2907.96 88.021 256 240 0.71 10.88 7.79
122 tf_efficientnet_b1 2906.46 88.066 256 240 0.71 10.88 7.79
123 gcresnext26ts 2860.35 89.489 256 256 2.43 10.53 10.48
124 ecaresnet101d_pruned 2832.39 90.373 256 224 3.48 7.69 24.88
125 efficientnet_b1 2816.51 90.881 256 256 0.77 12.22 7.79
126 seresnext26t_32x4d 2803.22 91.313 256 224 2.7 10.09 16.81
127 seresnext26d_32x4d 2791.34 91.701 256 224 2.73 10.19 16.81
128 ecaresnetlight 2748.62 93.127 256 224 4.11 8.42 30.16
129 tf_efficientnet_lite2 2734.03 93.624 256 260 0.89 12.9 6.09
130 nf_regnet_b1 2722.26 94.028 256 288 1.02 9.2 10.22
131 crossvit_tiny_240 2719.71 94.117 256 240 1.57 9.08 7.01
132 rexnet_200 2697.36 94.896 256 224 1.56 14.91 16.37
133 resnetv2_50 2678.82 95.552 256 224 4.11 11.11 25.55
134 crossvit_9_240 2675.71 95.665 256 240 1.85 9.52 8.55
135 eca_botnext26ts_256 2660.24 96.221 256 256 2.46 11.6 10.59
136 tresnet_m 2657.69 96.314 256 224 5.74 7.31 31.39
137 botnet26t_256 2648.39 96.646 256 256 3.32 11.98 12.49
138 halonet26t 2611.82 98.005 256 256 3.19 11.69 12.48
139 vgg11 2609.78 98.082 256 224 7.61 7.44 132.86
140 eca_halonext26ts 2603.27 98.327 256 256 2.44 11.46 10.76
141 gluon_resnet50_v1b 2595.8 98.61 256 224 4.11 11.11 25.56
142 ssl_resnet50 2595.55 98.619 256 224 4.11 11.11 25.56
143 efficientnet_b3_pruned 2594.03 98.677 256 300 1.04 11.86 9.86
144 tv_resnet50 2591.78 98.763 256 224 4.11 11.11 25.56
145 crossvit_9_dagger_240 2589.88 98.836 256 240 1.99 9.97 8.78
146 resnet50 2584.36 99.039 256 224 4.11 11.11 25.56
147 swsl_resnet50 2581.65 99.146 256 224 4.11 11.11 25.56
148 convit_tiny 2544.18 100.61 256 224 1.26 7.94 5.71
149 hrnet_w18_small_v2 2509.11 102.017 256 224 2.62 9.65 15.6
150 resnet32ts 2503.04 102.263 256 256 4.63 11.58 17.96
151 bat_resnext26ts 2479.68 103.219 256 256 2.53 12.51 10.73
152 resnet33ts 2467.72 103.728 256 256 4.76 11.66 19.68
153 gluon_resnet50_v1c 2464.02 103.884 256 224 4.35 11.92 25.58
154 ese_vovnet39b 2457.44 104.162 256 224 7.09 6.74 24.57
155 cspresnet50 2453.31 104.338 256 256 4.54 11.5 21.62
156 cspresnext50 2451.69 104.407 256 224 3.1 12.14 20.57
157 gluon_resnet50_v1d 2445.69 104.663 256 224 4.35 11.92 25.58
158 resnet50d 2441.21 104.85 256 224 4.35 11.92 25.58
159 dpn68b 2432.24 105.242 256 224 2.35 10.47 12.61
160 legacy_seresnet50 2426.52 105.49 256 224 3.88 10.6 28.09
161 dpn68 2406.35 106.374 256 224 2.35 10.47 12.61
162 eca_resnet33ts 2405.01 106.434 256 256 4.76 11.66 19.68
163 seresnet33ts 2402.61 106.54 256 256 4.76 11.66 19.78
164 vgg11_bn 2383.08 107.413 256 224 7.62 7.44 132.87
165 mixnet_l 2358.59 108.528 256 224 0.58 10.84 7.33
166 lambda_resnet26t 2358.23 108.545 256 256 3.02 11.87 10.96
167 gcresnet33ts 2347.52 109.04 256 256 4.76 11.68 19.88
168 pit_s_224 2332.08 109.763 256 224 2.88 11.56 23.46
169 dla60 2324.78 110.106 256 224 4.26 10.16 22.04
170 seresnet50 2316.85 110.484 256 224 4.11 11.13 28.09
171 resnest26d 2313.67 110.634 256 224 3.64 9.97 17.07
172 pit_s_distilled_224 2311.97 110.718 256 224 2.9 11.64 24.04
173 deit_small_patch16_224 2297.25 111.426 256 224 4.61 11.95 22.05
174 vit_small_patch16_224 2293.15 111.622 256 224 4.61 11.95 22.05
175 deit_small_distilled_patch16_224 2268.28 112.85 256 224 4.63 12.02 22.44
176 tf_mixnet_l 2264.19 113.053 256 224 0.58 10.84 7.33
177 tf_efficientnet_b2_ns 2256.47 113.438 256 260 1.02 13.83 9.11
178 tf_efficientnet_b2_ap 2256.28 113.446 256 260 1.02 13.83 9.11
179 tf_efficientnet_b2 2253.15 113.605 256 260 1.02 13.83 9.11
180 tv_densenet121 2246.15 113.963 256 224 2.87 6.9 7.98
181 densenet121 2241.22 114.212 256 224 2.87 6.9 7.98
182 res2net50_48w_2s 2234.19 114.57 256 224 4.18 11.72 25.29
183 ecaresnet50d 2188.72 116.953 256 224 4.35 11.93 25.58
184 resnetblur50 2181.37 117.342 256 224 5.16 12.02 25.56
185 haloregnetz_b 2181.01 117.365 256 224 1.97 11.94 11.68
186 resnetrs50 2148.74 119.126 256 224 4.48 12.14 35.69
187 gluon_resnet50_v1s 2124.85 120.469 256 224 5.47 13.52 25.68
188 visformer_small 2123.42 120.549 256 224 4.88 11.43 40.22
189 gluon_inception_v3 2118.5 120.829 256 299 5.73 8.97 23.83
190 regnetx_032 2117.36 120.894 256 224 3.2 11.37 15.3
191 resmlp_24_distilled_224 2109.62 121.337 256 224 5.96 10.91 30.02
192 efficientnet_b2 2109.39 121.351 256 288 1.12 16.2 9.11
193 inception_v3 2109.39 121.351 256 299 5.73 8.97 23.83
194 resmlp_24_224 2108.77 121.386 256 224 5.96 10.91 30.02
195 tf_inception_v3 2108.49 121.403 256 299 5.73 8.97 23.83
196 adv_inception_v3 2107.2 121.474 256 299 5.73 8.97 23.83
197 efficientnet_em 2078.91 123.131 256 240 3.04 14.34 6.9
198 densenetblur121d 2047.01 125.05 256 224 3.11 7.9 8.0
199 tf_efficientnet_em 2016.96 126.911 256 240 3.04 14.34 6.9
200 ssl_resnext50_32x4d 2014.12 127.092 256 224 4.26 14.4 25.03
201 tv_resnext50_32x4d 2011.71 127.243 256 224 4.26 14.4 25.03
202 gluon_resnext50_32x4d 2008.79 127.428 256 224 4.26 14.4 25.03
203 swsl_resnext50_32x4d 2003.89 127.736 256 224 4.26 14.4 25.03
204 resnext50_32x4d 2003.33 127.776 256 224 4.26 14.4 25.03
205 tf_efficientnet_cc_b1_8e 1964.78 130.28 256 240 0.75 15.44 39.72
206 dla60x 1943.55 131.706 256 224 3.54 13.8 17.35
207 regnetx_040 1936.18 132.208 256 224 3.99 12.2 22.12
208 resnext50d_32x4d 1913.78 133.755 256 224 4.5 15.2 25.05
209 res2net50_26w_4s 1909.57 134.046 256 224 4.28 12.61 25.7
210 tf_efficientnetv2_b3 1906.95 134.234 256 300 3.04 15.74 14.36
211 regnety_040 1904.74 134.39 256 224 4.0 12.29 20.65
212 gcresnet50t 1896.24 134.993 256 256 5.42 14.67 25.9
213 efficientnetv2_rw_t 1892.3 135.274 256 288 3.19 16.42 13.65
214 sehalonet33ts 1872.56 136.7 256 256 3.55 14.7 13.69
215 lambda_resnet26rpt_256 1852.61 138.171 256 256 3.16 11.87 10.99
216 seresnext50_32x4d 1837.91 139.277 256 224 4.26 14.42 27.56
217 gcresnext50ts 1836.72 139.369 256 256 3.75 15.46 15.67
218 dla60_res2net 1835.75 139.44 256 224 4.15 12.34 20.85
219 gluon_seresnext50_32x4d 1834.84 139.511 256 224 4.26 14.42 27.56
220 legacy_seresnext50_32x4d 1831.03 139.801 256 224 4.26 14.42 27.56
221 resnest50d_1s4x24d 1825.82 140.197 256 224 4.43 13.57 25.68
222 repvgg_b1g4 1816.81 140.887 256 224 8.15 10.64 39.97
223 densenet169 1814.19 141.099 256 224 3.4 7.3 14.15
224 gc_efficientnetv2_rw_t 1807.69 141.606 256 288 3.2 16.45 13.68
225 coat_lite_tiny 1802.74 141.995 256 224 1.6 11.65 5.72
226 res2net50_14w_8s 1801.06 142.125 256 224 4.21 13.28 25.06
227 res2next50 1791.13 142.906 256 224 4.2 13.71 24.67
228 cspdarknet53 1752.54 146.063 256 256 6.57 16.81 27.64
229 ecaresnet26t 1748.79 146.375 256 320 5.24 16.44 16.01
230 dla60_res2next 1747.0 146.526 256 224 3.49 13.17 17.03
231 regnetz_b 1724.41 148.443 256 288 2.39 16.43 9.72
232 coat_lite_mini 1717.23 149.066 256 224 2.0 12.25 11.01
233 vgg13 1708.54 149.824 256 224 11.31 12.25 133.05
234 mixnet_xl 1689.17 151.542 256 224 0.93 14.57 11.9
235 vit_small_r26_s32_224 1664.97 153.742 256 224 3.56 9.85 36.43
236 resnetv2_101 1630.91 156.956 256 224 7.83 16.23 44.54
237 tf_efficientnet_lite3 1624.63 157.563 256 300 1.65 21.85 8.2
238 gluon_resnet101_v1b 1601.1 159.88 256 224 7.83 16.23 44.55
239 tv_resnet101 1599.29 160.06 256 224 7.83 16.23 44.55
240 repvgg_b1 1595.1 160.478 256 224 13.16 10.64 57.42
241 xcit_tiny_24_p16_224_dist 1586.68 161.331 256 224 2.34 11.82 12.12
242 xcit_tiny_24_p16_224 1585.43 161.458 256 224 2.34 11.82 12.12
243 xcit_small_12_p16_224_dist 1555.24 164.59 256 224 4.82 12.58 26.25
244 xcit_small_12_p16_224 1551.41 164.997 256 224 4.82 12.58 26.25
245 gluon_resnet101_v1c 1549.68 165.185 256 224 8.08 17.04 44.57
246 resnest50d 1546.83 165.485 256 224 5.4 14.36 27.48
247 vgg13_bn 1545.98 165.579 256 224 11.33 12.25 133.05
248 gluon_resnet101_v1d 1542.35 165.971 256 224 8.08 17.04 44.57
249 dla102 1540.91 166.124 256 224 7.19 14.18 33.27
250 twins_svt_small 1527.64 167.568 256 224 2.94 13.75 24.06
251 wide_resnet50_2 1520.69 168.321 256 224 11.43 14.4 68.88
252 gmixer_24_224 1499.34 170.73 256 224 5.28 14.45 24.72
253 resnetv2_50x1_bit_distilled 1491.85 171.586 256 224 4.23 11.11 25.55
254 regnetx_080 1490.15 171.784 256 224 8.02 14.06 39.57
255 xcit_nano_12_p16_384_dist 1485.24 172.347 256 384 1.64 12.15 3.05
256 crossvit_small_240 1471.27 173.987 256 240 5.63 18.17 26.86
257 legacy_seresnet101 1468.28 174.342 256 224 7.61 15.74 49.33
258 halonet50ts 1455.95 175.819 256 256 5.3 19.2 22.73
259 res2net50_26w_6s 1449.56 176.589 256 224 6.33 15.28 37.05
260 regnetx_064 1419.83 180.292 256 224 6.49 16.37 26.21
261 densenet201 1416.48 180.718 256 224 4.34 7.85 20.01
262 resmlp_36_224 1415.51 180.84 256 224 8.91 16.33 44.69
263 resmlp_36_distilled_224 1415.35 180.86 256 224 8.91 16.33 44.69
264 gluon_resnet101_v1s 1409.69 181.589 256 224 9.19 18.64 44.67
265 nf_resnet50 1387.87 184.443 256 288 6.88 18.37 25.56
266 ecaresnet101d 1376.05 186.03 256 224 8.08 17.07 44.57
267 vgg16 1375.43 186.112 256 224 15.47 13.56 138.36
268 hrnet_w18 1354.53 188.983 256 224 4.32 16.31 21.3
269 regnety_032 1350.9 189.492 256 288 5.29 18.61 19.44
270 crossvit_15_240 1346.42 190.123 256 240 5.81 19.77 27.53
271 tresnet_l 1344.95 190.33 256 224 10.88 11.9 55.99
272 gmlp_s16_224 1341.95 190.757 256 224 4.42 15.1 19.42
273 tf_efficientnet_b3_ap 1337.77 191.35 256 300 1.87 23.83 12.23
274 tf_efficientnet_b3_ns 1337.21 191.429 256 300 1.87 23.83 12.23
275 tf_efficientnet_b3 1336.96 191.464 256 300 1.87 23.83 12.23
276 resnet51q 1335.36 191.695 256 288 8.07 20.94 35.7
277 vit_base_patch32_384 1326.76 192.939 256 384 13.06 16.5 88.3
278 xception 1314.05 194.804 256 299 8.4 35.83 22.86
279 crossvit_15_dagger_240 1305.29 196.113 256 240 6.13 20.43 28.21
280 dla102x 1302.51 196.531 256 224 5.89 19.42 26.31
281 efficientnet_b3 1297.94 197.224 256 320 2.01 26.52 12.23
282 mixer_b16_224 1285.59 199.119 256 224 12.62 14.53 59.88
283 mixer_b16_224_miil 1283.81 199.396 256 224 12.62 14.53 59.88
284 cait_xxs24_224 1283.41 199.457 256 224 2.53 20.29 11.96
285 skresnext50_32x4d 1277.72 200.346 256 224 4.5 17.18 27.48
286 regnety_064 1270.37 201.504 256 224 6.39 16.41 30.58
287 ssl_resnext101_32x4d 1267.29 201.994 256 224 8.01 21.23 44.18
288 gluon_resnext101_32x4d 1262.61 202.744 256 224 8.01 21.23 44.18
289 swsl_resnext101_32x4d 1261.41 202.934 256 224 8.01 21.23 44.18
290 vgg16_bn 1259.82 203.192 256 224 15.5 13.56 138.37
291 repvgg_b2g4 1250.78 204.659 256 224 12.63 12.9 61.76
292 swin_tiny_patch4_window7_224 1247.03 205.273 256 224 4.51 17.06 28.29
293 twins_pcpvt_small 1237.18 206.911 256 224 3.83 18.08 24.11
294 regnety_080 1231.05 207.941 256 224 8.0 17.97 39.18
295 resnest50d_4s2x40d 1214.34 210.797 256 224 4.4 17.94 30.42
296 resnet61q 1207.53 211.987 256 288 9.87 21.52 36.85
297 eca_nfnet_l0 1191.71 214.805 256 288 7.12 17.29 24.14
298 nfnet_l0 1190.26 215.067 256 288 7.13 17.29 35.07
299 res2net101_26w_4s 1183.89 216.22 256 224 8.1 18.45 45.21
300 dpn92 1178.74 217.169 256 224 6.54 18.21 37.67
301 res2net50_26w_8s 1178.7 217.174 256 224 8.37 17.95 48.4
302 vit_tiny_patch16_384 1172.78 218.271 256 384 4.7 25.39 5.79
303 convit_small 1169.52 218.881 256 224 5.76 17.87 27.78
304 vgg19 1152.13 222.185 256 224 19.63 14.86 143.67
305 gluon_seresnext101_32x4d 1150.11 222.576 256 224 8.02 21.26 48.96
306 legacy_seresnext101_32x4d 1149.76 222.644 256 224 8.02 21.26 48.96
307 hrnet_w32 1142.24 224.109 256 224 8.97 22.02 41.23
308 xcit_nano_12_p8_224 1127.98 226.94 256 224 2.16 15.71 3.05
309 xcit_nano_12_p8_224_dist 1127.81 226.974 256 224 2.16 15.71 3.05
310 hrnet_w30 1123.84 227.778 256 224 8.15 21.21 37.71
311 tv_resnet152 1116.24 229.331 256 224 11.56 22.56 60.19
312 gluon_resnet152_v1b 1115.71 229.44 256 224 11.56 22.56 60.19
313 ecaresnet50t 1110.54 230.506 256 320 8.82 24.13 25.57
314 regnetz_c 1099.38 232.841 256 320 3.92 25.88 13.46
315 gluon_resnet152_v1c 1090.66 234.708 256 224 11.8 23.36 60.21
316 gluon_resnet152_v1d 1087.27 235.441 256 224 11.8 23.36 60.21
317 repvgg_b2 1087.24 235.444 256 224 20.45 12.9 89.02
318 xception41 1068.11 239.655 256 299 9.28 39.86 26.97
319 densenet161 1067.45 239.812 256 224 7.79 11.06 28.68
320 vgg19_bn 1061.8 241.089 256 224 19.66 14.86 143.68
321 inception_v4 1057.29 242.117 256 299 12.28 15.09 42.68
322 convmixer_1024_20_ks9_p14 1048.55 244.135 256 224 5.55 5.51 24.38
323 dla169 1043.9 245.223 256 224 11.6 20.2 53.39
324 xcit_tiny_12_p16_384_dist 1041.14 245.869 256 384 3.64 18.26 6.72
325 regnetx_120 1028.54 248.883 256 224 12.13 21.37 46.11
326 gluon_resnet152_v1s 1019.74 251.033 256 224 12.92 24.96 60.32
327 coat_lite_small 1019.01 251.211 256 224 3.96 22.09 19.84
328 vit_base_patch16_224_miil 1015.29 252.134 256 224 17.58 23.9 86.54
329 legacy_seresnet152 1014.16 252.414 256 224 11.33 22.08 66.82
330 repvgg_b3g4 1009.72 253.523 256 224 17.89 15.1 83.83
331 jx_nest_tiny 1009.0 253.705 256 224 5.83 25.48 17.06
332 crossvit_18_240 995.7 257.092 256 240 9.05 26.26 43.27
333 vit_base_patch16_224 987.74 259.165 256 224 17.58 23.9 86.57
334 vit_base_patch16_sam_224 983.41 260.307 256 224 17.58 23.9 86.57
335 tresnet_xl 983.24 260.352 256 224 15.17 15.34 78.44
336 deit_base_patch16_224 981.95 260.694 256 224 17.58 23.9 86.57
337 regnety_120 981.03 260.937 256 224 12.14 21.38 51.82
338 deit_base_distilled_patch16_224 972.1 263.335 256 224 17.68 24.05 87.34
339 crossvit_18_dagger_240 968.8 264.234 256 240 9.5 27.03 44.27
340 efficientnet_el_pruned 927.76 275.921 256 300 8.0 30.7 10.59
341 efficientnet_el 927.59 275.971 256 300 8.0 30.7 10.59
342 tf_efficientnet_el 908.45 281.783 256 300 8.0 30.7 10.59
343 beit_base_patch16_224 907.03 282.225 256 224 17.58 23.9 86.53
344 dm_nfnet_f0 906.74 282.318 256 256 12.62 18.05 71.49
345 beit_base_patch16_224_in22k 904.43 283.033 256 224 17.6 23.92 102.56
346 twins_pcpvt_base 903.59 283.303 256 224 6.68 25.25 43.83
347 dla102x2 892.39 286.858 256 224 9.34 29.91 41.28
348 twins_svt_base 884.1 289.548 256 224 8.59 26.33 56.07
349 wide_resnet101_2 879.83 290.95 256 224 22.8 21.23 126.89
350 tf_efficientnetv2_s_in21ft1k 867.65 295.037 256 384 8.44 35.77 21.46
351 tf_efficientnetv2_s 866.61 295.392 256 384 8.44 35.77 21.46
352 cait_xxs36_224 864.05 296.268 256 224 3.77 30.34 17.3
353 resnetrs101 850.72 300.905 256 288 13.56 28.53 63.62
354 repvgg_b3 845.91 302.619 256 224 29.16 15.1 123.09
355 efficientnetv2_rw_s 844.69 303.059 256 384 8.72 38.03 23.94
356 dpn98 840.2 304.675 256 224 11.73 25.2 61.57
357 pit_b_distilled_224 838.63 305.249 256 224 12.5 33.07 74.79
358 pit_b_224 837.02 305.836 256 224 12.42 32.94 73.76
359 ens_adv_inception_resnet_v2 834.35 306.814 256 299 13.18 25.06 55.84
360 regnetx_160 833.02 307.301 256 224 15.99 25.52 54.28
361 inception_resnet_v2 832.69 307.427 256 299 13.18 25.06 55.84
362 xcit_small_24_p16_224_dist 830.32 308.297 256 224 9.1 23.64 47.67
363 xcit_small_24_p16_224 828.74 308.886 256 224 9.1 23.64 47.67
364 swin_small_patch4_window7_224 809.9 316.074 256 224 8.77 27.47 49.61
365 gluon_resnext101_64x4d 803.65 318.536 256 224 15.52 31.21 83.46
366 xcit_tiny_12_p8_224_dist 791.87 323.27 256 224 4.81 23.6 6.71
367 xcit_tiny_12_p8_224 791.64 323.364 256 224 4.81 23.6 6.71
368 gluon_xception65 784.11 326.474 256 299 13.96 52.48 39.92
369 xception65 777.91 329.074 256 299 13.96 52.48 39.92
370 resnet101d 776.37 329.723 256 320 16.48 34.77 44.57
371 ig_resnext101_32x8d 775.21 330.222 256 224 16.48 31.21 88.79
372 swsl_resnext101_32x8d 773.83 330.808 256 224 16.48 31.21 88.79
373 resnext101_32x8d 773.08 331.13 256 224 16.48 31.21 88.79
374 ssl_resnext101_32x8d 769.28 332.765 256 224 16.48 31.21 88.79
375 tf_efficientnet_lite4 764.13 335.01 256 380 4.04 45.66 13.01
376 hrnet_w40 760.18 336.752 256 224 12.75 25.29 57.56
377 gluon_seresnext101_64x4d 756.43 338.418 256 224 15.53 31.25 88.23
378 resnest101e 755.07 339.024 256 256 13.38 28.66 48.28
379 hrnet_w48 716.4 357.329 256 224 17.34 28.56 77.47
380 cait_s24_224 714.86 358.098 256 224 9.35 40.58 46.92
381 tresnet_m_448 713.55 358.758 256 448 22.94 29.21 31.39
382 coat_tiny 707.04 362.062 256 224 4.35 27.2 5.5
383 regnetz_d 704.94 363.138 256 320 9.33 37.08 27.58
384 hrnet_w44 702.53 364.385 256 224 14.94 26.92 67.06
385 vit_large_r50_s32_224 680.11 376.394 256 224 19.58 24.41 328.99
386 jx_nest_small 676.97 378.142 256 224 10.35 40.04 38.35
387 twins_svt_large 673.22 380.252 256 224 15.15 35.1 99.27
388 crossvit_base_240 671.16 381.416 256 240 21.22 36.33 105.03
389 efficientnet_b4 667.18 383.692 256 384 4.51 50.04 19.34
390 twins_pcpvt_large 657.69 389.226 256 224 9.84 35.82 60.99
391 tf_efficientnet_b4 637.24 401.719 256 380 4.49 49.49 19.34
392 tf_efficientnet_b4_ap 636.68 402.068 256 380 4.49 49.49 19.34
393 tf_efficientnet_b4_ns 636.62 402.109 256 380 4.49 49.49 19.34
394 convit_base 621.76 411.725 256 224 17.52 31.77 86.54
395 dpn131 619.15 413.454 256 224 16.09 32.97 79.25
396 swin_base_patch4_window7_224 617.4 414.625 256 224 15.47 36.63 87.77
397 swin_base_patch4_window7_224_in22k 616.51 415.228 256 224 15.49 36.65 109.13
398 xcit_medium_24_p16_224_dist 613.3 417.401 256 224 16.13 31.71 84.4
399 xcit_medium_24_p16_224 612.89 417.675 256 224 16.13 31.71 84.4
400 vit_small_patch16_384 594.17 430.838 256 384 15.52 50.78 22.2
401 coat_mini 592.46 432.084 256 224 6.82 33.68 10.34
402 xception71 590.14 433.78 256 299 18.09 69.92 42.34
403 vit_small_r26_s32_384 574.75 445.396 256 384 10.43 29.85 36.47
404 hrnet_w64 570.22 448.937 256 224 28.97 35.09 128.06
405 dpn107 566.19 452.128 256 224 18.38 33.46 86.92
406 eca_nfnet_l1 559.71 457.367 256 320 14.92 34.42 41.41
407 gluon_senet154 559.51 457.529 256 224 20.77 38.69 115.09
408 legacy_senet154 558.72 458.178 256 224 20.77 38.69 115.09
409 xcit_tiny_24_p16_384_dist 556.09 460.342 256 384 6.87 34.29 12.12
410 xcit_small_12_p16_384_dist 546.87 468.099 256 384 14.14 36.51 26.25
411 resnet152d 546.29 468.597 256 320 24.08 47.67 60.21
412 regnety_320 522.26 490.163 256 224 32.34 30.26 145.05
413 jx_nest_base 511.39 500.584 256 224 17.96 53.39 67.72
414 regnety_160 509.43 502.501 256 288 26.37 38.07 83.59
415 tnt_s_patch16_224 497.77 514.282 256 224 5.24 24.37 23.76
416 seresnet152d 489.63 522.829 256 320 24.09 47.72 66.84
417 resnetrs152 483.98 528.928 256 320 24.34 48.14 86.62
418 regnetx_320 460.34 556.1 256 224 31.81 36.3 107.81
419 vit_large_patch32_384 457.67 559.348 256 384 45.31 43.86 306.63
420 mixer_l16_224 429.82 595.582 256 224 44.6 41.69 208.2
421 xcit_tiny_24_p8_224 417.75 612.797 256 224 9.21 45.39 12.11
422 xcit_tiny_24_p8_224_dist 417.56 613.068 256 224 9.21 45.39 12.11
423 xcit_small_12_p8_224 416.17 615.111 256 224 18.69 47.21 26.21
424 xcit_small_12_p8_224_dist 415.93 615.473 256 224 18.69 47.21 26.21
425 efficientnetv2_rw_m 404.25 633.263 256 416 21.49 79.62 53.24
426 resnet200d 391.43 653.991 256 320 31.25 67.33 64.69
427 resnetv2_50x1_bitm 388.67 658.636 256 448 16.62 44.46 25.55
428 xcit_nano_12_p8_384_dist 387.79 660.138 256 384 6.34 46.08 3.05
429 swin_large_patch4_window7_224 385.11 664.722 256 224 34.53 54.94 196.53
430 swin_large_patch4_window7_224_in22k 384.77 665.318 256 224 34.56 54.96 228.57
431 xcit_large_24_p16_224 374.96 682.722 256 224 35.86 47.27 189.1
432 xcit_large_24_p16_224_dist 374.65 683.281 256 224 35.86 47.27 189.1
433 ssl_resnext101_32x16d 366.28 698.897 256 224 36.27 51.18 194.03
434 ig_resnext101_32x16d 365.74 699.945 256 224 36.27 51.18 194.03
435 swsl_resnext101_32x16d 365.46 700.478 256 224 36.27 51.18 194.03
436 tresnet_l_448 350.13 731.146 256 448 43.5 47.56 55.99
437 resnetrs200 346.06 739.735 256 320 31.51 67.81 93.21
438 tf_efficientnetv2_m 339.58 753.868 256 480 24.76 89.84 54.14
439 tf_efficientnetv2_m_in21ft1k 339.57 753.879 256 480 24.76 89.84 54.14
440 vit_large_patch16_224 332.37 770.202 256 224 61.6 63.52 304.33
441 dm_nfnet_f1 329.67 776.526 256 320 35.97 46.77 132.63
442 tf_efficientnet_b5 319.74 800.623 256 456 10.46 98.86 30.39
443 tf_efficientnet_b5_ap 319.51 801.207 256 456 10.46 98.86 30.39
444 tf_efficientnet_b5_ns 319.48 801.287 256 456 10.46 98.86 30.39
445 crossvit_15_dagger_408 308.22 830.557 256 408 21.45 95.05 28.5
446 beit_large_patch16_224 304.41 840.964 256 224 61.6 63.52 304.43
447 beit_large_patch16_224_in22k 303.89 842.402 256 224 61.62 63.54 325.79
448 xcit_small_24_p16_384_dist 291.33 878.717 256 384 26.72 68.58 47.67
449 convmixer_768_32 284.41 900.105 256 224 19.55 25.95 21.11
450 eca_nfnet_l2 277.7 921.837 256 384 30.05 68.28 56.72
451 resnetv2_152x2_bit_teacher 272.08 940.888 256 224 46.95 45.11 236.34
452 xcit_tiny_12_p8_384_dist 271.29 943.618 256 384 14.13 69.14 6.71
453 tresnet_xl_448 265.72 963.421 256 448 60.65 61.31 78.44
454 vit_base_patch16_384 260.82 981.51 256 384 55.54 101.56 86.86
455 deit_base_patch16_384 260.27 983.563 256 384 55.54 101.56 86.86
456 resnest200e 257.06 995.856 256 320 35.69 82.78 70.2
457 deit_base_distilled_patch16_384 256.78 996.936 256 384 55.65 101.82 87.63
458 resnetv2_101x1_bitm 243.19 1052.661 256 448 31.65 64.93 44.54
459 cait_xxs24_384 238.44 1073.626 256 384 9.63 122.66 12.03
460 ecaresnet269d 229.27 1116.568 256 352 50.25 101.25 102.09
461 crossvit_18_dagger_408 229.17 558.535 128 408 32.47 124.87 44.61
462 vit_large_r50_s32_384 229.1 1117.419 256 384 57.43 76.52 329.09
463 nasnetalarge 226.47 1130.365 256 331 23.89 90.56 88.75
464 pnasnet5large 225.65 1134.478 256 331 25.04 92.89 86.06
465 beit_base_patch16_384 223.91 1143.322 256 384 55.54 101.56 86.74
466 resnetrs270 222.05 1152.857 256 352 51.13 105.48 129.86
467 xcit_small_24_p8_224 218.32 1172.571 256 224 35.81 90.78 47.63
468 xcit_small_24_p8_224_dist 218.2 1173.193 256 224 35.81 90.78 47.63
469 xcit_medium_24_p16_384_dist 212.67 1203.725 256 384 47.39 91.64 84.4
470 resmlp_big_24_224 199.99 1280.033 256 224 100.23 87.31 129.14
471 resmlp_big_24_224_in22ft1k 199.55 1282.862 256 224 100.23 87.31 129.14
472 resmlp_big_24_distilled_224 199.5 1283.208 256 224 100.23 87.31 129.14
473 tf_efficientnetv2_l 196.16 1305.054 256 480 56.4 157.99 118.52
474 tf_efficientnetv2_l_in21ft1k 195.97 1306.333 256 480 56.4 157.99 118.52
475 dm_nfnet_f2 187.32 1366.603 256 352 63.22 79.06 193.78
476 tf_efficientnet_b6_ns 184.64 693.239 128 528 19.4 167.39 43.04
477 tf_efficientnet_b6_ap 184.63 693.254 128 528 19.4 167.39 43.04
478 tf_efficientnet_b6 184.56 693.543 128 528 19.4 167.39 43.04
479 swin_base_patch4_window12_384 172.29 742.9 128 384 47.19 134.78 87.9
480 swin_base_patch4_window12_384_in22k 172.09 743.782 128 384 47.21 134.8 109.27
481 cait_xs24_384 168.76 1516.911 256 384 19.28 183.98 26.67
482 vit_base_r50_s16_384 164.61 1555.149 256 384 67.43 135.03 98.95
483 convmixer_1536_20 163.58 1564.936 256 224 48.68 33.03 51.63
484 cait_xxs36_384 159.38 1606.206 256 384 14.35 183.7 17.37
485 xcit_medium_24_p8_224 158.47 1615.434 256 224 63.53 121.23 84.32
486 xcit_medium_24_p8_224_dist 158.47 1615.404 256 224 63.53 121.23 84.32
487 resnetrs350 147.45 1736.143 256 384 77.59 154.74 163.96
488 ig_resnext101_32x32d 144.94 1766.221 256 224 87.29 91.12 468.53
489 xcit_tiny_24_p8_384_dist 140.02 1828.249 256 384 27.05 132.95 12.11
490 xcit_small_12_p8_384_dist 138.32 1850.769 256 384 54.92 138.29 26.21
491 cait_s24_384 130.37 1963.692 256 384 32.17 245.31 47.06
492 xcit_large_24_p16_384_dist 128.67 1989.551 256 384 105.35 137.17 189.1
493 tf_efficientnetv2_xl_in21ft1k 125.28 2043.358 256 512 93.85 247.32 208.12
494 resnest269e 119.95 2134.143 256 416 77.69 171.98 110.93
495 swin_large_patch4_window12_384 108.71 1177.454 128 384 104.08 202.16 196.74
496 swin_large_patch4_window12_384_in22k 108.63 1178.305 128 384 104.11 202.18 228.77
497 resnetrs420 107.0 2392.495 256 416 108.45 213.79 191.89
498 tf_efficientnet_b7_ns 106.07 603.375 64 600 38.33 289.94 66.35
499 tf_efficientnet_b7_ap 105.98 603.889 64 600 38.33 289.94 66.35
500 tf_efficientnet_b7 105.95 604.03 64 600 38.33 289.94 66.35
501 dm_nfnet_f3 102.63 2494.386 256 416 115.58 141.78 254.92
502 xcit_large_24_p8_224 95.99 2666.968 256 224 141.23 181.56 188.93
503 xcit_large_24_p8_224_dist 95.77 2673.153 256 224 141.23 181.56 188.93
504 resnetv2_152x2_bit_teacher_384 94.95 2696.08 256 384 136.16 132.56 236.34
505 resnetv2_50x3_bitm 93.71 1365.901 128 448 145.7 133.37 217.32
506 vit_large_patch16_384 89.71 2853.476 256 384 191.21 270.24 304.72
507 cait_s36_384 87.22 2935.166 256 384 47.99 367.4 68.37
508 ig_resnext101_32x48d 85.91 1489.933 128 224 153.57 131.06 828.41
509 beit_large_patch16_384 77.75 3292.734 256 384 191.21 270.24 305.0
510 xcit_small_24_p8_384_dist 72.45 3533.673 256 384 105.24 265.91 47.63
511 resnetv2_152x2_bitm 69.73 1835.714 128 448 184.99 180.43 236.34
512 tf_efficientnet_b8 66.92 956.333 64 672 63.48 442.89 87.41
513 tf_efficientnet_b8_ap 66.91 956.434 64 672 63.48 442.89 87.41
514 dm_nfnet_f4 57.01 4490.519 256 512 216.26 262.26 316.07
515 resnetv2_101x3_bitm 56.17 2278.772 128 448 280.33 194.78 387.93
516 xcit_medium_24_p8_384_dist 53.81 4757.31 256 384 186.67 354.73 84.32
517 dm_nfnet_f5 41.46 6174.452 256 544 290.97 349.71 377.21
518 tf_efficientnet_l2_ns_475 38.52 1661.585 64 475 172.11 609.89 480.31
519 xcit_large_24_p8_384_dist 32.44 7891.525 256 384 415.0 531.82 188.93
520 beit_large_patch16_512 31.38 2039.285 64 512 362.24 656.39 305.67
521 cait_m36_384 30.16 8488.214 256 384 173.11 734.81 271.22
522 dm_nfnet_f6 30.03 8525.766 256 576 378.69 452.2 438.36
523 resnetv2_152x4_bitm 18.21 3515.177 64 480 844.84 414.26 936.53
524 tf_efficientnet_l2_ns 13.56 1770.059 24 800 479.12 1707.39 480.31
525 cait_m48_448 13.08 9784.533 128 448 329.41 1708.23 356.46

@ -0,0 +1,519 @@
model,pretrain
adv_inception_v3,in1k-adv
bat_resnext26ts,in1k
beit_base_patch16_224,in21k-selfsl
beit_base_patch16_384,in21k-selfsl
beit_large_patch16_224,in21k-selfsl
beit_large_patch16_384,in21k-selfsl
beit_large_patch16_512,in21k-selfsl
botnet26t_256,in1k
cait_m36_384,in1k-dist
cait_m48_448,in1k-dist
cait_s24_224,in1k-dist
cait_s24_384,in1k-dist
cait_s36_384,in1k-dist
cait_xs24_384,in1k-dist
cait_xxs24_224,in1k-dist
cait_xxs24_384,in1k-dist
cait_xxs36_224,in1k-dist
cait_xxs36_384,in1k-dist
coat_lite_mini,in1k
coat_lite_small,in1k
coat_lite_tiny,in1k
coat_mini,in1k
coat_tiny,in1k
convit_base,in1k
convit_small,in1k
convit_tiny,in1k
convmixer_1024_20_ks9_p14,in1k
convmixer_1536_20,in1k
convmixer_768_32,in1k
crossvit_15_240,in1k
crossvit_15_dagger_240,in1k
crossvit_15_dagger_408,in1k
crossvit_18_240,in1k
crossvit_18_dagger_240,in1k
crossvit_18_dagger_408,in1k
crossvit_9_240,in1k
crossvit_9_dagger_240,in1k
crossvit_base_240,in1k
crossvit_small_240,in1k
crossvit_tiny_240,in1k
cspdarknet53,in1k
cspresnet50,in1k
cspresnext50,in1k
deit_base_distilled_patch16_224,in1k-dist
deit_base_distilled_patch16_384,in1k-dist
deit_base_patch16_224,in1k
deit_base_patch16_384,in1k
deit_small_distilled_patch16_224,in1k-dist
deit_small_patch16_224,in1k
deit_tiny_distilled_patch16_224,in1k-dist
deit_tiny_patch16_224,in1k
densenet121,in1k
densenet161,in1k
densenet169,in1k
densenet201,in1k
densenetblur121d,in1k
dla102,in1k
dla102x,in1k
dla102x2,in1k
dla169,in1k
dla34,in1k
dla46_c,in1k
dla46x_c,in1k
dla60,in1k
dla60_res2net,in1k
dla60_res2next,in1k
dla60x,in1k
dla60x_c,in1k
dm_nfnet_f0,in1k
dm_nfnet_f1,in1k
dm_nfnet_f2,in1k
dm_nfnet_f3,in1k
dm_nfnet_f4,in1k
dm_nfnet_f5,in1k
dm_nfnet_f6,in1k
dpn107,in1k
dpn131,in1k
dpn68,in1k
dpn68b,in1k
dpn92,in1k
dpn98,in1k
eca_botnext26ts_256,in1k
eca_halonext26ts,in1k
eca_nfnet_l0,in1k
eca_nfnet_l1,in1k
eca_nfnet_l2,in1k
eca_resnet33ts,in1k
eca_resnext26ts,in1k
ecaresnet101d,in1k
ecaresnet101d_pruned,in1k
ecaresnet269d,in1k
ecaresnet26t,in1k
ecaresnet50d,in1k
ecaresnet50d_pruned,in1k
ecaresnet50t,in1k
ecaresnetlight,in1k
efficientnet_b0,in1k
efficientnet_b1,in1k
efficientnet_b1_pruned,in1k
efficientnet_b2,in1k
efficientnet_b2_pruned,in1k
efficientnet_b3,in1k
efficientnet_b3_pruned,in1k
efficientnet_b4,in1k
efficientnet_el,in1k
efficientnet_el_pruned,in1k
efficientnet_em,in1k
efficientnet_es,in1k
efficientnet_es_pruned,in1k
efficientnet_lite0,in1k
efficientnetv2_rw_m,in1k
efficientnetv2_rw_s,in1k
efficientnetv2_rw_t,in1k
ens_adv_inception_resnet_v2,in1k-adv
ese_vovnet19b_dw,in1k
ese_vovnet39b,in1k
fbnetc_100,in1k
gc_efficientnetv2_rw_t,in1k
gcresnet33ts,in1k
gcresnet50t,in1k
gcresnext26ts,in1k
gcresnext50ts,in1k
gernet_l,in1k
gernet_m,in1k
gernet_s,in1k
ghostnet_100,in1k
gluon_inception_v3,in1k
gluon_resnet101_v1b,in1k
gluon_resnet101_v1c,in1k
gluon_resnet101_v1d,in1k
gluon_resnet101_v1s,in1k
gluon_resnet152_v1b,in1k
gluon_resnet152_v1c,in1k
gluon_resnet152_v1d,in1k
gluon_resnet152_v1s,in1k
gluon_resnet18_v1b,in1k
gluon_resnet34_v1b,in1k
gluon_resnet50_v1b,in1k
gluon_resnet50_v1c,in1k
gluon_resnet50_v1d,in1k
gluon_resnet50_v1s,in1k
gluon_resnext101_32x4d,in1k
gluon_resnext101_64x4d,in1k
gluon_resnext50_32x4d,in1k
gluon_senet154,in1k
gluon_seresnext101_32x4d,in1k
gluon_seresnext101_64x4d,in1k
gluon_seresnext50_32x4d,in1k
gluon_xception65,in1k
gmixer_24_224,in1k
gmlp_s16_224,in1k
halonet26t,in1k
halonet50ts,in1k
haloregnetz_b,in1k
hardcorenas_a,in1k
hardcorenas_b,in1k
hardcorenas_c,in1k
hardcorenas_d,in1k
hardcorenas_e,in1k
hardcorenas_f,in1k
hrnet_w18,in1k
hrnet_w18_small,in1k
hrnet_w18_small_v2,in1k
hrnet_w30,in1k
hrnet_w32,in1k
hrnet_w40,in1k
hrnet_w44,in1k
hrnet_w48,in1k
hrnet_w64,in1k
ig_resnext101_32x16d,ig1b-wsl
ig_resnext101_32x32d,ig1b-wsl
ig_resnext101_32x48d,ig1b-wsl
ig_resnext101_32x8d,ig1b-wsl
inception_resnet_v2,in1k
inception_v3,in1k
inception_v4,in1k
jx_nest_base,in1k
jx_nest_small,in1k
jx_nest_tiny,in1k
lambda_resnet26rpt_256,in1k
lambda_resnet26t,in1k
legacy_senet154,in1k
legacy_seresnet101,in1k
legacy_seresnet152,in1k
legacy_seresnet18,in1k
legacy_seresnet34,in1k
legacy_seresnet50,in1k
legacy_seresnext101_32x4d,in1k
legacy_seresnext26_32x4d,in1k
legacy_seresnext50_32x4d,in1k
levit_128,in1k-dist
levit_128s,in1k-dist
levit_192,in1k-dist
levit_256,in1k-dist
levit_384,in1k-dist
mixer_b16_224,in1k
mixer_b16_224_miil,in21k
mixer_l16_224,in1k
mixnet_l,in1k
mixnet_m,in1k
mixnet_s,in1k
mixnet_xl,in1k
mnasnet_100,in1k
mobilenetv2_100,in1k
mobilenetv2_110d,in1k
mobilenetv2_120d,in1k
mobilenetv2_140,in1k
mobilenetv3_large_100,in1k
mobilenetv3_large_100_miil,in21k
mobilenetv3_rw,in1k
nasnetalarge,in1k
nf_regnet_b1,in1k
nf_resnet50,in1k
nfnet_l0,in1k
pit_b_224,in1k
pit_b_distilled_224,in1k-dist
pit_s_224,in1k
pit_s_distilled_224,in1k-dist
pit_ti_224,in1k
pit_ti_distilled_224,in1k-dist
pit_xs_224,in1k
pit_xs_distilled_224,in1k-dist
pnasnet5large,in1k
regnetx_002,in1k
regnetx_004,in1k
regnetx_006,in1k
regnetx_008,in1k
regnetx_016,in1k
regnetx_032,in1k
regnetx_040,in1k
regnetx_064,in1k
regnetx_080,in1k
regnetx_120,in1k
regnetx_160,in1k
regnetx_320,in1k
regnety_002,in1k
regnety_004,in1k
regnety_006,in1k
regnety_008,in1k
regnety_016,in1k
regnety_032,in1k
regnety_040,in1k
regnety_064,in1k
regnety_080,in1k
regnety_120,in1k
regnety_160,in1k
regnety_320,in1k
regnetz_b,in1k
regnetz_c,in1k
regnetz_d,in1k
repvgg_a2,in1k
repvgg_b0,in1k
repvgg_b1,in1k
repvgg_b1g4,in1k
repvgg_b2,in1k
repvgg_b2g4,in1k
repvgg_b3,in1k
repvgg_b3g4,in1k
res2net101_26w_4s,in1k
res2net50_14w_8s,in1k
res2net50_26w_4s,in1k
res2net50_26w_6s,in1k
res2net50_26w_8s,in1k
res2net50_48w_2s,in1k
res2next50,in1k
resmlp_12_224,in1k
resmlp_12_distilled_224,in1k-dist
resmlp_24_224,in1k
resmlp_24_distilled_224,in1k-dist
resmlp_36_224,in1k
resmlp_36_distilled_224,in1k-dist
resmlp_big_24_224,in1k
resmlp_big_24_224_in22ft1k,in21k
resmlp_big_24_distilled_224,in1k-dist
resnest101e,in1k
resnest14d,in1k
resnest200e,in1k
resnest269e,in1k
resnest26d,in1k
resnest50d,in1k
resnest50d_1s4x24d,in1k
resnest50d_4s2x40d,in1k
resnet101d,in1k
resnet152d,in1k
resnet18,in1k
resnet18d,in1k
resnet200d,in1k
resnet26,in1k
resnet26d,in1k
resnet26t,in1k
resnet32ts,in1k
resnet33ts,in1k
resnet34,in1k
resnet34d,in1k
resnet50,in1k
resnet50d,in1k
resnet51q,in1k
resnet61q,in1k
resnetblur50,in1k
resnetrs101,in1k
resnetrs152,in1k
resnetrs200,in1k
resnetrs270,in1k
resnetrs350,in1k
resnetrs420,in1k
resnetrs50,in1k
resnetv2_101,in1k
resnetv2_101x1_bitm,in21k
resnetv2_101x3_bitm,in21k
resnetv2_152x2_bit_teacher,in21k
resnetv2_152x2_bit_teacher_384,in21k
resnetv2_152x2_bitm,in21k
resnetv2_152x4_bitm,in21k
resnetv2_50,in1k
resnetv2_50x1_bit_distilled,in1k-dist
resnetv2_50x1_bitm,in21k
resnetv2_50x3_bitm,in21k
resnext101_32x8d,in1k
resnext26ts,in1k
resnext50_32x4d,in1k
resnext50d_32x4d,in1k
rexnet_100,in1k
rexnet_130,in1k
rexnet_150,in1k
rexnet_200,in1k
sehalonet33ts,in1k
selecsls42b,in1k
selecsls60,in1k
selecsls60b,in1k
semnasnet_100,in1k
seresnet152d,in1k
seresnet33ts,in1k
seresnet50,in1k
seresnext26d_32x4d,in1k
seresnext26t_32x4d,in1k
seresnext26ts,in1k
seresnext50_32x4d,in1k
skresnet18,in1k
skresnet34,in1k
skresnext50_32x4d,in1k
spnasnet_100,in1k
ssl_resnet18,yfc-semisl
ssl_resnet50,yfc-semisl
ssl_resnext101_32x16d,yfc-semisl
ssl_resnext101_32x4d,yfc-semisl
ssl_resnext101_32x8d,yfc-semisl
ssl_resnext50_32x4d,yfc-semisl
swin_base_patch4_window12_384,in21k
swin_base_patch4_window7_224,in21k
swin_large_patch4_window12_384,in21k
swin_large_patch4_window7_224,in21k
swin_small_patch4_window7_224,in1k
swin_tiny_patch4_window7_224,in1k
swsl_resnet18,ig1b-swsl
swsl_resnet50,ig1b-swsl
swsl_resnext101_32x16d,ig1b-swsl
swsl_resnext101_32x4d,ig1b-swsl
swsl_resnext101_32x8d,ig1b-swsl
swsl_resnext50_32x4d,ig1b-swsl
tf_efficientnet_b0,in1k
tf_efficientnet_b0_ap,in1k-ap
tf_efficientnet_b0_ns,jft300m-ns
tf_efficientnet_b1,in1k
tf_efficientnet_b1_ap,in1k-ap
tf_efficientnet_b1_ns,jft300m-ns
tf_efficientnet_b2,in1k
tf_efficientnet_b2_ap,in1k-ap
tf_efficientnet_b2_ns,jft300m-ns
tf_efficientnet_b3,in1k
tf_efficientnet_b3_ap,in1k-ap
tf_efficientnet_b3_ns,jft300m-ns
tf_efficientnet_b4,in1k
tf_efficientnet_b4_ap,in1k-ap
tf_efficientnet_b4_ns,jft300m-ns
tf_efficientnet_b5,in1k
tf_efficientnet_b5_ap,in1k-ap
tf_efficientnet_b5_ns,jft300m-ns
tf_efficientnet_b6,in1k
tf_efficientnet_b6_ap,in1k-ap
tf_efficientnet_b6_ns,jft300m-ns
tf_efficientnet_b7,in1k
tf_efficientnet_b7_ap,in1k-ap
tf_efficientnet_b7_ns,jft300m-ns
tf_efficientnet_b8,in1k
tf_efficientnet_b8_ap,in1k-ap
tf_efficientnet_cc_b0_4e,in1k
tf_efficientnet_cc_b0_8e,in1k
tf_efficientnet_cc_b1_8e,in1k
tf_efficientnet_el,in1k
tf_efficientnet_em,in1k
tf_efficientnet_es,in1k
tf_efficientnet_l2_ns,jft300m-ns
tf_efficientnet_l2_ns_475,jft300m-ns
tf_efficientnet_lite0,in1k
tf_efficientnet_lite1,in1k
tf_efficientnet_lite2,in1k
tf_efficientnet_lite3,in1k
tf_efficientnet_lite4,in1k
tf_efficientnetv2_b0,in1k
tf_efficientnetv2_b1,in1k
tf_efficientnetv2_b2,in1k
tf_efficientnetv2_b3,in1k
tf_efficientnetv2_l,in1k
tf_efficientnetv2_l_in21ft1k,in21k
tf_efficientnetv2_m,in1k
tf_efficientnetv2_m_in21ft1k,in21k
tf_efficientnetv2_s,in1k
tf_efficientnetv2_s_in21ft1k,in21k
tf_efficientnetv2_xl_in21ft1k,in21k
tf_inception_v3,in1k
tf_mixnet_l,in1k
tf_mixnet_m,in1k
tf_mixnet_s,in1k
tf_mobilenetv3_large_075,in1k
tf_mobilenetv3_large_100,in1k
tf_mobilenetv3_large_minimal_100,in1k
tf_mobilenetv3_small_075,in1k
tf_mobilenetv3_small_100,in1k
tf_mobilenetv3_small_minimal_100,in1k
tnt_s_patch16_224,in1k
tresnet_l,in1k
tresnet_l_448,in1k
tresnet_m,in21k
tresnet_m_448,in1k
tresnet_xl,in1k
tresnet_xl_448,in1k
tv_densenet121,in1k
tv_resnet101,in1k
tv_resnet152,in1k
tv_resnet34,in1k
tv_resnet50,in1k
tv_resnext50_32x4d,in1k
twins_pcpvt_base,in1k
twins_pcpvt_large,in1k
twins_pcpvt_small,in1k
twins_svt_base,in1k
twins_svt_large,in1k
twins_svt_small,in1k
vgg11,in1k
vgg11_bn,in1k
vgg13,in1k
vgg13_bn,in1k
vgg16,in1k
vgg16_bn,in1k
vgg19,in1k
vgg19_bn,in1k
visformer_small,in1k
vit_base_patch16_224,in21k
vit_base_patch16_224_miil,in21k
vit_base_patch16_384,in21k
vit_base_patch16_sam_224,in1k
vit_base_patch32_224,in21k
vit_base_patch32_384,in21k
vit_base_patch32_sam_224,in1k
vit_base_r50_s16_384,in21k
vit_large_patch16_224,in21k
vit_large_patch16_384,in21k
vit_large_patch32_384,in21k
vit_large_r50_s32_224,in21k
vit_large_r50_s32_384,in21k
vit_small_patch16_224,in21k
vit_small_patch16_384,in21k
vit_small_patch32_224,in21k
vit_small_patch32_384,in21k
vit_small_r26_s32_224,in21k
vit_small_r26_s32_384,in21k
vit_tiny_patch16_224,in21k
vit_tiny_patch16_384,in21k
vit_tiny_r_s16_p8_224,in21k
vit_tiny_r_s16_p8_384,in21k
wide_resnet101_2,in1k
wide_resnet50_2,in1k
xception,in1k
xception41,in1k
xception65,in1k
xception71,in1k
xcit_large_24_p16_224,in1k
xcit_large_24_p16_224_dist,in1k-dist
xcit_large_24_p16_384_dist,in1k-dist
xcit_large_24_p8_224,in1k
xcit_large_24_p8_224_dist,in1k-dist
xcit_large_24_p8_384_dist,in1k-dist
xcit_medium_24_p16_224,in1k
xcit_medium_24_p16_224_dist,in1k-dist
xcit_medium_24_p16_384_dist,in1k-dist
xcit_medium_24_p8_224,in1k
xcit_medium_24_p8_224_dist,in1k-dist
xcit_medium_24_p8_384_dist,in1k-dist
xcit_nano_12_p16_224,in1k
xcit_nano_12_p16_224_dist,in1k-dist
xcit_nano_12_p16_384_dist,in1k-dist
xcit_nano_12_p8_224,in1k
xcit_nano_12_p8_224_dist,in1k-dist
xcit_nano_12_p8_384_dist,in1k-dist
xcit_small_12_p16_224,in1k
xcit_small_12_p16_224_dist,in1k-dist
xcit_small_12_p16_384_dist,in1k-dist
xcit_small_12_p8_224,in1k
xcit_small_12_p8_224_dist,in1k-dist
xcit_small_12_p8_384_dist,in1k-dist
xcit_small_24_p16_224,in1k
xcit_small_24_p16_224_dist,in1k-dist
xcit_small_24_p16_384_dist,in1k-dist
xcit_small_24_p8_224,in1k
xcit_small_24_p8_224_dist,in1k-dist
xcit_small_24_p8_384_dist,in1k-dist
xcit_tiny_12_p16_224,in1k
xcit_tiny_12_p16_224_dist,in1k-dist
xcit_tiny_12_p16_384_dist,in1k-dist
xcit_tiny_12_p8_224,in1k
xcit_tiny_12_p8_224_dist,in1k-dist
xcit_tiny_12_p8_384_dist,in1k-dist
xcit_tiny_24_p16_224,in1k
xcit_tiny_24_p16_224_dist,in1k-dist
xcit_tiny_24_p16_384_dist,in1k-dist
xcit_tiny_24_p8_224,in1k
xcit_tiny_24_p8_224_dist,in1k-dist
xcit_tiny_24_p8_384_dist,in1k-dist
1 model pretrain
2 adv_inception_v3 in1k-adv
3 bat_resnext26ts in1k
4 beit_base_patch16_224 in21k-selfsl
5 beit_base_patch16_384 in21k-selfsl
6 beit_large_patch16_224 in21k-selfsl
7 beit_large_patch16_384 in21k-selfsl
8 beit_large_patch16_512 in21k-selfsl
9 botnet26t_256 in1k
10 cait_m36_384 in1k-dist
11 cait_m48_448 in1k-dist
12 cait_s24_224 in1k-dist
13 cait_s24_384 in1k-dist
14 cait_s36_384 in1k-dist
15 cait_xs24_384 in1k-dist
16 cait_xxs24_224 in1k-dist
17 cait_xxs24_384 in1k-dist
18 cait_xxs36_224 in1k-dist
19 cait_xxs36_384 in1k-dist
20 coat_lite_mini in1k
21 coat_lite_small in1k
22 coat_lite_tiny in1k
23 coat_mini in1k
24 coat_tiny in1k
25 convit_base in1k
26 convit_small in1k
27 convit_tiny in1k
28 convmixer_1024_20_ks9_p14 in1k
29 convmixer_1536_20 in1k
30 convmixer_768_32 in1k
31 crossvit_15_240 in1k
32 crossvit_15_dagger_240 in1k
33 crossvit_15_dagger_408 in1k
34 crossvit_18_240 in1k
35 crossvit_18_dagger_240 in1k
36 crossvit_18_dagger_408 in1k
37 crossvit_9_240 in1k
38 crossvit_9_dagger_240 in1k
39 crossvit_base_240 in1k
40 crossvit_small_240 in1k
41 crossvit_tiny_240 in1k
42 cspdarknet53 in1k
43 cspresnet50 in1k
44 cspresnext50 in1k
45 deit_base_distilled_patch16_224 in1k-dist
46 deit_base_distilled_patch16_384 in1k-dist
47 deit_base_patch16_224 in1k
48 deit_base_patch16_384 in1k
49 deit_small_distilled_patch16_224 in1k-dist
50 deit_small_patch16_224 in1k
51 deit_tiny_distilled_patch16_224 in1k-dist
52 deit_tiny_patch16_224 in1k
53 densenet121 in1k
54 densenet161 in1k
55 densenet169 in1k
56 densenet201 in1k
57 densenetblur121d in1k
58 dla102 in1k
59 dla102x in1k
60 dla102x2 in1k
61 dla169 in1k
62 dla34 in1k
63 dla46_c in1k
64 dla46x_c in1k
65 dla60 in1k
66 dla60_res2net in1k
67 dla60_res2next in1k
68 dla60x in1k
69 dla60x_c in1k
70 dm_nfnet_f0 in1k
71 dm_nfnet_f1 in1k
72 dm_nfnet_f2 in1k
73 dm_nfnet_f3 in1k
74 dm_nfnet_f4 in1k
75 dm_nfnet_f5 in1k
76 dm_nfnet_f6 in1k
77 dpn107 in1k
78 dpn131 in1k
79 dpn68 in1k
80 dpn68b in1k
81 dpn92 in1k
82 dpn98 in1k
83 eca_botnext26ts_256 in1k
84 eca_halonext26ts in1k
85 eca_nfnet_l0 in1k
86 eca_nfnet_l1 in1k
87 eca_nfnet_l2 in1k
88 eca_resnet33ts in1k
89 eca_resnext26ts in1k
90 ecaresnet101d in1k
91 ecaresnet101d_pruned in1k
92 ecaresnet269d in1k
93 ecaresnet26t in1k
94 ecaresnet50d in1k
95 ecaresnet50d_pruned in1k
96 ecaresnet50t in1k
97 ecaresnetlight in1k
98 efficientnet_b0 in1k
99 efficientnet_b1 in1k
100 efficientnet_b1_pruned in1k
101 efficientnet_b2 in1k
102 efficientnet_b2_pruned in1k
103 efficientnet_b3 in1k
104 efficientnet_b3_pruned in1k
105 efficientnet_b4 in1k
106 efficientnet_el in1k
107 efficientnet_el_pruned in1k
108 efficientnet_em in1k
109 efficientnet_es in1k
110 efficientnet_es_pruned in1k
111 efficientnet_lite0 in1k
112 efficientnetv2_rw_m in1k
113 efficientnetv2_rw_s in1k
114 efficientnetv2_rw_t in1k
115 ens_adv_inception_resnet_v2 in1k-adv
116 ese_vovnet19b_dw in1k
117 ese_vovnet39b in1k
118 fbnetc_100 in1k
119 gc_efficientnetv2_rw_t in1k
120 gcresnet33ts in1k
121 gcresnet50t in1k
122 gcresnext26ts in1k
123 gcresnext50ts in1k
124 gernet_l in1k
125 gernet_m in1k
126 gernet_s in1k
127 ghostnet_100 in1k
128 gluon_inception_v3 in1k
129 gluon_resnet101_v1b in1k
130 gluon_resnet101_v1c in1k
131 gluon_resnet101_v1d in1k
132 gluon_resnet101_v1s in1k
133 gluon_resnet152_v1b in1k
134 gluon_resnet152_v1c in1k
135 gluon_resnet152_v1d in1k
136 gluon_resnet152_v1s in1k
137 gluon_resnet18_v1b in1k
138 gluon_resnet34_v1b in1k
139 gluon_resnet50_v1b in1k
140 gluon_resnet50_v1c in1k
141 gluon_resnet50_v1d in1k
142 gluon_resnet50_v1s in1k
143 gluon_resnext101_32x4d in1k
144 gluon_resnext101_64x4d in1k
145 gluon_resnext50_32x4d in1k
146 gluon_senet154 in1k
147 gluon_seresnext101_32x4d in1k
148 gluon_seresnext101_64x4d in1k
149 gluon_seresnext50_32x4d in1k
150 gluon_xception65 in1k
151 gmixer_24_224 in1k
152 gmlp_s16_224 in1k
153 halonet26t in1k
154 halonet50ts in1k
155 haloregnetz_b in1k
156 hardcorenas_a in1k
157 hardcorenas_b in1k
158 hardcorenas_c in1k
159 hardcorenas_d in1k
160 hardcorenas_e in1k
161 hardcorenas_f in1k
162 hrnet_w18 in1k
163 hrnet_w18_small in1k
164 hrnet_w18_small_v2 in1k
165 hrnet_w30 in1k
166 hrnet_w32 in1k
167 hrnet_w40 in1k
168 hrnet_w44 in1k
169 hrnet_w48 in1k
170 hrnet_w64 in1k
171 ig_resnext101_32x16d ig1b-wsl
172 ig_resnext101_32x32d ig1b-wsl
173 ig_resnext101_32x48d ig1b-wsl
174 ig_resnext101_32x8d ig1b-wsl
175 inception_resnet_v2 in1k
176 inception_v3 in1k
177 inception_v4 in1k
178 jx_nest_base in1k
179 jx_nest_small in1k
180 jx_nest_tiny in1k
181 lambda_resnet26rpt_256 in1k
182 lambda_resnet26t in1k
183 legacy_senet154 in1k
184 legacy_seresnet101 in1k
185 legacy_seresnet152 in1k
186 legacy_seresnet18 in1k
187 legacy_seresnet34 in1k
188 legacy_seresnet50 in1k
189 legacy_seresnext101_32x4d in1k
190 legacy_seresnext26_32x4d in1k
191 legacy_seresnext50_32x4d in1k
192 levit_128 in1k-dist
193 levit_128s in1k-dist
194 levit_192 in1k-dist
195 levit_256 in1k-dist
196 levit_384 in1k-dist
197 mixer_b16_224 in1k
198 mixer_b16_224_miil in21k
199 mixer_l16_224 in1k
200 mixnet_l in1k
201 mixnet_m in1k
202 mixnet_s in1k
203 mixnet_xl in1k
204 mnasnet_100 in1k
205 mobilenetv2_100 in1k
206 mobilenetv2_110d in1k
207 mobilenetv2_120d in1k
208 mobilenetv2_140 in1k
209 mobilenetv3_large_100 in1k
210 mobilenetv3_large_100_miil in21k
211 mobilenetv3_rw in1k
212 nasnetalarge in1k
213 nf_regnet_b1 in1k
214 nf_resnet50 in1k
215 nfnet_l0 in1k
216 pit_b_224 in1k
217 pit_b_distilled_224 in1k-dist
218 pit_s_224 in1k
219 pit_s_distilled_224 in1k-dist
220 pit_ti_224 in1k
221 pit_ti_distilled_224 in1k-dist
222 pit_xs_224 in1k
223 pit_xs_distilled_224 in1k-dist
224 pnasnet5large in1k
225 regnetx_002 in1k
226 regnetx_004 in1k
227 regnetx_006 in1k
228 regnetx_008 in1k
229 regnetx_016 in1k
230 regnetx_032 in1k
231 regnetx_040 in1k
232 regnetx_064 in1k
233 regnetx_080 in1k
234 regnetx_120 in1k
235 regnetx_160 in1k
236 regnetx_320 in1k
237 regnety_002 in1k
238 regnety_004 in1k
239 regnety_006 in1k
240 regnety_008 in1k
241 regnety_016 in1k
242 regnety_032 in1k
243 regnety_040 in1k
244 regnety_064 in1k
245 regnety_080 in1k
246 regnety_120 in1k
247 regnety_160 in1k
248 regnety_320 in1k
249 regnetz_b in1k
250 regnetz_c in1k
251 regnetz_d in1k
252 repvgg_a2 in1k
253 repvgg_b0 in1k
254 repvgg_b1 in1k
255 repvgg_b1g4 in1k
256 repvgg_b2 in1k
257 repvgg_b2g4 in1k
258 repvgg_b3 in1k
259 repvgg_b3g4 in1k
260 res2net101_26w_4s in1k
261 res2net50_14w_8s in1k
262 res2net50_26w_4s in1k
263 res2net50_26w_6s in1k
264 res2net50_26w_8s in1k
265 res2net50_48w_2s in1k
266 res2next50 in1k
267 resmlp_12_224 in1k
268 resmlp_12_distilled_224 in1k-dist
269 resmlp_24_224 in1k
270 resmlp_24_distilled_224 in1k-dist
271 resmlp_36_224 in1k
272 resmlp_36_distilled_224 in1k-dist
273 resmlp_big_24_224 in1k
274 resmlp_big_24_224_in22ft1k in21k
275 resmlp_big_24_distilled_224 in1k-dist
276 resnest101e in1k
277 resnest14d in1k
278 resnest200e in1k
279 resnest269e in1k
280 resnest26d in1k
281 resnest50d in1k
282 resnest50d_1s4x24d in1k
283 resnest50d_4s2x40d in1k
284 resnet101d in1k
285 resnet152d in1k
286 resnet18 in1k
287 resnet18d in1k
288 resnet200d in1k
289 resnet26 in1k
290 resnet26d in1k
291 resnet26t in1k
292 resnet32ts in1k
293 resnet33ts in1k
294 resnet34 in1k
295 resnet34d in1k
296 resnet50 in1k
297 resnet50d in1k
298 resnet51q in1k
299 resnet61q in1k
300 resnetblur50 in1k
301 resnetrs101 in1k
302 resnetrs152 in1k
303 resnetrs200 in1k
304 resnetrs270 in1k
305 resnetrs350 in1k
306 resnetrs420 in1k
307 resnetrs50 in1k
308 resnetv2_101 in1k
309 resnetv2_101x1_bitm in21k
310 resnetv2_101x3_bitm in21k
311 resnetv2_152x2_bit_teacher in21k
312 resnetv2_152x2_bit_teacher_384 in21k
313 resnetv2_152x2_bitm in21k
314 resnetv2_152x4_bitm in21k
315 resnetv2_50 in1k
316 resnetv2_50x1_bit_distilled in1k-dist
317 resnetv2_50x1_bitm in21k
318 resnetv2_50x3_bitm in21k
319 resnext101_32x8d in1k
320 resnext26ts in1k
321 resnext50_32x4d in1k
322 resnext50d_32x4d in1k
323 rexnet_100 in1k
324 rexnet_130 in1k
325 rexnet_150 in1k
326 rexnet_200 in1k
327 sehalonet33ts in1k
328 selecsls42b in1k
329 selecsls60 in1k
330 selecsls60b in1k
331 semnasnet_100 in1k
332 seresnet152d in1k
333 seresnet33ts in1k
334 seresnet50 in1k
335 seresnext26d_32x4d in1k
336 seresnext26t_32x4d in1k
337 seresnext26ts in1k
338 seresnext50_32x4d in1k
339 skresnet18 in1k
340 skresnet34 in1k
341 skresnext50_32x4d in1k
342 spnasnet_100 in1k
343 ssl_resnet18 yfc-semisl
344 ssl_resnet50 yfc-semisl
345 ssl_resnext101_32x16d yfc-semisl
346 ssl_resnext101_32x4d yfc-semisl
347 ssl_resnext101_32x8d yfc-semisl
348 ssl_resnext50_32x4d yfc-semisl
349 swin_base_patch4_window12_384 in21k
350 swin_base_patch4_window7_224 in21k
351 swin_large_patch4_window12_384 in21k
352 swin_large_patch4_window7_224 in21k
353 swin_small_patch4_window7_224 in1k
354 swin_tiny_patch4_window7_224 in1k
355 swsl_resnet18 ig1b-swsl
356 swsl_resnet50 ig1b-swsl
357 swsl_resnext101_32x16d ig1b-swsl
358 swsl_resnext101_32x4d ig1b-swsl
359 swsl_resnext101_32x8d ig1b-swsl
360 swsl_resnext50_32x4d ig1b-swsl
361 tf_efficientnet_b0 in1k
362 tf_efficientnet_b0_ap in1k-ap
363 tf_efficientnet_b0_ns jft300m-ns
364 tf_efficientnet_b1 in1k
365 tf_efficientnet_b1_ap in1k-ap
366 tf_efficientnet_b1_ns jft300m-ns
367 tf_efficientnet_b2 in1k
368 tf_efficientnet_b2_ap in1k-ap
369 tf_efficientnet_b2_ns jft300m-ns
370 tf_efficientnet_b3 in1k
371 tf_efficientnet_b3_ap in1k-ap
372 tf_efficientnet_b3_ns jft300m-ns
373 tf_efficientnet_b4 in1k
374 tf_efficientnet_b4_ap in1k-ap
375 tf_efficientnet_b4_ns jft300m-ns
376 tf_efficientnet_b5 in1k
377 tf_efficientnet_b5_ap in1k-ap
378 tf_efficientnet_b5_ns jft300m-ns
379 tf_efficientnet_b6 in1k
380 tf_efficientnet_b6_ap in1k-ap
381 tf_efficientnet_b6_ns jft300m-ns
382 tf_efficientnet_b7 in1k
383 tf_efficientnet_b7_ap in1k-ap
384 tf_efficientnet_b7_ns jft300m-ns
385 tf_efficientnet_b8 in1k
386 tf_efficientnet_b8_ap in1k-ap
387 tf_efficientnet_cc_b0_4e in1k
388 tf_efficientnet_cc_b0_8e in1k
389 tf_efficientnet_cc_b1_8e in1k
390 tf_efficientnet_el in1k
391 tf_efficientnet_em in1k
392 tf_efficientnet_es in1k
393 tf_efficientnet_l2_ns jft300m-ns
394 tf_efficientnet_l2_ns_475 jft300m-ns
395 tf_efficientnet_lite0 in1k
396 tf_efficientnet_lite1 in1k
397 tf_efficientnet_lite2 in1k
398 tf_efficientnet_lite3 in1k
399 tf_efficientnet_lite4 in1k
400 tf_efficientnetv2_b0 in1k
401 tf_efficientnetv2_b1 in1k
402 tf_efficientnetv2_b2 in1k
403 tf_efficientnetv2_b3 in1k
404 tf_efficientnetv2_l in1k
405 tf_efficientnetv2_l_in21ft1k in21k
406 tf_efficientnetv2_m in1k
407 tf_efficientnetv2_m_in21ft1k in21k
408 tf_efficientnetv2_s in1k
409 tf_efficientnetv2_s_in21ft1k in21k
410 tf_efficientnetv2_xl_in21ft1k in21k
411 tf_inception_v3 in1k
412 tf_mixnet_l in1k
413 tf_mixnet_m in1k
414 tf_mixnet_s in1k
415 tf_mobilenetv3_large_075 in1k
416 tf_mobilenetv3_large_100 in1k
417 tf_mobilenetv3_large_minimal_100 in1k
418 tf_mobilenetv3_small_075 in1k
419 tf_mobilenetv3_small_100 in1k
420 tf_mobilenetv3_small_minimal_100 in1k
421 tnt_s_patch16_224 in1k
422 tresnet_l in1k
423 tresnet_l_448 in1k
424 tresnet_m in21k
425 tresnet_m_448 in1k
426 tresnet_xl in1k
427 tresnet_xl_448 in1k
428 tv_densenet121 in1k
429 tv_resnet101 in1k
430 tv_resnet152 in1k
431 tv_resnet34 in1k
432 tv_resnet50 in1k
433 tv_resnext50_32x4d in1k
434 twins_pcpvt_base in1k
435 twins_pcpvt_large in1k
436 twins_pcpvt_small in1k
437 twins_svt_base in1k
438 twins_svt_large in1k
439 twins_svt_small in1k
440 vgg11 in1k
441 vgg11_bn in1k
442 vgg13 in1k
443 vgg13_bn in1k
444 vgg16 in1k
445 vgg16_bn in1k
446 vgg19 in1k
447 vgg19_bn in1k
448 visformer_small in1k
449 vit_base_patch16_224 in21k
450 vit_base_patch16_224_miil in21k
451 vit_base_patch16_384 in21k
452 vit_base_patch16_sam_224 in1k
453 vit_base_patch32_224 in21k
454 vit_base_patch32_384 in21k
455 vit_base_patch32_sam_224 in1k
456 vit_base_r50_s16_384 in21k
457 vit_large_patch16_224 in21k
458 vit_large_patch16_384 in21k
459 vit_large_patch32_384 in21k
460 vit_large_r50_s32_224 in21k
461 vit_large_r50_s32_384 in21k
462 vit_small_patch16_224 in21k
463 vit_small_patch16_384 in21k
464 vit_small_patch32_224 in21k
465 vit_small_patch32_384 in21k
466 vit_small_r26_s32_224 in21k
467 vit_small_r26_s32_384 in21k
468 vit_tiny_patch16_224 in21k
469 vit_tiny_patch16_384 in21k
470 vit_tiny_r_s16_p8_224 in21k
471 vit_tiny_r_s16_p8_384 in21k
472 wide_resnet101_2 in1k
473 wide_resnet50_2 in1k
474 xception in1k
475 xception41 in1k
476 xception65 in1k
477 xception71 in1k
478 xcit_large_24_p16_224 in1k
479 xcit_large_24_p16_224_dist in1k-dist
480 xcit_large_24_p16_384_dist in1k-dist
481 xcit_large_24_p8_224 in1k
482 xcit_large_24_p8_224_dist in1k-dist
483 xcit_large_24_p8_384_dist in1k-dist
484 xcit_medium_24_p16_224 in1k
485 xcit_medium_24_p16_224_dist in1k-dist
486 xcit_medium_24_p16_384_dist in1k-dist
487 xcit_medium_24_p8_224 in1k
488 xcit_medium_24_p8_224_dist in1k-dist
489 xcit_medium_24_p8_384_dist in1k-dist
490 xcit_nano_12_p16_224 in1k
491 xcit_nano_12_p16_224_dist in1k-dist
492 xcit_nano_12_p16_384_dist in1k-dist
493 xcit_nano_12_p8_224 in1k
494 xcit_nano_12_p8_224_dist in1k-dist
495 xcit_nano_12_p8_384_dist in1k-dist
496 xcit_small_12_p16_224 in1k
497 xcit_small_12_p16_224_dist in1k-dist
498 xcit_small_12_p16_384_dist in1k-dist
499 xcit_small_12_p8_224 in1k
500 xcit_small_12_p8_224_dist in1k-dist
501 xcit_small_12_p8_384_dist in1k-dist
502 xcit_small_24_p16_224 in1k
503 xcit_small_24_p16_224_dist in1k-dist
504 xcit_small_24_p16_384_dist in1k-dist
505 xcit_small_24_p8_224 in1k
506 xcit_small_24_p8_224_dist in1k-dist
507 xcit_small_24_p8_384_dist in1k-dist
508 xcit_tiny_12_p16_224 in1k
509 xcit_tiny_12_p16_224_dist in1k-dist
510 xcit_tiny_12_p16_384_dist in1k-dist
511 xcit_tiny_12_p8_224 in1k
512 xcit_tiny_12_p8_224_dist in1k-dist
513 xcit_tiny_12_p8_384_dist in1k-dist
514 xcit_tiny_24_p16_224 in1k
515 xcit_tiny_24_p16_224_dist in1k-dist
516 xcit_tiny_24_p16_384_dist in1k-dist
517 xcit_tiny_24_p8_224 in1k
518 xcit_tiny_24_p8_224_dist in1k-dist
519 xcit_tiny_24_p8_384_dist in1k-dist

@ -1,421 +1,519 @@
model,top1,top1_err,top5,top5_err,param_count,img_size,cropt_pct,interpolation
tf_efficientnet_l2_ns,98.550,1.450,99.820,0.180,480.31,800,0.960,bicubic
tf_efficientnet_l2_ns_475,98.500,1.500,99.830,0.170,480.31,475,0.936,bicubic
vit_large_patch16_384,98.220,1.780,99.800,0.200,304.72,384,1.000,bicubic
swin_large_patch4_window12_384,98.040,1.960,99.690,0.310,196.74,384,1.000,bicubic
tf_efficientnet_b7_ns,97.910,2.090,99.720,0.280,66.35,600,0.949,bicubic
swin_base_patch4_window12_384,97.890,2.110,99.710,0.290,87.90,384,1.000,bicubic
beit_large_patch16_512,98.560,1.440,99.840,0.160,305.67,512,1.000,bicubic
tf_efficientnet_l2_ns,98.540,1.460,99.820,0.180,480.31,800,0.960,bicubic
beit_large_patch16_384,98.500,1.500,99.820,0.180,305.00,384,1.000,bicubic
tf_efficientnet_l2_ns_475,98.490,1.510,99.830,0.170,480.31,475,0.936,bicubic
vit_large_patch16_384,98.210,1.790,99.800,0.200,304.72,384,1.000,bicubic
beit_large_patch16_224,98.170,1.830,99.760,0.240,304.43,224,0.900,bicubic
swin_large_patch4_window12_384,98.020,1.980,99.690,0.310,196.74,384,1.000,bicubic
tf_efficientnet_b7_ns,97.880,2.120,99.720,0.280,66.35,600,0.949,bicubic
swin_base_patch4_window12_384,97.870,2.130,99.710,0.290,87.90,384,1.000,bicubic
vit_large_r50_s32_384,97.860,2.140,99.670,0.330,329.09,384,1.000,bicubic
vit_base_patch16_384,97.840,2.160,99.670,0.330,86.86,384,1.000,bicubic
tf_efficientnetv2_l_in21ft1k,97.700,2.300,99.670,0.330,118.52,480,1.000,bicubic
swin_large_patch4_window7_224,97.650,2.350,99.580,0.420,196.53,224,0.900,bicubic
beit_base_patch16_384,97.830,2.170,99.700,0.300,86.74,384,1.000,bicubic
vit_base_patch16_384,97.830,2.170,99.670,0.330,86.86,384,1.000,bicubic
tf_efficientnetv2_l_in21ft1k,97.680,2.320,99.670,0.330,118.52,480,1.000,bicubic
tf_efficientnetv2_xl_in21ft1k,97.670,2.330,99.490,0.510,208.12,512,1.000,bicubic
swin_large_patch4_window7_224,97.660,2.340,99.580,0.420,196.53,224,0.900,bicubic
ig_resnext101_32x48d,97.640,2.360,99.710,0.290,828.41,224,0.875,bilinear
vit_large_patch16_224,97.640,2.360,99.590,0.410,304.33,224,0.900,bicubic
tf_efficientnet_b6_ns,97.630,2.370,99.580,0.420,43.04,528,0.942,bicubic
ig_resnext101_32x48d,97.620,2.380,99.700,0.300,828.41,224,0.875,bilinear
dm_nfnet_f6,97.600,2.400,99.550,0.450,438.36,576,0.956,bicubic
dm_nfnet_f4,97.580,2.420,99.510,0.490,316.07,512,0.951,bicubic
dm_nfnet_f6,97.610,2.390,99.550,0.450,438.36,576,0.956,bicubic
dm_nfnet_f4,97.570,2.430,99.510,0.490,316.07,512,0.951,bicubic
dm_nfnet_f5,97.540,2.460,99.570,0.430,377.21,544,0.954,bicubic
tf_efficientnet_b5_ns,97.500,2.500,99.630,0.370,30.39,456,0.934,bicubic
resnetv2_152x4_bitm,97.490,2.510,99.610,0.390,936.53,480,1.000,bilinear
xcit_large_24_p8_384_dist,97.530,2.470,99.540,0.460,188.93,384,1.000,bicubic
xcit_large_24_p16_384_dist,97.530,2.470,99.480,0.520,189.10,384,1.000,bicubic
resnetv2_152x4_bitm,97.490,2.510,99.620,0.380,936.53,480,1.000,bilinear
tf_efficientnet_b5_ns,97.490,2.510,99.630,0.370,30.39,456,0.934,bicubic
cait_m48_448,97.480,2.520,99.550,0.450,356.46,448,1.000,bicubic
tf_efficientnetv2_m_in21ft1k,97.480,2.520,99.530,0.470,54.14,480,1.000,bicubic
cait_m36_384,97.400,2.600,99.510,0.490,271.22,384,1.000,bicubic
ig_resnext101_32x32d,97.360,2.640,99.680,0.320,468.53,224,0.875,bilinear
dm_nfnet_f3,97.350,2.650,99.560,0.440,254.92,416,0.940,bicubic
cait_s36_384,97.330,2.670,99.530,0.470,68.37,384,1.000,bicubic
tf_efficientnetv2_l,97.280,2.720,99.550,0.450,118.52,480,1.000,bicubic
swin_base_patch4_window7_224,97.250,2.750,99.530,0.470,87.77,224,0.900,bicubic
tf_efficientnet_b8,97.200,2.800,99.500,0.500,87.41,672,0.954,bicubic
cait_s36_384,97.340,2.660,99.530,0.470,68.37,384,1.000,bicubic
xcit_medium_24_p8_384_dist,97.300,2.700,99.510,0.490,84.32,384,1.000,bicubic
xcit_medium_24_p16_384_dist,97.280,2.720,99.460,0.540,84.40,384,1.000,bicubic
tf_efficientnetv2_l,97.270,2.730,99.550,0.450,118.52,480,1.000,bicubic
swin_base_patch4_window7_224,97.260,2.740,99.530,0.470,87.77,224,0.900,bicubic
xcit_small_24_p8_384_dist,97.250,2.750,99.610,0.390,47.63,384,1.000,bicubic
xcit_small_12_p8_384_dist,97.230,2.770,99.480,0.520,26.21,384,1.000,bicubic
tf_efficientnet_b8,97.210,2.790,99.500,0.500,87.41,672,0.954,bicubic
swsl_resnext101_32x8d,97.200,2.800,99.570,0.430,88.79,224,0.875,bilinear
tf_efficientnet_b7_ap,97.200,2.800,99.540,0.460,66.35,600,0.949,bicubic
vit_base_r50_s16_384,97.180,2.820,99.560,0.440,98.95,384,1.000,bicubic
tf_efficientnetv2_m,97.140,2.860,99.410,0.590,54.14,480,1.000,bicubic
xcit_small_24_p16_384_dist,97.130,2.870,99.450,0.550,47.67,384,1.000,bicubic
tf_efficientnet_b8_ap,97.110,2.890,99.660,0.340,87.41,672,0.954,bicubic
eca_nfnet_l2,97.090,2.910,99.510,0.490,56.72,384,1.000,bicubic
ecaresnet269d,97.080,2.920,99.470,0.530,102.09,352,1.000,bicubic
ecaresnet269d,97.090,2.910,99.470,0.530,102.09,352,1.000,bicubic
beit_base_patch16_224,97.080,2.920,99.610,0.390,86.53,224,0.900,bicubic
cait_s24_384,97.080,2.920,99.430,0.570,47.06,384,1.000,bicubic
tf_efficientnet_b6_ap,97.080,2.920,99.620,0.380,43.04,528,0.942,bicubic
cait_s24_384,97.070,2.930,99.430,0.570,47.06,384,1.000,bicubic
dm_nfnet_f2,97.020,2.980,99.440,0.560,193.78,352,0.920,bicubic
resnetv2_152x2_bitm,97.010,2.990,99.590,0.410,236.34,448,1.000,bilinear
xcit_large_24_p8_224_dist,97.060,2.940,99.420,0.580,188.93,224,1.000,bicubic
resnetv2_152x2_bitm,97.030,2.970,99.590,0.410,236.34,448,1.000,bilinear
dm_nfnet_f2,97.030,2.970,99.440,0.560,193.78,352,0.920,bicubic
resnetv2_101x3_bitm,97.020,2.980,99.490,0.510,387.93,448,1.000,bilinear
tf_efficientnet_b7,97.010,2.990,99.520,0.480,66.35,600,0.949,bicubic
resnetv2_101x3_bitm,96.990,3.010,99.490,0.510,387.93,448,1.000,bilinear
efficientnetv2_rw_m,96.980,3.020,99.540,0.460,53.24,416,1.000,bicubic
deit_base_distilled_patch16_384,96.960,3.040,99.480,0.520,87.63,384,1.000,bicubic
tf_efficientnet_b4_ns,96.950,3.050,99.580,0.420,19.34,380,0.922,bicubic
dm_nfnet_f1,96.920,3.080,99.410,0.590,132.63,320,0.910,bicubic
efficientnetv2_rw_m,96.990,3.010,99.530,0.470,53.24,416,1.000,bicubic
deit_base_distilled_patch16_384,96.970,3.030,99.490,0.510,87.63,384,1.000,bicubic
xcit_small_12_p16_384_dist,96.940,3.060,99.400,0.600,26.25,384,1.000,bicubic
tf_efficientnet_b4_ns,96.930,3.070,99.580,0.420,19.34,380,0.922,bicubic
xcit_medium_24_p8_224_dist,96.930,3.070,99.390,0.610,84.32,224,1.000,bicubic
resnetrs420,96.910,3.090,99.460,0.540,191.89,416,1.000,bicubic
vit_base_patch16_224,96.880,3.120,99.530,0.470,86.57,224,0.900,bicubic
resnetv2_152x2_bit_teacher_384,96.830,3.170,99.450,0.550,236.34,384,1.000,bicubic
ig_resnext101_32x16d,96.820,3.180,99.590,0.410,194.03,224,0.875,bilinear
dm_nfnet_f1,96.890,3.110,99.410,0.590,132.63,320,0.910,bicubic
vit_base_patch16_224,96.870,3.130,99.530,0.470,86.57,224,0.900,bicubic
xcit_small_24_p8_224_dist,96.870,3.130,99.480,0.520,47.63,224,1.000,bicubic
ig_resnext101_32x16d,96.820,3.180,99.600,0.400,194.03,224,0.875,bilinear
resnetv2_152x2_bit_teacher_384,96.810,3.190,99.450,0.550,236.34,384,1.000,bicubic
xcit_large_24_p16_224_dist,96.800,3.200,99.350,0.650,189.10,224,1.000,bicubic
vit_large_r50_s32_224,96.790,3.210,99.350,0.650,328.99,224,0.900,bicubic
seresnet152d,96.770,3.230,99.450,0.550,66.84,320,1.000,bicubic
resnetrs350,96.760,3.240,99.370,0.630,163.96,384,1.000,bicubic
tf_efficientnetv2_s_in21ft1k,96.730,3.270,99.420,0.580,21.46,384,1.000,bicubic
resnet200d,96.720,3.280,99.330,0.670,64.69,320,1.000,bicubic
resnetv2_50x3_bitm,96.710,3.290,99.550,0.450,217.32,448,1.000,bilinear
resnetrs350,96.760,3.240,99.360,0.640,163.96,384,1.000,bicubic
resnet200d,96.740,3.260,99.340,0.660,64.69,320,1.000,bicubic
tf_efficientnetv2_s_in21ft1k,96.740,3.260,99.420,0.580,21.46,384,1.000,bicubic
resnetv2_50x3_bitm,96.730,3.270,99.540,0.460,217.32,448,1.000,bilinear
eca_nfnet_l1,96.700,3.300,99.290,0.710,41.41,320,1.000,bicubic
vit_small_patch16_384,96.700,3.300,99.480,0.520,22.20,384,1.000,bicubic
xcit_small_12_p8_224_dist,96.700,3.300,99.390,0.610,26.21,224,1.000,bicubic
resnetrs270,96.690,3.310,99.350,0.650,129.86,352,1.000,bicubic
pit_b_distilled_224,96.680,3.320,99.350,0.650,74.79,224,0.900,bicubic
vit_small_patch16_384,96.690,3.310,99.480,0.520,22.20,384,1.000,bicubic
tf_efficientnet_b5_ap,96.680,3.320,99.460,0.540,30.39,456,0.934,bicubic
vit_small_r26_s32_384,96.680,3.320,99.570,0.430,36.47,384,1.000,bicubic
pit_b_distilled_224,96.670,3.330,99.350,0.650,74.79,224,0.900,bicubic
tf_efficientnet_b6,96.670,3.330,99.370,0.630,43.04,528,0.942,bicubic
resmlp_big_24_224_in22ft1k,96.620,3.380,99.510,0.490,129.14,224,0.875,bicubic
resnest200e,96.610,3.390,99.350,0.650,70.20,320,0.909,bicubic
swsl_resnext101_32x16d,96.600,3.400,99.520,0.480,194.03,224,0.875,bilinear
resnetrs152,96.580,3.420,99.240,0.760,86.62,320,1.000,bicubic
cait_xs24_384,96.550,3.450,99.420,0.580,26.67,384,1.000,bicubic
resnest200e,96.620,3.380,99.350,0.650,70.20,320,0.909,bicubic
xcit_medium_24_p16_224_dist,96.600,3.400,99.270,0.730,84.40,224,1.000,bicubic
swsl_resnext101_32x16d,96.600,3.400,99.530,0.470,194.03,224,0.875,bilinear
regnetz_d,96.590,3.410,99.380,0.620,27.58,320,0.950,bicubic
resnetrs152,96.570,3.430,99.240,0.760,86.62,320,1.000,bicubic
cait_xs24_384,96.560,3.440,99.420,0.580,26.67,384,1.000,bicubic
xcit_tiny_24_p8_384_dist,96.550,3.450,99.320,0.680,12.11,384,1.000,bicubic
efficientnetv2_rw_s,96.540,3.460,99.360,0.640,23.94,384,1.000,bicubic
resnetrs200,96.530,3.470,99.350,0.650,93.21,320,1.000,bicubic
crossvit_18_dagger_408,96.530,3.470,99.260,0.740,44.61,408,1.000,bicubic
resnest269e,96.520,3.480,99.350,0.650,110.93,416,0.928,bicubic
vit_base_patch32_384,96.490,3.510,99.410,0.590,88.30,384,1.000,bicubic
vit_base_patch16_224_miil,96.460,3.540,99.300,0.700,86.54,224,0.875,bilinear
resmlp_big_24_distilled_224,96.450,3.550,99.310,0.690,129.14,224,0.875,bicubic
resnetrs200,96.520,3.480,99.350,0.650,93.21,320,1.000,bicubic
vit_base_patch32_384,96.500,3.500,99.410,0.590,88.30,384,1.000,bicubic
resmlp_big_24_distilled_224,96.470,3.530,99.310,0.690,129.14,224,0.875,bicubic
vit_base_patch16_224_miil,96.440,3.560,99.310,0.690,86.54,224,0.875,bilinear
swsl_resnext101_32x4d,96.420,3.580,99.470,0.530,44.18,224,0.875,bilinear
tf_efficientnet_b3_ns,96.390,3.610,99.350,0.650,12.23,300,0.904,bicubic
cait_s24_224,96.380,3.620,99.150,0.850,46.92,224,1.000,bicubic
resnet152d,96.360,3.640,99.390,0.610,60.21,320,1.000,bicubic
regnety_160,96.350,3.650,99.330,0.670,83.59,288,1.000,bicubic
tf_efficientnet_b5,96.350,3.650,99.310,0.690,30.39,456,0.934,bicubic
xcit_large_24_p8_224,96.400,3.600,98.980,1.020,188.93,224,1.000,bicubic
xcit_small_24_p8_224,96.400,3.600,99.140,0.860,47.63,224,1.000,bicubic
crossvit_15_dagger_408,96.390,3.610,99.160,0.840,28.50,408,1.000,bicubic
cait_s24_224,96.390,3.610,99.150,0.850,46.92,224,1.000,bicubic
tf_efficientnet_b3_ns,96.370,3.630,99.350,0.650,12.23,300,0.904,bicubic
resnet152d,96.350,3.650,99.390,0.610,60.21,320,1.000,bicubic
regnety_160,96.340,3.660,99.330,0.670,83.59,288,1.000,bicubic
tf_efficientnet_b5,96.340,3.660,99.310,0.690,30.39,456,0.934,bicubic
tf_efficientnetv2_s,96.340,3.660,99.200,0.800,21.46,384,1.000,bicubic
ig_resnext101_32x8d,96.320,3.680,99.430,0.570,88.79,224,0.875,bilinear
resnet101d,96.290,3.710,99.230,0.770,44.57,320,1.000,bicubic
twins_svt_large,96.270,3.730,99.170,0.830,99.27,224,0.900,bicubic
tf_efficientnet_b4_ap,96.160,3.840,99.280,0.720,19.34,380,0.922,bicubic
ig_resnext101_32x8d,96.310,3.690,99.430,0.570,88.79,224,0.875,bilinear
resnet101d,96.300,3.700,99.230,0.770,44.57,320,1.000,bicubic
twins_svt_large,96.250,3.750,99.170,0.830,99.27,224,0.900,bicubic
jx_nest_base,96.240,3.760,99.210,0.790,67.72,224,0.875,bicubic
xcit_small_24_p16_224_dist,96.210,3.790,99.210,0.790,47.67,224,1.000,bicubic
tf_efficientnet_b4_ap,96.170,3.830,99.280,0.720,19.34,380,0.922,bicubic
efficientnet_b4,96.160,3.840,99.200,0.800,19.34,384,1.000,bicubic
twins_svt_base,96.160,3.840,99.060,0.940,56.07,224,0.900,bicubic
deit_base_patch16_384,96.150,3.850,99.140,0.860,86.86,384,1.000,bicubic
dm_nfnet_f0,96.150,3.850,99.250,0.750,71.49,256,0.900,bicubic
efficientnet_b4,96.150,3.850,99.200,0.800,19.34,384,1.000,bicubic
twins_pcpvt_large,96.150,3.850,99.180,0.820,60.99,224,0.900,bicubic
resnetv2_50x1_bit_distilled,96.130,3.870,99.280,0.720,25.55,224,0.875,bicubic
nfnet_l0,96.120,3.880,99.240,0.760,35.07,288,1.000,bicubic
resnetv2_152x2_bit_teacher,96.100,3.900,99.280,0.720,236.34,224,0.875,bicubic
twins_pcpvt_large,96.150,3.850,99.190,0.810,60.99,224,0.900,bicubic
dm_nfnet_f0,96.140,3.860,99.250,0.750,71.49,256,0.900,bicubic
nfnet_l0,96.130,3.870,99.240,0.760,35.07,288,1.000,bicubic
resnetv2_50x1_bit_distilled,96.110,3.890,99.280,0.720,25.55,224,0.875,bicubic
xcit_medium_24_p8_224,96.110,3.890,98.890,1.110,84.32,224,1.000,bicubic
xcit_small_12_p8_224,96.110,3.890,99.160,0.840,26.21,224,1.000,bicubic
deit_base_distilled_patch16_224,96.100,3.900,99.190,0.810,87.34,224,0.900,bicubic
resnetv2_101x1_bitm,96.100,3.900,99.280,0.720,44.54,448,1.000,bilinear
deit_base_distilled_patch16_224,96.090,3.910,99.190,0.810,87.34,224,0.900,bicubic
regnety_032,95.970,4.030,99.190,0.810,19.44,288,1.000,bicubic
tresnet_xl_448,95.970,4.030,99.130,0.870,78.44,448,0.875,bilinear
eca_nfnet_l0,95.950,4.050,99.210,0.790,24.14,288,1.000,bicubic
swin_small_patch4_window7_224,95.910,4.090,99.020,0.980,49.61,224,0.900,bicubic
tf_efficientnet_b4,95.900,4.100,99.170,0.830,19.34,380,0.922,bicubic
swsl_resnext50_32x4d,95.870,4.130,99.250,0.750,25.03,224,0.875,bilinear
resnetv2_152x2_bit_teacher,96.090,3.910,99.270,0.730,236.34,224,0.875,bicubic
xcit_tiny_12_p8_384_dist,96.060,3.940,99.140,0.860,6.71,384,1.000,bicubic
xcit_small_12_p16_224_dist,96.030,3.970,99.130,0.870,26.25,224,1.000,bicubic
regnety_032,95.980,4.020,99.190,0.810,19.44,288,1.000,bicubic
jx_nest_small,95.970,4.030,99.040,0.960,38.35,224,0.875,bicubic
tresnet_xl_448,95.970,4.030,99.120,0.880,78.44,448,0.875,bilinear
eca_nfnet_l0,95.960,4.040,99.210,0.790,24.14,288,1.000,bicubic
xcit_tiny_24_p16_384_dist,95.920,4.080,99.220,0.780,12.12,384,1.000,bicubic
tf_efficientnet_b4,95.890,4.110,99.170,0.830,19.34,380,0.922,bicubic
resnet51q,95.880,4.120,99.120,0.880,35.70,288,1.000,bilinear
swsl_resnext50_32x4d,95.880,4.120,99.250,0.750,25.03,224,0.875,bilinear
swin_small_patch4_window7_224,95.880,4.120,99.020,0.980,49.61,224,0.900,bicubic
tresnet_l_448,95.870,4.130,99.120,0.880,55.99,448,0.875,bilinear
cait_xxs36_384,95.860,4.140,99.090,0.910,17.37,384,1.000,bicubic
resnest101e,95.860,4.140,99.210,0.790,48.28,256,0.875,bilinear
resnet51q,95.860,4.140,99.120,0.880,35.70,288,1.000,bilinear
tresnet_l_448,95.860,4.140,99.120,0.880,55.99,448,0.875,bilinear
cait_xxs36_384,95.850,4.150,99.090,0.910,17.37,384,1.000,bicubic
vit_large_patch32_384,95.830,4.170,99.150,0.850,306.63,384,1.000,bicubic
xcit_tiny_24_p8_224_dist,95.820,4.180,99.210,0.790,12.11,224,1.000,bicubic
regnetz_c,95.800,4.200,99.100,0.900,13.46,320,0.940,bicubic
ssl_resnext101_32x16d,95.800,4.200,99.180,0.820,194.03,224,0.875,bilinear
resnet61q,95.790,4.210,98.990,1.010,36.85,288,1.000,bicubic
twins_pcpvt_base,95.790,4.210,99.130,0.870,43.83,224,0.900,bicubic
tf_efficientnet_b2_ns,95.770,4.230,99.120,0.880,9.11,260,0.890,bicubic
tresnet_m,95.720,4.280,99.030,0.970,31.39,224,0.875,bilinear
efficientnet_b3,95.710,4.290,99.040,0.960,12.23,320,1.000,bicubic
pnasnet5large,95.710,4.290,98.920,1.080,86.06,331,0.911,bicubic
tf_efficientnet_b2_ns,95.750,4.250,99.120,0.880,9.11,260,0.890,bicubic
gc_efficientnetv2_rw_t,95.740,4.260,99.020,0.980,13.68,288,1.000,bicubic
tresnet_m,95.730,4.270,99.030,0.970,31.39,224,0.875,bilinear
pnasnet5large,95.720,4.280,98.920,1.080,86.06,331,0.911,bicubic
efficientnet_b3,95.720,4.280,99.040,0.960,12.23,320,1.000,bicubic
nasnetalarge,95.680,4.320,98.930,1.070,88.75,331,0.911,bicubic
pit_b_224,95.640,4.360,98.660,1.340,73.76,224,0.900,bicubic
vit_small_r26_s32_224,95.630,4.370,99.190,0.810,36.43,224,0.900,bicubic
convit_base,95.550,4.450,98.870,1.130,86.54,224,0.875,bicubic
coat_lite_small,95.540,4.460,98.860,1.140,19.84,224,0.900,bicubic
ecaresnet101d,95.530,4.470,99.130,0.870,44.57,224,0.875,bicubic
crossvit_15_dagger_240,95.670,4.330,98.820,1.180,28.21,240,0.875,bicubic
xcit_tiny_24_p8_224,95.670,4.330,99.050,0.950,12.11,224,1.000,bicubic
vit_small_r26_s32_224,95.640,4.360,99.190,0.810,36.43,224,0.900,bicubic
pit_b_224,95.630,4.370,98.670,1.330,73.76,224,0.900,bicubic
resnetv2_101,95.630,4.370,98.990,1.010,44.54,224,0.950,bicubic
efficientnetv2_rw_t,95.610,4.390,99.070,0.930,13.65,288,1.000,bicubic
crossvit_18_dagger_240,95.560,4.440,99.060,0.940,44.27,240,0.875,bicubic
convit_base,95.550,4.450,98.890,1.110,86.54,224,0.875,bicubic
ecaresnet101d,95.540,4.460,99.130,0.870,44.57,224,0.875,bicubic
coat_lite_small,95.530,4.470,98.860,1.140,19.84,224,0.900,bicubic
levit_384,95.530,4.470,99.050,0.950,39.13,224,0.900,bicubic
ecaresnet50t,95.510,4.490,99.120,0.880,25.57,320,0.950,bicubic
visformer_small,95.490,4.510,98.900,1.100,40.22,224,0.900,bicubic
ssl_resnext101_32x8d,95.470,4.530,99.110,0.890,88.79,224,0.875,bilinear
xcit_small_24_p16_224,95.530,4.470,98.770,1.230,47.67,224,1.000,bicubic
crossvit_base_240,95.520,4.480,98.820,1.180,105.03,240,0.875,bicubic
xcit_medium_24_p16_224,95.520,4.480,98.770,1.230,84.40,224,1.000,bicubic
visformer_small,95.500,4.500,98.900,1.100,40.22,224,0.900,bicubic
ecaresnet50t,95.500,4.500,99.120,0.880,25.57,320,0.950,bicubic
ssl_resnext101_32x8d,95.470,4.530,99.120,0.880,88.79,224,0.875,bilinear
crossvit_18_240,95.450,4.550,98.790,1.210,43.27,240,0.875,bicubic
deit_base_patch16_224,95.440,4.560,98.840,1.160,86.57,224,0.900,bicubic
ssl_resnext101_32x4d,95.440,4.560,99.130,0.870,44.18,224,0.875,bilinear
tresnet_xl,95.440,4.560,99.050,0.950,78.44,224,0.875,bilinear
resnetrs101,95.430,4.570,99.030,0.970,63.62,288,0.940,bicubic
swsl_resnet50,95.410,4.590,99.290,0.710,25.56,224,0.875,bilinear
tresnet_xl,95.440,4.560,99.060,0.940,78.44,224,0.875,bilinear
ssl_resnext101_32x4d,95.430,4.570,99.130,0.870,44.18,224,0.875,bilinear
resnetrs101,95.420,4.580,99.030,0.970,63.62,288,0.940,bicubic
xcit_large_24_p16_224,95.410,4.590,98.630,1.370,189.10,224,1.000,bicubic
swsl_resnet50,95.400,4.600,99.290,0.710,25.56,224,0.875,bilinear
xcit_small_12_p16_224,95.400,4.600,98.830,1.170,26.25,224,1.000,bicubic
vit_small_patch16_224,95.370,4.630,99.150,0.850,22.05,224,0.900,bicubic
tf_efficientnet_b3_ap,95.320,4.680,98.900,1.100,12.23,300,0.904,bicubic
mixer_b16_224_miil,95.300,4.700,98.880,1.120,59.88,224,0.875,bilinear
mixer_b16_224_miil,95.310,4.690,98.890,1.110,59.88,224,0.875,bilinear
tresnet_l,95.290,4.710,99.010,0.990,55.99,224,0.875,bilinear
cait_xxs24_384,95.260,4.740,98.960,1.040,12.03,384,1.000,bicubic
cait_xxs24_384,95.270,4.730,98.960,1.040,12.03,384,1.000,bicubic
jx_nest_tiny,95.250,4.750,98.980,1.020,17.06,224,0.875,bicubic
pit_s_distilled_224,95.240,4.760,99.050,0.950,24.04,224,0.900,bicubic
twins_pcpvt_small,95.210,4.790,98.880,1.120,24.11,224,0.900,bicubic
convit_small,95.200,4.800,98.900,1.100,27.78,224,0.875,bicubic
twins_svt_small,95.200,4.800,98.880,1.120,24.06,224,0.900,bicubic
tf_efficientnet_b1_ns,95.170,4.830,99.110,0.890,7.79,240,0.882,bicubic
tf_efficientnetv2_b3,95.160,4.840,98.820,1.180,14.36,300,0.904,bicubic
swin_tiny_patch4_window7_224,95.140,4.860,98.850,1.150,28.29,224,0.900,bicubic
efficientnet_el,95.120,4.880,98.990,1.010,10.59,300,0.904,bicubic
gernet_l,95.090,4.910,98.900,1.100,31.08,256,0.875,bilinear
ecaresnet101d_pruned,95.080,4.920,98.980,1.020,24.88,224,0.875,bicubic
wide_resnet50_2,95.080,4.920,98.970,1.030,68.88,224,0.875,bicubic
legacy_senet154,95.070,4.930,98.830,1.170,115.09,224,0.875,bilinear
vit_small_patch32_384,95.050,4.950,98.990,1.010,22.92,384,1.000,bicubic
seresnext50_32x4d,95.040,4.960,98.880,1.120,27.56,224,0.875,bicubic
tnt_s_patch16_224,95.040,4.960,98.830,1.170,23.76,224,0.900,bicubic
gluon_resnet152_v1s,95.040,4.960,98.930,1.070,60.32,224,0.875,bicubic
levit_256,95.010,4.990,98.890,1.110,18.89,224,0.900,bicubic
resnetv2_50x1_bitm,95.010,4.990,99.060,0.940,25.55,448,1.000,bilinear
tf_efficientnet_b3,95.010,4.990,98.910,1.090,12.23,300,0.904,bicubic
vit_base_patch32_224,95.000,5.000,99.030,0.970,88.22,224,0.900,bicubic
twins_pcpvt_small,95.230,4.770,98.880,1.120,24.11,224,0.900,bicubic
twins_svt_small,95.210,4.790,98.890,1.110,24.06,224,0.900,bicubic
convit_small,95.180,4.820,98.920,1.080,27.78,224,0.875,bicubic
tf_efficientnet_b1_ns,95.170,4.830,99.120,0.880,7.79,240,0.882,bicubic
tf_efficientnetv2_b3,95.170,4.830,98.820,1.180,14.36,300,0.904,bicubic
swin_tiny_patch4_window7_224,95.130,4.870,98.850,1.150,28.29,224,0.900,bicubic
crossvit_15_240,95.120,4.880,98.930,1.070,27.53,240,0.875,bicubic
efficientnet_el,95.120,4.880,98.980,1.020,10.59,300,0.904,bicubic
gernet_l,95.110,4.890,98.900,1.100,31.08,256,0.875,bilinear
xcit_tiny_12_p16_384_dist,95.110,4.890,99.020,0.980,6.72,384,1.000,bicubic
convmixer_1536_20,95.080,4.920,99.030,0.970,51.63,224,0.960,bicubic
xcit_tiny_12_p8_224_dist,95.080,4.920,98.910,1.090,6.71,224,1.000,bicubic
ecaresnet101d_pruned,95.070,4.930,98.980,1.020,24.88,224,0.875,bicubic
vit_small_patch32_384,95.060,4.940,98.990,1.010,22.92,384,1.000,bicubic
regnetz_b,95.060,4.940,99.050,0.950,9.72,288,0.940,bicubic
legacy_senet154,95.060,4.940,98.830,1.170,115.09,224,0.875,bilinear
gluon_resnet152_v1s,95.050,4.950,98.930,1.070,60.32,224,0.875,bicubic
wide_resnet50_2,95.050,4.950,98.970,1.030,68.88,224,0.875,bicubic
tnt_s_patch16_224,95.040,4.960,98.840,1.160,23.76,224,0.900,bicubic
levit_256,95.030,4.970,98.890,1.110,18.89,224,0.900,bicubic
seresnext50_32x4d,95.030,4.970,98.890,1.110,27.56,224,0.875,bicubic
resnetv2_50x1_bitm,95.020,4.980,99.050,0.950,25.55,448,1.000,bilinear
tf_efficientnet_b3,95.020,4.980,98.910,1.090,12.23,300,0.904,bicubic
vit_base_patch32_224,95.010,4.990,99.020,0.980,88.22,224,0.900,bicubic
coat_mini,94.990,5.010,98.780,1.220,10.34,224,0.900,bicubic
tresnet_m_448,94.990,5.010,98.980,1.020,31.39,448,0.875,bilinear
coat_mini,94.970,5.030,98.780,1.220,10.34,224,0.900,bicubic
resnest50d_4s2x40d,94.960,5.040,99.070,0.930,30.42,224,0.875,bicubic
rexnet_200,94.940,5.060,99.010,0.990,16.37,224,0.875,bicubic
gluon_seresnext101_64x4d,94.930,5.070,98.830,1.170,88.23,224,0.875,bicubic
gluon_senet154,94.920,5.080,98.760,1.240,115.09,224,0.875,bicubic
halonet50ts,94.950,5.050,98.750,1.250,22.73,256,0.940,bicubic
resnest50d_4s2x40d,94.950,5.050,99.070,0.930,30.42,224,0.875,bicubic
gluon_seresnext101_64x4d,94.940,5.060,98.820,1.180,88.23,224,0.875,bicubic
rexnet_200,94.940,5.060,99.000,1.000,16.37,224,0.875,bicubic
gluon_senet154,94.930,5.070,98.770,1.230,115.09,224,0.875,bicubic
gluon_seresnext101_32x4d,94.920,5.080,98.810,1.190,48.96,224,0.875,bicubic
tf_efficientnet_lite4,94.890,5.110,99.020,0.980,13.01,380,0.920,bilinear
resmlp_36_distilled_224,94.890,5.110,98.850,1.150,44.69,224,0.875,bicubic
ssl_resnext50_32x4d,94.870,5.130,98.880,1.120,25.03,224,0.875,bilinear
resmlp_36_distilled_224,94.870,5.130,98.860,1.140,44.69,224,0.875,bicubic
seresnet33ts,94.870,5.130,98.790,1.210,19.78,256,0.900,bicubic
gcresnet50t,94.860,5.140,98.800,1.200,25.90,256,0.900,bicubic
ssl_resnext50_32x4d,94.860,5.140,98.870,1.130,25.03,224,0.875,bilinear
tf_efficientnet_lite4,94.860,5.140,99.020,0.980,13.01,380,0.920,bilinear
crossvit_small_240,94.830,5.170,99.020,0.980,26.86,240,0.875,bicubic
resnest50d,94.830,5.170,98.880,1.120,27.48,224,0.875,bilinear
sehalonet33ts,94.780,5.220,98.570,1.430,13.69,256,0.940,bicubic
ecaresnetlight,94.770,5.230,98.800,1.200,30.16,224,0.875,bicubic
resnest50d_1s4x24d,94.750,5.250,98.980,1.020,25.68,224,0.875,bicubic
gluon_resnet152_v1d,94.740,5.260,98.740,1.260,60.21,224,0.875,bicubic
gluon_resnet101_v1s,94.720,5.280,98.820,1.180,44.67,224,0.875,bicubic
resnest50d_1s4x24d,94.770,5.230,98.980,1.020,25.68,224,0.875,bicubic
gluon_resnet152_v1d,94.750,5.250,98.740,1.260,60.21,224,0.875,bicubic
deit_small_distilled_patch16_224,94.710,5.290,99.030,0.970,22.44,224,0.900,bicubic
gluon_resnext101_64x4d,94.670,5.330,98.650,1.350,83.46,224,0.875,bicubic
cspdarknet53,94.660,5.340,98.800,1.200,27.64,256,0.887,bilinear
resmlp_big_24_224,94.660,5.340,98.480,1.520,129.14,224,0.875,bicubic
ecaresnet50d,94.630,5.370,98.890,1.110,25.58,224,0.875,bicubic
efficientnet_b3_pruned,94.630,5.370,98.760,1.240,9.86,300,0.904,bicubic
haloregnetz_b,94.710,5.290,98.660,1.340,11.68,224,0.940,bicubic
xcit_tiny_12_p8_224,94.710,5.290,98.830,1.170,6.71,224,1.000,bicubic
gluon_resnet101_v1s,94.700,5.300,98.820,1.180,44.67,224,0.875,bicubic
cspdarknet53,94.670,5.330,98.810,1.190,27.64,256,0.887,bilinear
resmlp_big_24_224,94.650,5.350,98.490,1.510,129.14,224,0.875,bicubic
gluon_resnext101_64x4d,94.640,5.360,98.670,1.330,83.46,224,0.875,bicubic
efficientnet_b2,94.630,5.370,98.710,1.290,9.11,288,1.000,bicubic
ecaresnet50d,94.620,5.380,98.890,1.110,25.58,224,0.875,bicubic
efficientnet_b3_pruned,94.620,5.380,98.770,1.230,9.86,300,0.904,bicubic
gernet_m,94.620,5.380,98.860,1.140,21.14,224,0.875,bilinear
efficientnet_b2,94.610,5.390,98.710,1.290,9.11,288,1.000,bicubic
pit_s_224,94.590,5.410,98.710,1.290,23.46,224,0.900,bicubic
repvgg_b3,94.570,5.430,98.780,1.220,123.09,224,0.875,bilinear
pit_s_224,94.580,5.420,98.720,1.280,23.46,224,0.900,bicubic
repvgg_b3,94.570,5.430,98.790,1.210,123.09,224,0.875,bilinear
nf_resnet50,94.560,5.440,98.790,1.210,25.56,288,0.940,bicubic
seresnet50,94.550,5.450,98.750,1.250,28.09,224,0.875,bicubic
seresnet50,94.560,5.440,98.750,1.250,28.09,224,0.875,bicubic
regnety_320,94.550,5.450,98.850,1.150,145.05,224,0.875,bicubic
gluon_resnext101_32x4d,94.540,5.460,98.630,1.370,44.18,224,0.875,bicubic
inception_resnet_v2,94.540,5.460,98.790,1.210,55.84,299,0.897,bicubic
regnety_320,94.540,5.460,98.850,1.150,145.05,224,0.875,bicubic
gluon_resnext101_32x4d,94.530,5.470,98.630,1.370,44.18,224,0.875,bicubic
repvgg_b3g4,94.520,5.480,98.970,1.030,83.83,224,0.875,bilinear
repvgg_b3g4,94.530,5.470,98.960,1.040,83.83,224,0.875,bilinear
xcit_tiny_24_p16_224_dist,94.520,5.480,98.790,1.210,12.12,224,1.000,bicubic
tf_efficientnet_b2_ap,94.490,5.510,98.620,1.380,9.11,260,0.890,bicubic
convmixer_768_32,94.490,5.510,98.850,1.150,21.11,224,0.960,bicubic
gcresnet33ts,94.480,5.520,98.780,1.220,19.88,256,0.900,bicubic
gcresnext50ts,94.480,5.520,98.670,1.330,15.67,256,0.900,bicubic
regnety_120,94.480,5.520,98.810,1.190,51.82,224,0.875,bicubic
rexnet_150,94.480,5.520,98.790,1.210,9.73,224,0.875,bicubic
cspresnext50,94.480,5.520,98.680,1.320,20.57,224,0.875,bilinear
resmlp_24_distilled_224,94.460,5.540,98.770,1.230,30.02,224,0.875,bicubic
regnetx_320,94.460,5.540,98.740,1.260,107.81,224,0.875,bicubic
ssl_resnet50,94.450,5.550,98.920,1.080,25.56,224,0.875,bilinear
tf_efficientnetv2_b2,94.420,5.580,98.570,1.430,10.10,260,0.890,bicubic
tf_efficientnet_el,94.410,5.590,98.710,1.290,10.59,300,0.904,bicubic
cspresnext50,94.470,5.530,98.680,1.320,20.57,224,0.875,bilinear
rexnet_150,94.470,5.530,98.790,1.210,9.73,224,0.875,bicubic
ssl_resnet50,94.470,5.530,98.920,1.080,25.56,224,0.875,bilinear
resmlp_24_distilled_224,94.450,5.550,98.770,1.230,30.02,224,0.875,bicubic
regnetx_320,94.440,5.560,98.730,1.270,107.81,224,0.875,bicubic
resnetv2_50,94.440,5.560,98.730,1.270,25.55,224,0.950,bicubic
tf_efficientnetv2_b2,94.410,5.590,98.570,1.430,10.10,260,0.890,bicubic
deit_small_patch16_224,94.400,5.600,98.690,1.310,22.05,224,0.900,bicubic
efficientnet_el_pruned,94.400,5.600,98.740,1.260,10.59,300,0.904,bicubic
inception_v4,94.380,5.620,98.580,1.420,42.68,299,0.875,bicubic
legacy_seresnext101_32x4d,94.370,5.630,98.650,1.350,48.96,224,0.875,bilinear
tf_efficientnet_b2,94.360,5.640,98.610,1.390,9.11,260,0.890,bicubic
gluon_seresnext50_32x4d,94.340,5.660,98.610,1.390,27.56,224,0.875,bicubic
resnetrs50,94.310,5.690,98.640,1.360,35.69,224,0.910,bicubic
dpn107,94.310,5.690,98.480,1.520,86.92,224,0.875,bicubic
ecaresnet26t,94.310,5.690,98.720,1.280,16.01,320,0.950,bicubic
xception71,94.280,5.720,98.640,1.360,42.34,299,0.903,bicubic
cait_xxs36_224,94.260,5.740,98.720,1.280,17.30,224,1.000,bicubic
tf_efficientnet_el,94.400,5.600,98.710,1.290,10.59,300,0.904,bicubic
efficientnet_el_pruned,94.390,5.610,98.750,1.250,10.59,300,0.904,bicubic
tf_efficientnet_b2,94.370,5.630,98.610,1.390,9.11,260,0.890,bicubic
inception_v4,94.370,5.630,98.580,1.420,42.68,299,0.875,bicubic
legacy_seresnext101_32x4d,94.350,5.650,98.630,1.370,48.96,224,0.875,bilinear
gluon_seresnext50_32x4d,94.330,5.670,98.620,1.380,27.56,224,0.875,bicubic
resnet50,94.330,5.670,98.440,1.560,25.56,224,0.950,bicubic
dpn107,94.300,5.700,98.470,1.530,86.92,224,0.875,bicubic
ecaresnet26t,94.300,5.700,98.710,1.290,16.01,320,0.950,bicubic
resnetrs50,94.290,5.710,98.640,1.360,35.69,224,0.910,bicubic
xception71,94.290,5.710,98.640,1.360,42.34,299,0.903,bicubic
resnet50d,94.270,5.730,98.720,1.280,25.58,224,0.875,bicubic
cait_xxs36_224,94.260,5.740,98.710,1.290,17.30,224,1.000,bicubic
gluon_xception65,94.260,5.740,98.570,1.430,39.92,299,0.903,bicubic
resnet50d,94.260,5.740,98.720,1.280,25.58,224,0.875,bicubic
skresnext50_32x4d,94.260,5.740,98.460,1.540,27.48,224,0.875,bicubic
regnetx_120,94.240,5.760,98.650,1.350,46.11,224,0.875,bicubic
dpn92,94.230,5.770,98.730,1.270,37.67,224,0.875,bicubic
ecaresnet50d_pruned,94.220,5.780,98.730,1.270,19.94,224,0.875,bicubic
gluon_resnet101_v1d,94.220,5.780,98.550,1.450,44.57,224,0.875,bicubic
tf_efficientnet_lite3,94.200,5.800,98.640,1.360,8.20,300,0.904,bilinear
skresnext50_32x4d,94.260,5.740,98.470,1.530,27.48,224,0.875,bicubic
regnetx_120,94.240,5.760,98.670,1.330,46.11,224,0.875,bicubic
dpn92,94.220,5.780,98.730,1.270,37.67,224,0.875,bicubic
ecaresnet50d_pruned,94.210,5.790,98.730,1.270,19.94,224,0.875,bicubic
mixnet_xl,94.200,5.800,98.340,1.660,11.90,224,0.875,bicubic
gluon_resnet101_v1d,94.200,5.800,98.570,1.430,44.57,224,0.875,bicubic
eca_resnet33ts,94.200,5.800,98.770,1.230,19.68,256,0.900,bicubic
resmlp_36_224,94.190,5.810,98.660,1.340,44.69,224,0.875,bicubic
mixnet_xl,94.190,5.810,98.340,1.660,11.90,224,0.875,bicubic
resnext50d_32x4d,94.180,5.820,98.570,1.430,25.05,224,0.875,bicubic
levit_192,94.170,5.830,98.540,1.460,10.95,224,0.900,bicubic
regnety_080,94.170,5.830,98.680,1.320,39.18,224,0.875,bicubic
ens_adv_inception_resnet_v2,94.160,5.840,98.600,1.400,55.84,299,0.897,bicubic
resnext50d_32x4d,94.190,5.810,98.570,1.430,25.05,224,0.875,bicubic
tf_efficientnet_lite3,94.190,5.810,98.640,1.360,8.20,300,0.904,bilinear
levit_192,94.180,5.820,98.560,1.440,10.95,224,0.900,bicubic
regnety_080,94.180,5.820,98.680,1.320,39.18,224,0.875,bicubic
ens_adv_inception_resnet_v2,94.160,5.840,98.610,1.390,55.84,299,0.897,bicubic
gluon_resnet152_v1c,94.160,5.840,98.640,1.360,60.21,224,0.875,bicubic
regnety_064,94.150,5.850,98.730,1.270,30.58,224,0.875,bicubic
efficientnet_b2_pruned,94.140,5.860,98.530,1.470,8.31,260,0.890,bicubic
dpn98,94.130,5.870,98.570,1.430,61.57,224,0.875,bicubic
nf_regnet_b1,94.120,5.880,98.630,1.370,10.22,288,0.900,bicubic
regnetx_160,94.120,5.880,98.750,1.250,54.28,224,0.875,bicubic
resnext50_32x4d,94.100,5.900,98.350,1.650,25.03,224,0.875,bicubic
gmlp_s16_224,94.150,5.850,98.500,1.500,19.42,224,0.875,bicubic
regnety_064,94.150,5.850,98.740,1.260,30.58,224,0.875,bicubic
vit_base_patch16_sam_224,94.150,5.850,98.670,1.330,86.57,224,0.900,bicubic
efficientnet_b2_pruned,94.140,5.860,98.520,1.480,8.31,260,0.890,bicubic
dpn98,94.120,5.880,98.580,1.420,61.57,224,0.875,bicubic
nf_regnet_b1,94.120,5.880,98.620,1.380,10.22,288,0.900,bicubic
regnetx_160,94.120,5.880,98.740,1.260,54.28,224,0.875,bicubic
resnext50_32x4d,94.110,5.890,98.350,1.650,25.03,224,0.875,bicubic
ese_vovnet39b,94.090,5.910,98.660,1.340,24.57,224,0.875,bicubic
gluon_resnet152_v1b,94.080,5.920,98.450,1.550,60.19,224,0.875,bicubic
coat_lite_mini,94.060,5.940,98.560,1.440,11.01,224,0.900,bicubic
gluon_resnet152_v1b,94.080,5.920,98.460,1.540,60.19,224,0.875,bicubic
xcit_tiny_24_p16_224,94.080,5.920,98.510,1.490,12.12,224,1.000,bicubic
coat_lite_mini,94.050,5.950,98.540,1.460,11.01,224,0.900,bicubic
resmlp_24_224,94.020,5.980,98.330,1.670,30.02,224,0.875,bicubic
dpn131,94.010,5.990,98.720,1.280,79.25,224,0.875,bicubic
hrnet_w64,94.010,5.990,98.610,1.390,128.06,224,0.875,bilinear
resnetblur50,93.960,6.040,98.590,1.410,25.56,224,0.875,bicubic
dla102x2,93.950,6.050,98.490,1.510,41.28,224,0.875,bilinear
dpn131,93.990,6.010,98.720,1.280,79.25,224,0.875,bicubic
hrnet_w64,93.990,6.010,98.620,1.380,128.06,224,0.875,bilinear
halonet26t,93.980,6.020,98.490,1.510,12.48,256,0.950,bicubic
dla102x2,93.960,6.040,98.480,1.520,41.28,224,0.875,bilinear
hrnet_w48,93.940,6.060,98.610,1.390,77.47,224,0.875,bilinear
tf_efficientnetv2_b1,93.940,6.060,98.620,1.380,8.14,240,0.882,bicubic
hrnet_w48,93.920,6.080,98.610,1.390,77.47,224,0.875,bilinear
resnetblur50,93.930,6.070,98.580,1.420,25.56,224,0.875,bicubic
tf_efficientnet_cc_b1_8e,93.920,6.080,98.250,1.750,39.72,240,0.882,bicubic
rexnet_130,93.900,6.100,98.400,1.600,7.56,224,0.875,bicubic
tf_efficientnet_cc_b1_8e,93.900,6.100,98.260,1.740,39.72,240,0.882,bicubic
regnetx_064,93.890,6.110,98.630,1.370,26.21,224,0.875,bicubic
regnetx_080,93.870,6.130,98.520,1.480,39.57,224,0.875,bicubic
repvgg_b2g4,93.860,6.140,98.590,1.410,61.76,224,0.875,bilinear
regnety_040,93.860,6.140,98.650,1.350,20.65,224,0.875,bicubic
regnety_040,93.860,6.140,98.640,1.360,20.65,224,0.875,bicubic
efficientnet_em,93.840,6.160,98.810,1.190,6.90,240,0.882,bicubic
resnext101_32x8d,93.830,6.170,98.580,1.420,88.79,224,0.875,bilinear
gluon_resnext50_32x4d,93.810,6.190,98.410,1.590,25.03,224,0.875,bicubic
pit_xs_distilled_224,93.810,6.190,98.670,1.330,11.00,224,0.900,bicubic
resnet50,93.810,6.190,98.390,1.610,25.56,224,0.875,bicubic
gluon_resnet50_v1d,93.770,6.230,98.390,1.610,25.58,224,0.875,bicubic
xception65,93.760,6.240,98.370,1.630,39.92,299,0.903,bicubic
gluon_resnet101_v1b,93.750,6.250,98.380,1.620,44.55,224,0.875,bicubic
res2net101_26w_4s,93.750,6.250,98.310,1.690,45.21,224,0.875,bilinear
cspresnet50,93.740,6.260,98.640,1.360,21.62,256,0.887,bilinear
legacy_seresnext50_32x4d,93.730,6.270,98.580,1.420,27.56,224,0.875,bilinear
repvgg_b2g4,93.840,6.160,98.600,1.400,61.76,224,0.875,bilinear
gluon_resnext50_32x4d,93.820,6.180,98.410,1.590,25.03,224,0.875,bicubic
lambda_resnet26t,93.820,6.180,98.650,1.350,10.96,256,0.940,bicubic
pit_xs_distilled_224,93.820,6.180,98.670,1.330,11.00,224,0.900,bicubic
resnext101_32x8d,93.790,6.210,98.580,1.420,88.79,224,0.875,bilinear
gluon_resnet50_v1d,93.780,6.220,98.400,1.600,25.58,224,0.875,bicubic
xception65,93.770,6.230,98.360,1.640,39.92,299,0.903,bicubic
cspresnet50,93.750,6.250,98.630,1.370,21.62,256,0.887,bilinear
gluon_resnet101_v1b,93.730,6.270,98.400,1.600,44.55,224,0.875,bicubic
lambda_resnet26rpt_256,93.720,6.280,98.500,1.500,10.99,256,0.940,bicubic
legacy_seresnext50_32x4d,93.720,6.280,98.580,1.420,27.56,224,0.875,bilinear
res2net101_26w_4s,93.720,6.280,98.320,1.680,45.21,224,0.875,bilinear
wide_resnet101_2,93.720,6.280,98.540,1.460,126.89,224,0.875,bilinear
tf_efficientnet_b1_ap,93.690,6.310,98.360,1.640,7.79,240,0.882,bicubic
dpn68b,93.690,6.310,98.510,1.490,12.61,224,0.875,bicubic
gluon_resnet101_v1c,93.670,6.330,98.420,1.580,44.57,224,0.875,bicubic
tf_efficientnet_b1_ap,93.710,6.290,98.360,1.640,7.79,240,0.882,bicubic
dpn68b,93.680,6.320,98.530,1.470,12.61,224,0.875,bicubic
gluon_resnet101_v1c,93.660,6.340,98.410,1.590,44.57,224,0.875,bicubic
vit_tiny_patch16_384,93.650,6.350,98.600,1.400,5.79,384,1.000,bicubic
tf_efficientnet_b0_ns,93.630,6.370,98.640,1.360,5.29,224,0.875,bicubic
gluon_resnet50_v1s,93.620,6.380,98.460,1.540,25.68,224,0.875,bicubic
cait_xxs24_224,93.600,6.400,98.440,1.560,11.96,224,1.000,bicubic
coat_tiny,93.590,6.410,98.430,1.570,5.50,224,0.900,bicubic
regnetx_040,93.560,6.440,98.540,1.460,22.12,224,0.875,bicubic
hrnet_w44,93.550,6.450,98.700,1.300,67.06,224,0.875,bilinear
res2net50_26w_8s,93.540,6.460,98.260,1.740,48.40,224,0.875,bilinear
hrnet_w32,93.530,6.470,98.450,1.550,41.23,224,0.875,bilinear
dla102x,93.520,6.480,98.510,1.490,26.31,224,0.875,bilinear
repvgg_b2,93.500,6.500,98.730,1.270,89.02,224,0.875,bilinear
tf_efficientnet_b1,93.500,6.500,98.360,1.640,7.79,240,0.882,bicubic
hrnet_w40,93.490,6.510,98.580,1.420,57.56,224,0.875,bilinear
gluon_inception_v3,93.460,6.540,98.570,1.430,23.83,299,0.875,bicubic
xception,93.460,6.540,98.530,1.470,22.86,299,0.897,bicubic
mixnet_l,93.450,6.550,98.220,1.780,7.33,224,0.875,bicubic
xception41,93.430,6.570,98.430,1.570,26.97,299,0.903,bicubic
res2net50_26w_6s,93.410,6.590,98.280,1.720,37.05,224,0.875,bilinear
legacy_seresnet152,93.400,6.600,98.350,1.650,66.82,224,0.875,bilinear
gluon_resnet50_v1s,93.630,6.370,98.470,1.530,25.68,224,0.875,bicubic
tf_efficientnet_b0_ns,93.620,6.380,98.640,1.360,5.29,224,0.875,bicubic
resnet33ts,93.600,6.400,98.530,1.470,19.68,256,0.900,bicubic
cait_xxs24_224,93.590,6.410,98.440,1.560,11.96,224,1.000,bicubic
coat_tiny,93.580,6.420,98.410,1.590,5.50,224,0.900,bicubic
hrnet_w44,93.580,6.420,98.700,1.300,67.06,224,0.875,bilinear
regnetx_040,93.550,6.450,98.560,1.440,22.12,224,0.875,bicubic
hrnet_w32,93.520,6.480,98.440,1.560,41.23,224,0.875,bilinear
dla102x,93.510,6.490,98.500,1.500,26.31,224,0.875,bilinear
eca_halonext26ts,93.510,6.490,98.280,1.720,10.76,256,0.940,bicubic
tf_efficientnet_b1,93.510,6.490,98.360,1.640,7.79,240,0.882,bicubic
repvgg_b2,93.490,6.510,98.730,1.270,89.02,224,0.875,bilinear
hrnet_w40,93.490,6.510,98.590,1.410,57.56,224,0.875,bilinear
xcit_nano_12_p8_384_dist,93.480,6.520,98.520,1.480,3.05,384,1.000,bicubic
xception,93.480,6.520,98.530,1.470,22.86,299,0.897,bicubic
resnet32ts,93.470,6.530,98.490,1.510,17.96,256,0.900,bicubic
gluon_inception_v3,93.460,6.540,98.560,1.440,23.83,299,0.875,bicubic
mixnet_l,93.430,6.570,98.220,1.780,7.33,224,0.875,bicubic
res2net50_26w_8s,93.430,6.570,98.180,1.820,48.40,224,0.875,bilinear
legacy_seresnet152,93.420,6.580,98.340,1.660,66.82,224,0.875,bilinear
xception41,93.410,6.590,98.420,1.580,26.97,299,0.903,bicubic
res2net50_26w_6s,93.400,6.600,98.280,1.720,37.05,224,0.875,bilinear
xcit_tiny_12_p16_224_dist,93.400,6.600,98.490,1.510,6.72,224,1.000,bicubic
resnest26d,93.360,6.640,98.640,1.360,17.07,224,0.875,bilinear
dla169,93.340,6.660,98.600,1.400,53.39,224,0.875,bilinear
levit_128,93.340,6.660,98.380,1.620,9.21,224,0.900,bicubic
tf_inception_v3,93.330,6.670,98.040,1.960,23.83,299,0.875,bicubic
tv_resnet152,93.330,6.670,98.390,1.610,60.19,224,0.875,bilinear
repvgg_b1,93.330,6.670,98.510,1.490,57.42,224,0.875,bilinear
resnest26d,93.330,6.670,98.630,1.370,17.07,224,0.875,bilinear
tf_inception_v3,93.320,6.680,98.030,1.970,23.83,299,0.875,bicubic
tf_mixnet_l,93.310,6.690,98.030,1.970,7.33,224,0.875,bicubic
selecsls60b,93.300,6.700,98.280,1.720,32.77,224,0.875,bicubic
tv_resnet152,93.300,6.700,98.390,1.610,60.19,224,0.875,bilinear
legacy_seresnet101,93.280,6.720,98.510,1.490,49.33,224,0.875,bilinear
efficientnet_b1,93.250,6.750,98.290,1.710,7.79,256,1.000,bicubic
coat_lite_tiny,93.240,6.760,98.260,1.740,5.72,224,0.900,bicubic
bat_resnext26ts,93.310,6.690,98.350,1.650,10.73,256,0.900,bicubic
legacy_seresnet101,93.300,6.700,98.500,1.500,49.33,224,0.875,bilinear
selecsls60b,93.290,6.710,98.280,1.720,32.77,224,0.875,bicubic
efficientnet_b1,93.240,6.760,98.290,1.710,7.79,256,1.000,bicubic
coat_lite_tiny,93.220,6.780,98.270,1.730,5.72,224,0.900,bicubic
efficientnet_es,93.200,6.800,98.400,1.600,5.44,224,0.875,bicubic
hrnet_w30,93.200,6.800,98.410,1.590,37.71,224,0.875,bilinear
dla60_res2net,93.180,6.820,98.420,1.580,20.85,224,0.875,bilinear
dla60_res2next,93.180,6.820,98.410,1.590,17.03,224,0.875,bilinear
efficientnet_es,93.140,6.860,98.420,1.580,5.44,224,0.875,bicubic
dla60x,93.120,6.880,98.510,1.490,17.35,224,0.875,bilinear
dla60_res2net,93.160,6.840,98.410,1.590,20.85,224,0.875,bilinear
pit_xs_224,93.120,6.880,98.320,1.680,10.62,224,0.900,bicubic
regnetx_032,93.120,6.880,98.390,1.610,15.30,224,0.875,bicubic
tf_efficientnetv2_b0,93.110,6.890,98.390,1.610,7.14,224,0.875,bicubic
pit_xs_224,93.110,6.890,98.310,1.690,10.62,224,0.900,bicubic
dla102,93.060,6.940,98.540,1.460,33.27,224,0.875,bilinear
gluon_resnet50_v1c,93.030,6.970,98.390,1.610,25.58,224,0.875,bicubic
regnety_016,93.030,6.970,98.360,1.640,11.20,224,0.875,bicubic
dla60x,93.090,6.910,98.490,1.510,17.35,224,0.875,bilinear
dla102,93.080,6.920,98.540,1.460,33.27,224,0.875,bilinear
rexnet_100,93.030,6.970,98.190,1.810,4.80,224,0.875,bicubic
selecsls60,93.030,6.970,98.300,1.700,30.67,224,0.875,bicubic
repvgg_b1g4,92.980,7.020,98.430,1.570,39.97,224,0.875,bilinear
legacy_seresnet50,92.960,7.040,98.190,1.810,28.09,224,0.875,bilinear
gluon_resnet50_v1c,93.030,6.970,98.370,1.630,25.58,224,0.875,bicubic
regnety_016,93.030,6.970,98.360,1.640,11.20,224,0.875,bicubic
selecsls60,93.020,6.980,98.310,1.690,30.67,224,0.875,bicubic
repvgg_b1g4,93.000,7.000,98.430,1.570,39.97,224,0.875,bilinear
hardcorenas_f,92.950,7.050,98.160,1.840,8.20,224,0.875,bilinear
tf_efficientnet_em,92.930,7.070,98.190,1.810,6.90,240,0.882,bicubic
adv_inception_v3,92.880,7.120,98.140,1.860,23.83,299,0.875,bicubic
res2next50,92.840,7.160,98.180,1.820,24.67,224,0.875,bilinear
tf_efficientnet_cc_b0_8e,92.830,7.170,98.180,1.820,24.01,224,0.875,bicubic
legacy_seresnet50,92.950,7.050,98.190,1.810,28.09,224,0.875,bilinear
tf_efficientnet_em,92.950,7.050,98.210,1.790,6.90,240,0.882,bicubic
crossvit_9_dagger_240,92.920,7.080,98.250,1.750,8.78,240,0.875,bicubic
adv_inception_v3,92.890,7.110,98.130,1.870,23.83,299,0.875,bicubic
res2next50,92.850,7.150,98.180,1.820,24.67,224,0.875,bilinear
gmixer_24_224,92.840,7.160,97.880,2.120,24.72,224,0.875,bicubic
resmlp_12_distilled_224,92.830,7.170,98.140,1.860,15.35,224,0.875,bicubic
gmixer_24_224,92.830,7.170,97.880,2.120,24.72,224,0.875,bicubic
seresnext26t_32x4d,92.820,7.180,98.370,1.630,16.81,224,0.875,bicubic
tv_resnet101,92.810,7.190,98.250,1.750,44.55,224,0.875,bilinear
tf_efficientnet_cc_b0_8e,92.820,7.180,98.180,1.820,24.01,224,0.875,bicubic
seresnext26t_32x4d,92.810,7.190,98.370,1.630,16.81,224,0.875,bicubic
tv_resnet101,92.810,7.190,98.230,1.770,44.55,224,0.875,bilinear
gcresnext26ts,92.770,7.230,98.270,1.730,10.48,256,0.900,bicubic
efficientnet_b1_pruned,92.770,7.230,98.040,1.960,6.33,240,0.882,bicubic
densenet201,92.750,7.250,98.230,1.770,20.01,224,0.875,bicubic
res2net50_14w_8s,92.740,7.260,98.180,1.820,25.06,224,0.875,bilinear
tv_resnext50_32x4d,92.740,7.260,98.270,1.730,25.03,224,0.875,bilinear
inception_v3,92.720,7.280,97.970,2.030,23.83,299,0.875,bicubic
seresnext26d_32x4d,92.700,7.300,98.150,1.850,16.81,224,0.875,bicubic
efficientnet_b0,92.690,7.310,98.070,1.930,5.29,224,0.875,bicubic
resnet34d,92.680,7.320,98.310,1.690,21.82,224,0.875,bicubic
tf_efficientnet_lite2,92.650,7.350,98.230,1.770,6.09,260,0.890,bicubic
legacy_seresnext26_32x4d,92.640,7.360,98.130,1.870,16.79,224,0.875,bicubic
tv_resnext50_32x4d,92.760,7.240,98.280,1.720,25.03,224,0.875,bilinear
densenet201,92.750,7.250,98.240,1.760,20.01,224,0.875,bicubic
resnet26t,92.750,7.250,98.240,1.760,16.01,256,0.940,bicubic
seresnext26d_32x4d,92.740,7.260,98.150,1.850,16.81,224,0.875,bicubic
inception_v3,92.720,7.280,97.960,2.040,23.83,299,0.875,bicubic
res2net50_14w_8s,92.720,7.280,98.190,1.810,25.06,224,0.875,bilinear
resnet34d,92.700,7.300,98.300,1.700,21.82,224,0.875,bicubic
seresnext26ts,92.680,7.320,98.300,1.700,10.39,256,0.900,bicubic
efficientnet_b0,92.670,7.330,98.080,1.920,5.29,224,0.875,bicubic
eca_resnext26ts,92.660,7.340,98.260,1.740,10.30,256,0.900,bicubic
tf_efficientnet_lite2,92.660,7.340,98.230,1.770,6.09,260,0.890,bicubic
legacy_seresnext26_32x4d,92.630,7.370,98.120,1.880,16.79,224,0.875,bicubic
tf_efficientnet_cc_b0_4e,92.620,7.380,98.080,1.920,13.31,224,0.875,bicubic
tf_efficientnet_lite1,92.620,7.380,98.080,1.920,5.42,240,0.882,bicubic
tf_efficientnet_cc_b0_4e,92.590,7.410,98.080,1.920,13.31,224,0.875,bicubic
hardcorenas_e,92.570,7.430,98.110,1.890,8.07,224,0.875,bilinear
hardcorenas_e,92.580,7.420,98.110,1.890,8.07,224,0.875,bilinear
res2net50_48w_2s,92.550,7.450,98.080,1.920,25.29,224,0.875,bilinear
gluon_resnet50_v1b,92.540,7.460,98.170,1.830,25.56,224,0.875,bicubic
gluon_resnet50_v1b,92.540,7.460,98.190,1.810,25.56,224,0.875,bicubic
densenet161,92.500,7.500,98.290,1.710,28.68,224,0.875,bicubic
res2net50_26w_4s,92.500,7.500,98.060,1.940,25.70,224,0.875,bilinear
mixnet_m,92.430,7.570,97.870,2.130,5.01,224,0.875,bicubic
hardcorenas_d,92.400,7.600,98.070,1.930,7.50,224,0.875,bilinear
xcit_tiny_12_p16_224,92.490,7.510,98.250,1.750,6.72,224,1.000,bicubic
res2net50_26w_4s,92.480,7.520,98.070,1.930,25.70,224,0.875,bilinear
mixnet_m,92.440,7.560,97.870,2.130,5.01,224,0.875,bicubic
convmixer_1024_20_ks9_p14,92.430,7.570,98.270,1.730,24.38,224,0.960,bicubic
hardcorenas_d,92.420,7.580,98.070,1.930,7.50,224,0.875,bilinear
mobilenetv2_120d,92.400,7.600,98.050,1.950,5.83,224,0.875,bicubic
skresnet34,92.390,7.610,98.150,1.850,22.28,224,0.875,bicubic
skresnet34,92.380,7.620,98.140,1.860,22.28,224,0.875,bicubic
tf_mixnet_m,92.330,7.670,97.890,2.110,5.01,224,0.875,bicubic
hrnet_w18,92.320,7.680,98.240,1.760,21.30,224,0.875,bilinear
ese_vovnet19b_dw,92.290,7.710,98.090,1.910,6.54,224,0.875,bicubic
selecsls42b,92.280,7.720,98.150,1.850,32.46,224,0.875,bicubic
mobilenetv3_large_100_miil,92.260,7.740,97.640,2.360,5.48,224,0.875,bilinear
tf_efficientnet_b0,92.250,7.750,98.000,2.000,5.29,224,0.875,bicubic
dla60,92.230,7.770,98.110,1.890,22.04,224,0.875,bilinear
resmlp_12_224,92.210,7.790,98.160,1.840,15.35,224,0.875,bicubic
tf_efficientnet_b0_ap,92.200,7.800,98.020,1.980,5.29,224,0.875,bicubic
regnetx_016,92.170,7.830,98.210,1.790,9.19,224,0.875,bicubic
hrnet_w18,92.310,7.690,98.250,1.750,21.30,224,0.875,bilinear
selecsls42b,92.300,7.700,98.140,1.860,32.46,224,0.875,bicubic
ese_vovnet19b_dw,92.270,7.730,98.100,1.900,6.54,224,0.875,bicubic
mobilenetv3_large_100_miil,92.270,7.730,97.640,2.360,5.48,224,0.875,bilinear
tf_efficientnet_b0,92.230,7.770,98.000,2.000,5.29,224,0.875,bicubic
tf_efficientnet_b0_ap,92.220,7.780,98.020,1.980,5.29,224,0.875,bicubic
dla60,92.220,7.780,98.110,1.890,22.04,224,0.875,bilinear
resmlp_12_224,92.190,7.810,98.160,1.840,15.35,224,0.875,bicubic
regnetx_016,92.160,7.840,98.210,1.790,9.19,224,0.875,bicubic
gernet_s,92.140,7.860,98.190,1.810,8.17,224,0.875,bilinear
resnet26d,92.070,7.930,97.960,2.040,16.01,224,0.875,bicubic
vit_small_patch32_224,92.040,7.960,98.230,1.770,22.88,224,0.900,bicubic
vit_tiny_r_s16_p8_384,92.040,7.960,98.290,1.710,6.36,384,1.000,bicubic
xcit_nano_12_p8_224_dist,92.100,7.900,98.160,1.840,3.05,224,1.000,bicubic
resnet26d,92.050,7.950,97.960,2.040,16.01,224,0.875,bicubic
vit_small_patch32_224,92.030,7.970,98.230,1.770,22.88,224,0.900,bicubic
vit_tiny_r_s16_p8_384,92.030,7.970,98.290,1.710,6.36,384,1.000,bicubic
dpn68,92.020,7.980,98.040,1.960,12.61,224,0.875,bicubic
hardcorenas_c,92.020,7.980,97.840,2.160,5.52,224,0.875,bilinear
dpn68,92.010,7.990,98.050,1.950,12.61,224,0.875,bicubic
tf_efficientnet_es,91.980,8.020,97.860,2.140,5.44,224,0.875,bicubic
levit_128s,91.970,8.030,98.060,1.940,7.78,224,0.900,bicubic
tf_efficientnet_es,91.990,8.010,97.870,2.130,5.44,224,0.875,bicubic
levit_128s,91.950,8.050,98.060,1.940,7.78,224,0.900,bicubic
repvgg_a2,91.940,8.060,98.150,1.850,28.21,224,0.875,bilinear
densenet169,91.930,8.070,98.100,1.900,14.15,224,0.875,bicubic
densenetblur121d,91.910,8.090,98.070,1.930,8.00,224,0.875,bicubic
tv_resnet50,91.880,8.120,98.040,1.960,25.56,224,0.875,bilinear
mixer_b16_224,91.870,8.130,97.250,2.750,59.88,224,0.875,bicubic
mixnet_s,91.830,8.170,97.690,2.310,4.13,224,0.875,bicubic
densenet169,91.910,8.090,98.100,1.900,14.15,224,0.875,bicubic
densenetblur121d,91.910,8.090,98.090,1.910,8.00,224,0.875,bicubic
tv_resnet50,91.890,8.110,98.040,1.960,25.56,224,0.875,bilinear
resnext26ts,91.860,8.140,97.930,2.070,10.30,256,0.900,bicubic
mixer_b16_224,91.860,8.140,97.230,2.770,59.88,224,0.875,bicubic
mobilenetv2_140,91.830,8.170,97.860,2.140,6.11,224,0.875,bicubic
hardcorenas_b,91.770,8.230,97.780,2.220,5.18,224,0.875,bilinear
xcit_nano_12_p16_384_dist,91.830,8.170,98.010,1.990,3.05,384,1.000,bicubic
mixnet_s,91.820,8.180,97.690,2.310,4.13,224,0.875,bicubic
vit_tiny_patch16_224,91.760,8.240,98.040,1.960,5.72,224,0.900,bicubic
regnety_008,91.750,8.250,98.180,1.820,6.26,224,0.875,bicubic
resnest14d,91.720,8.280,97.870,2.130,10.61,224,0.875,bilinear
hardcorenas_b,91.740,8.260,97.780,2.220,5.18,224,0.875,bilinear
resnest14d,91.730,8.270,97.870,2.130,10.61,224,0.875,bilinear
regnety_008,91.710,8.290,98.180,1.820,6.26,224,0.875,bicubic
densenet121,91.570,8.430,98.030,1.970,7.98,224,0.875,bicubic
tf_mixnet_s,91.510,8.490,97.620,2.380,4.13,224,0.875,bicubic
repvgg_b0,91.430,8.570,97.990,2.010,15.82,224,0.875,bilinear
regnety_006,91.370,8.630,97.710,2.290,6.06,224,0.875,bicubic
hardcorenas_a,91.350,8.650,97.860,2.140,5.26,224,0.875,bilinear
mobilenetv3_large_100,91.320,8.680,97.710,2.290,5.48,224,0.875,bicubic
semnasnet_100,91.280,8.720,97.560,2.440,3.89,224,0.875,bicubic
tf_mobilenetv3_large_100,91.240,8.760,97.660,2.340,5.48,224,0.875,bilinear
tf_mixnet_s,91.510,8.490,97.610,2.390,4.13,224,0.875,bicubic
repvgg_b0,91.450,8.550,97.980,2.020,15.82,224,0.875,bilinear
regnety_006,91.380,8.620,97.710,2.290,6.06,224,0.875,bicubic
hardcorenas_a,91.340,8.660,97.860,2.140,5.26,224,0.875,bilinear
mobilenetv3_large_100,91.340,8.660,97.710,2.290,5.48,224,0.875,bicubic
semnasnet_100,91.280,8.720,97.570,2.430,3.89,224,0.875,bicubic
tf_mobilenetv3_large_100,91.230,8.770,97.660,2.340,5.48,224,0.875,bilinear
mobilenetv3_rw,91.210,8.790,97.660,2.340,5.48,224,0.875,bicubic
efficientnet_es_pruned,91.190,8.810,97.740,2.260,5.44,224,0.875,bicubic
hrnet_w18_small_v2,91.190,8.810,97.900,2.100,15.60,224,0.875,bilinear
efficientnet_es_pruned,91.180,8.820,97.750,2.250,5.44,224,0.875,bicubic
efficientnet_lite0,91.140,8.860,97.630,2.370,4.65,224,0.875,bicubic
resnet34,91.130,8.870,97.620,2.380,21.80,224,0.875,bilinear
resnet26,91.110,8.890,97.740,2.260,16.00,224,0.875,bicubic
resnet26,91.130,8.870,97.740,2.260,16.00,224,0.875,bicubic
resnet34,91.120,8.880,97.630,2.370,21.80,224,0.875,bilinear
regnetx_008,91.050,8.950,97.710,2.290,7.26,224,0.875,bicubic
tf_efficientnet_lite0,91.040,8.960,97.590,2.410,4.65,224,0.875,bicubic
gluon_resnet34_v1b,90.960,9.040,97.630,2.370,21.80,224,0.875,bicubic
mobilenetv2_110d,90.950,9.050,97.550,2.450,4.52,224,0.875,bicubic
pit_ti_distilled_224,90.900,9.100,97.700,2.300,5.10,224,0.900,bicubic
legacy_seresnet34,90.890,9.110,97.580,2.420,21.96,224,0.875,bilinear
tv_densenet121,90.890,9.110,97.710,2.290,7.98,224,0.875,bicubic
dla34,90.760,9.240,97.660,2.340,15.74,224,0.875,bilinear
deit_tiny_distilled_patch16_224,90.700,9.300,97.570,2.430,5.91,224,0.900,bicubic
fbnetc_100,90.700,9.300,97.210,2.790,5.57,224,0.875,bilinear
swsl_resnet18,90.690,9.310,97.700,2.300,11.69,224,0.875,bilinear
convit_tiny,90.630,9.370,97.740,2.260,5.71,224,0.875,bicubic
tf_efficientnet_lite0,91.050,8.950,97.570,2.430,4.65,224,0.875,bicubic
gluon_resnet34_v1b,90.990,9.010,97.650,2.350,21.80,224,0.875,bicubic
xcit_nano_12_p8_224,90.990,9.010,97.800,2.200,3.05,224,1.000,bicubic
mobilenetv2_110d,90.970,9.030,97.560,2.440,4.52,224,0.875,bicubic
legacy_seresnet34,90.900,9.100,97.580,2.420,21.96,224,0.875,bilinear
tv_densenet121,90.900,9.100,97.700,2.300,7.98,224,0.875,bicubic
pit_ti_distilled_224,90.880,9.120,97.720,2.280,5.10,224,0.900,bicubic
dla34,90.770,9.230,97.650,2.350,15.74,224,0.875,bilinear
deit_tiny_distilled_patch16_224,90.730,9.270,97.580,2.420,5.91,224,0.900,bicubic
fbnetc_100,90.720,9.280,97.210,2.790,5.57,224,0.875,bilinear
swsl_resnet18,90.680,9.320,97.710,2.290,11.69,224,0.875,bilinear
crossvit_9_240,90.660,9.340,97.740,2.260,8.55,240,0.875,bicubic
convit_tiny,90.610,9.390,97.730,2.270,5.71,224,0.875,bicubic
eca_botnext26ts_256,90.550,9.450,97.250,2.750,10.59,256,0.950,bicubic
mnasnet_100,90.510,9.490,97.470,2.530,4.38,224,0.875,bicubic
regnety_004,90.500,9.500,97.540,2.460,4.34,224,0.875,bicubic
regnetx_006,90.350,9.650,97.430,2.570,6.20,224,0.875,bicubic
regnety_004,90.480,9.520,97.560,2.440,4.34,224,0.875,bicubic
spnasnet_100,90.350,9.650,97.190,2.810,4.42,224,0.875,bilinear
ssl_resnet18,90.220,9.780,97.550,2.450,11.69,224,0.875,bilinear
regnetx_006,90.320,9.680,97.430,2.570,6.20,224,0.875,bicubic
crossvit_tiny_240,90.250,9.750,97.610,2.390,7.01,240,0.875,bicubic
ssl_resnet18,90.230,9.770,97.560,2.440,11.69,224,0.875,bilinear
vgg19_bn,90.100,9.900,97.580,2.420,143.68,224,0.875,bilinear
vgg16_bn,90.090,9.910,97.370,2.630,138.37,224,0.875,bilinear
vgg19_bn,90.080,9.920,97.580,2.420,143.68,224,0.875,bilinear
ghostnet_100,90.020,9.980,97.370,2.630,5.18,224,0.875,bilinear
pit_ti_224,89.940,10.060,97.450,2.550,4.85,224,0.900,bicubic
tv_resnet34,89.940,10.060,97.340,2.660,21.80,224,0.875,bilinear
tf_mobilenetv3_large_075,89.680,10.320,97.210,2.790,3.99,224,0.875,bilinear
deit_tiny_patch16_224,89.670,10.330,97.450,2.550,5.72,224,0.900,bicubic
skresnet18,89.660,10.340,97.230,2.770,11.96,224,0.875,bicubic
mobilenetv2_100,89.600,10.400,97.140,2.860,3.50,224,0.875,bicubic
resnet18d,89.280,10.720,97.150,2.850,11.71,224,0.875,bicubic
vit_tiny_r_s16_p8_224,89.170,10.830,97.230,2.770,6.34,224,0.900,bicubic
hrnet_w18_small,89.050,10.950,97.110,2.890,13.19,224,0.875,bilinear
vgg19,89.040,10.960,96.870,3.130,143.67,224,0.875,bilinear
tf_mobilenetv3_large_minimal_100,88.970,11.030,96.860,3.140,3.92,224,0.875,bilinear
regnetx_004,88.900,11.100,97.120,2.880,5.16,224,0.875,bicubic
legacy_seresnet18,88.880,11.120,96.980,3.020,11.78,224,0.875,bicubic
vgg13_bn,88.760,11.240,96.970,3.030,133.05,224,0.875,bilinear
ghostnet_100,90.030,9.970,97.370,2.630,5.18,224,0.875,bilinear
pit_ti_224,89.930,10.070,97.440,2.560,4.85,224,0.900,bicubic
tv_resnet34,89.920,10.080,97.340,2.660,21.80,224,0.875,bilinear
vit_base_patch32_sam_224,89.750,10.250,97.000,3.000,88.22,224,0.900,bicubic
tf_mobilenetv3_large_075,89.710,10.290,97.220,2.780,3.99,224,0.875,bilinear
xcit_nano_12_p16_224_dist,89.680,10.320,97.090,2.910,3.05,224,1.000,bicubic
deit_tiny_patch16_224,89.670,10.330,97.440,2.560,5.72,224,0.900,bicubic
skresnet18,89.660,10.340,97.220,2.780,11.96,224,0.875,bicubic
mobilenetv2_100,89.610,10.390,97.150,2.850,3.50,224,0.875,bicubic
resnet18d,89.290,10.710,97.140,2.860,11.71,224,0.875,bicubic
vit_tiny_r_s16_p8_224,89.190,10.810,97.230,2.770,6.34,224,0.900,bicubic
hrnet_w18_small,89.060,10.940,97.100,2.900,13.19,224,0.875,bilinear
vgg19,89.060,10.940,96.870,3.130,143.67,224,0.875,bilinear
tf_mobilenetv3_large_minimal_100,88.950,11.050,96.870,3.130,3.92,224,0.875,bilinear
legacy_seresnet18,88.880,11.120,96.970,3.030,11.78,224,0.875,bicubic
regnetx_004,88.880,11.120,97.120,2.880,5.16,224,0.875,bicubic
vgg13_bn,88.780,11.220,96.970,3.030,133.05,224,0.875,bilinear
xcit_nano_12_p16_224,88.590,11.410,96.790,3.210,3.05,224,1.000,bicubic
vgg16,88.550,11.450,96.790,3.210,138.36,224,0.875,bilinear
gluon_resnet18_v1b,88.400,11.600,96.680,3.320,11.69,224,0.875,bicubic
vgg11_bn,87.500,12.500,96.820,3.180,132.87,224,0.875,bilinear
resnet18,87.390,12.610,96.290,3.710,11.69,224,0.875,bilinear
regnety_002,87.380,12.620,96.590,3.410,3.16,224,0.875,bicubic
mixer_l16_224,87.150,12.850,93.520,6.480,208.20,224,0.875,bicubic
vgg13,87.050,12.950,96.320,3.680,133.05,224,0.875,bilinear
vgg11,86.550,13.450,96.280,3.720,132.86,224,0.875,bilinear
dla60x_c,86.290,13.710,96.160,3.840,1.32,224,0.875,bilinear
regnetx_002,86.190,13.810,95.980,4.020,2.68,224,0.875,bicubic
tf_mobilenetv3_small_100,85.190,14.810,95.770,4.230,2.54,224,0.875,bilinear
dla46x_c,84.250,15.750,95.270,4.730,1.07,224,0.875,bilinear
dla46_c,83.650,16.350,94.920,5.080,1.30,224,0.875,bilinear
tf_mobilenetv3_small_075,83.520,16.480,94.790,5.210,2.04,224,0.875,bilinear
tf_mobilenetv3_small_minimal_100,81.380,18.620,93.670,6.330,2.04,224,0.875,bilinear
gluon_resnet18_v1b,88.380,11.620,96.700,3.300,11.69,224,0.875,bicubic
vgg11_bn,87.520,12.480,96.810,3.190,132.87,224,0.875,bilinear
botnet26t_256,87.460,12.540,96.190,3.810,12.49,256,0.950,bicubic
resnet18,87.370,12.630,96.260,3.740,11.69,224,0.875,bilinear
regnety_002,87.360,12.640,96.570,3.430,3.16,224,0.875,bicubic
mixer_l16_224,87.160,12.840,93.530,6.470,208.20,224,0.875,bicubic
vgg13,87.030,12.970,96.310,3.690,133.05,224,0.875,bilinear
vgg11,86.580,13.420,96.290,3.710,132.86,224,0.875,bilinear
dla60x_c,86.280,13.720,96.160,3.840,1.32,224,0.875,bilinear
regnetx_002,86.200,13.800,95.970,4.030,2.68,224,0.875,bicubic
tf_mobilenetv3_small_100,85.210,14.790,95.780,4.220,2.54,224,0.875,bilinear
dla46x_c,84.250,15.750,95.280,4.720,1.07,224,0.875,bilinear
dla46_c,83.640,16.360,94.910,5.090,1.30,224,0.875,bilinear
tf_mobilenetv3_small_075,83.480,16.520,94.800,5.200,2.04,224,0.875,bilinear
tf_mobilenetv3_small_minimal_100,81.390,18.610,93.670,6.330,2.04,224,0.875,bilinear

1 model top1 top1_err top5 top5_err param_count img_size cropt_pct interpolation
2 tf_efficientnet_l2_ns beit_large_patch16_512 98.550 98.560 1.450 1.440 99.820 99.840 0.180 0.160 480.31 305.67 800 512 0.960 1.000 bicubic
3 tf_efficientnet_l2_ns_475 tf_efficientnet_l2_ns 98.500 98.540 1.500 1.460 99.830 99.820 0.170 0.180 480.31 475 800 0.936 0.960 bicubic
4 vit_large_patch16_384 beit_large_patch16_384 98.220 98.500 1.780 1.500 99.800 99.820 0.200 0.180 304.72 305.00 384 1.000 bicubic
5 swin_large_patch4_window12_384 tf_efficientnet_l2_ns_475 98.040 98.490 1.960 1.510 99.690 99.830 0.310 0.170 196.74 480.31 384 475 1.000 0.936 bicubic
6 tf_efficientnet_b7_ns vit_large_patch16_384 97.910 98.210 2.090 1.790 99.720 99.800 0.280 0.200 66.35 304.72 600 384 0.949 1.000 bicubic
7 swin_base_patch4_window12_384 beit_large_patch16_224 97.890 98.170 2.110 1.830 99.710 99.760 0.290 0.240 87.90 304.43 384 224 1.000 0.900 bicubic
8 swin_large_patch4_window12_384 98.020 1.980 99.690 0.310 196.74 384 1.000 bicubic
9 tf_efficientnet_b7_ns 97.880 2.120 99.720 0.280 66.35 600 0.949 bicubic
10 swin_base_patch4_window12_384 97.870 2.130 99.710 0.290 87.90 384 1.000 bicubic
11 vit_large_r50_s32_384 97.860 2.140 99.670 0.330 329.09 384 1.000 bicubic
12 vit_base_patch16_384 beit_base_patch16_384 97.840 97.830 2.160 2.170 99.670 99.700 0.330 0.300 86.86 86.74 384 1.000 bicubic
13 tf_efficientnetv2_l_in21ft1k vit_base_patch16_384 97.700 97.830 2.300 2.170 99.670 0.330 118.52 86.86 480 384 1.000 bicubic
14 swin_large_patch4_window7_224 tf_efficientnetv2_l_in21ft1k 97.650 97.680 2.350 2.320 99.580 99.670 0.420 0.330 196.53 118.52 224 480 0.900 1.000 bicubic
15 tf_efficientnetv2_xl_in21ft1k 97.670 2.330 99.490 0.510 208.12 512 1.000 bicubic
16 swin_large_patch4_window7_224 97.660 2.340 99.580 0.420 196.53 224 0.900 bicubic
17 ig_resnext101_32x48d 97.640 2.360 99.710 0.290 828.41 224 0.875 bilinear
18 vit_large_patch16_224 97.640 2.360 99.590 0.410 304.33 224 0.900 bicubic
19 tf_efficientnet_b6_ns 97.630 2.370 99.580 0.420 43.04 528 0.942 bicubic
20 ig_resnext101_32x48d dm_nfnet_f6 97.620 97.610 2.380 2.390 99.700 99.550 0.300 0.450 828.41 438.36 224 576 0.875 0.956 bilinear bicubic
21 dm_nfnet_f6 dm_nfnet_f4 97.600 97.570 2.400 2.430 99.550 99.510 0.450 0.490 438.36 316.07 576 512 0.956 0.951 bicubic
dm_nfnet_f4 97.580 2.420 99.510 0.490 316.07 512 0.951 bicubic
22 dm_nfnet_f5 97.540 2.460 99.570 0.430 377.21 544 0.954 bicubic
23 tf_efficientnet_b5_ns xcit_large_24_p8_384_dist 97.500 97.530 2.500 2.470 99.630 99.540 0.370 0.460 30.39 188.93 456 384 0.934 1.000 bicubic
24 resnetv2_152x4_bitm xcit_large_24_p16_384_dist 97.490 97.530 2.510 2.470 99.610 99.480 0.390 0.520 936.53 189.10 480 384 1.000 bilinear bicubic
25 resnetv2_152x4_bitm 97.490 2.510 99.620 0.380 936.53 480 1.000 bilinear
26 tf_efficientnet_b5_ns 97.490 2.510 99.630 0.370 30.39 456 0.934 bicubic
27 cait_m48_448 97.480 2.520 99.550 0.450 356.46 448 1.000 bicubic
28 tf_efficientnetv2_m_in21ft1k 97.480 2.520 99.530 0.470 54.14 480 1.000 bicubic
29 cait_m36_384 97.400 2.600 99.510 0.490 271.22 384 1.000 bicubic
30 ig_resnext101_32x32d 97.360 2.640 99.680 0.320 468.53 224 0.875 bilinear
31 dm_nfnet_f3 97.350 2.650 99.560 0.440 254.92 416 0.940 bicubic
32 cait_s36_384 97.330 97.340 2.670 2.660 99.530 0.470 68.37 384 1.000 bicubic
33 tf_efficientnetv2_l xcit_medium_24_p8_384_dist 97.280 97.300 2.720 2.700 99.550 99.510 0.450 0.490 118.52 84.32 480 384 1.000 bicubic
34 swin_base_patch4_window7_224 xcit_medium_24_p16_384_dist 97.250 97.280 2.750 2.720 99.530 99.460 0.470 0.540 87.77 84.40 224 384 0.900 1.000 bicubic
35 tf_efficientnet_b8 tf_efficientnetv2_l 97.200 97.270 2.800 2.730 99.500 99.550 0.500 0.450 87.41 118.52 672 480 0.954 1.000 bicubic
36 swin_base_patch4_window7_224 97.260 2.740 99.530 0.470 87.77 224 0.900 bicubic
37 xcit_small_24_p8_384_dist 97.250 2.750 99.610 0.390 47.63 384 1.000 bicubic
38 xcit_small_12_p8_384_dist 97.230 2.770 99.480 0.520 26.21 384 1.000 bicubic
39 tf_efficientnet_b8 97.210 2.790 99.500 0.500 87.41 672 0.954 bicubic
40 swsl_resnext101_32x8d 97.200 2.800 99.570 0.430 88.79 224 0.875 bilinear
41 tf_efficientnet_b7_ap 97.200 2.800 99.540 0.460 66.35 600 0.949 bicubic
42 vit_base_r50_s16_384 97.180 2.820 99.560 0.440 98.95 384 1.000 bicubic
43 tf_efficientnetv2_m 97.140 2.860 99.410 0.590 54.14 480 1.000 bicubic
44 xcit_small_24_p16_384_dist 97.130 2.870 99.450 0.550 47.67 384 1.000 bicubic
45 tf_efficientnet_b8_ap 97.110 2.890 99.660 0.340 87.41 672 0.954 bicubic
46 eca_nfnet_l2 97.090 2.910 99.510 0.490 56.72 384 1.000 bicubic
47 ecaresnet269d 97.080 97.090 2.920 2.910 99.470 0.530 102.09 352 1.000 bicubic
48 beit_base_patch16_224 97.080 2.920 99.610 0.390 86.53 224 0.900 bicubic
49 cait_s24_384 97.080 2.920 99.430 0.570 47.06 384 1.000 bicubic
50 tf_efficientnet_b6_ap 97.080 2.920 99.620 0.380 43.04 528 0.942 bicubic
51 cait_s24_384 xcit_large_24_p8_224_dist 97.070 97.060 2.930 2.940 99.430 99.420 0.570 0.580 47.06 188.93 384 224 1.000 bicubic
52 dm_nfnet_f2 resnetv2_152x2_bitm 97.020 97.030 2.980 2.970 99.440 99.590 0.560 0.410 193.78 236.34 352 448 0.920 1.000 bicubic bilinear
53 resnetv2_152x2_bitm dm_nfnet_f2 97.010 97.030 2.990 2.970 99.590 99.440 0.410 0.560 236.34 193.78 448 352 1.000 0.920 bilinear bicubic
54 resnetv2_101x3_bitm 97.020 2.980 99.490 0.510 387.93 448 1.000 bilinear
55 tf_efficientnet_b7 97.010 2.990 99.520 0.480 66.35 600 0.949 bicubic
56 resnetv2_101x3_bitm efficientnetv2_rw_m 96.990 3.010 99.490 99.530 0.510 0.470 387.93 53.24 448 416 1.000 bilinear bicubic
57 efficientnetv2_rw_m deit_base_distilled_patch16_384 96.980 96.970 3.020 3.030 99.540 99.490 0.460 0.510 53.24 87.63 416 384 1.000 bicubic
58 deit_base_distilled_patch16_384 xcit_small_12_p16_384_dist 96.960 96.940 3.040 3.060 99.480 99.400 0.520 0.600 87.63 26.25 384 1.000 bicubic
59 tf_efficientnet_b4_ns 96.950 96.930 3.050 3.070 99.580 0.420 19.34 380 0.922 bicubic
60 dm_nfnet_f1 xcit_medium_24_p8_224_dist 96.920 96.930 3.080 3.070 99.410 99.390 0.590 0.610 132.63 84.32 320 224 0.910 1.000 bicubic
61 resnetrs420 96.910 3.090 99.460 0.540 191.89 416 1.000 bicubic
62 vit_base_patch16_224 dm_nfnet_f1 96.880 96.890 3.120 3.110 99.530 99.410 0.470 0.590 86.57 132.63 224 320 0.900 0.910 bicubic
63 resnetv2_152x2_bit_teacher_384 vit_base_patch16_224 96.830 96.870 3.170 3.130 99.450 99.530 0.550 0.470 236.34 86.57 384 224 1.000 0.900 bicubic
64 ig_resnext101_32x16d xcit_small_24_p8_224_dist 96.820 96.870 3.180 3.130 99.590 99.480 0.410 0.520 194.03 47.63 224 0.875 1.000 bilinear bicubic
65 ig_resnext101_32x16d 96.820 3.180 99.600 0.400 194.03 224 0.875 bilinear
66 resnetv2_152x2_bit_teacher_384 96.810 3.190 99.450 0.550 236.34 384 1.000 bicubic
67 xcit_large_24_p16_224_dist 96.800 3.200 99.350 0.650 189.10 224 1.000 bicubic
68 vit_large_r50_s32_224 96.790 3.210 99.350 0.650 328.99 224 0.900 bicubic
69 seresnet152d 96.770 3.230 99.450 0.550 66.84 320 1.000 bicubic
70 resnetrs350 96.760 3.240 99.370 99.360 0.630 0.640 163.96 384 1.000 bicubic
71 tf_efficientnetv2_s_in21ft1k resnet200d 96.730 96.740 3.270 3.260 99.420 99.340 0.580 0.660 21.46 64.69 384 320 1.000 bicubic
72 resnet200d tf_efficientnetv2_s_in21ft1k 96.720 96.740 3.280 3.260 99.330 99.420 0.670 0.580 64.69 21.46 320 384 1.000 bicubic
73 resnetv2_50x3_bitm 96.710 96.730 3.290 3.270 99.550 99.540 0.450 0.460 217.32 448 1.000 bilinear
74 eca_nfnet_l1 96.700 3.300 99.290 0.710 41.41 320 1.000 bicubic
75 vit_small_patch16_384 xcit_small_12_p8_224_dist 96.700 3.300 99.480 99.390 0.520 0.610 22.20 26.21 384 224 1.000 bicubic
76 resnetrs270 96.690 3.310 99.350 0.650 129.86 352 1.000 bicubic
77 pit_b_distilled_224 vit_small_patch16_384 96.680 96.690 3.320 3.310 99.350 99.480 0.650 0.520 74.79 22.20 224 384 0.900 1.000 bicubic
78 tf_efficientnet_b5_ap 96.680 3.320 99.460 0.540 30.39 456 0.934 bicubic
79 vit_small_r26_s32_384 96.680 3.320 99.570 0.430 36.47 384 1.000 bicubic
80 pit_b_distilled_224 96.670 3.330 99.350 0.650 74.79 224 0.900 bicubic
81 tf_efficientnet_b6 96.670 3.330 99.370 0.630 43.04 528 0.942 bicubic
82 resmlp_big_24_224_in22ft1k 96.620 3.380 99.510 0.490 129.14 224 0.875 bicubic
83 resnest200e 96.610 96.620 3.390 3.380 99.350 0.650 70.20 320 0.909 bicubic
84 swsl_resnext101_32x16d xcit_medium_24_p16_224_dist 96.600 3.400 99.520 99.270 0.480 0.730 194.03 84.40 224 0.875 1.000 bilinear bicubic
85 resnetrs152 swsl_resnext101_32x16d 96.580 96.600 3.420 3.400 99.240 99.530 0.760 0.470 86.62 194.03 320 224 1.000 0.875 bicubic bilinear
86 cait_xs24_384 regnetz_d 96.550 96.590 3.450 3.410 99.420 99.380 0.580 0.620 26.67 27.58 384 320 1.000 0.950 bicubic
87 resnetrs152 96.570 3.430 99.240 0.760 86.62 320 1.000 bicubic
88 cait_xs24_384 96.560 3.440 99.420 0.580 26.67 384 1.000 bicubic
89 xcit_tiny_24_p8_384_dist 96.550 3.450 99.320 0.680 12.11 384 1.000 bicubic
90 efficientnetv2_rw_s 96.540 3.460 99.360 0.640 23.94 384 1.000 bicubic
91 resnetrs200 crossvit_18_dagger_408 96.530 3.470 99.350 99.260 0.650 0.740 93.21 44.61 320 408 1.000 bicubic
92 resnest269e 96.520 3.480 99.350 0.650 110.93 416 0.928 bicubic
93 vit_base_patch32_384 resnetrs200 96.490 96.520 3.510 3.480 99.410 99.350 0.590 0.650 88.30 93.21 384 320 1.000 bicubic
94 vit_base_patch16_224_miil vit_base_patch32_384 96.460 96.500 3.540 3.500 99.300 99.410 0.700 0.590 86.54 88.30 224 384 0.875 1.000 bilinear bicubic
95 resmlp_big_24_distilled_224 96.450 96.470 3.550 3.530 99.310 0.690 129.14 224 0.875 bicubic
96 vit_base_patch16_224_miil 96.440 3.560 99.310 0.690 86.54 224 0.875 bilinear
97 swsl_resnext101_32x4d 96.420 3.580 99.470 0.530 44.18 224 0.875 bilinear
98 tf_efficientnet_b3_ns xcit_large_24_p8_224 96.390 96.400 3.610 3.600 99.350 98.980 0.650 1.020 12.23 188.93 300 224 0.904 1.000 bicubic
99 cait_s24_224 xcit_small_24_p8_224 96.380 96.400 3.620 3.600 99.150 99.140 0.850 0.860 46.92 47.63 224 1.000 bicubic
100 resnet152d crossvit_15_dagger_408 96.360 96.390 3.640 3.610 99.390 99.160 0.610 0.840 60.21 28.50 320 408 1.000 bicubic
101 regnety_160 cait_s24_224 96.350 96.390 3.650 3.610 99.330 99.150 0.670 0.850 83.59 46.92 288 224 1.000 bicubic
102 tf_efficientnet_b5 tf_efficientnet_b3_ns 96.350 96.370 3.650 3.630 99.310 99.350 0.690 0.650 30.39 12.23 456 300 0.934 0.904 bicubic
103 resnet152d 96.350 3.650 99.390 0.610 60.21 320 1.000 bicubic
104 regnety_160 96.340 3.660 99.330 0.670 83.59 288 1.000 bicubic
105 tf_efficientnet_b5 96.340 3.660 99.310 0.690 30.39 456 0.934 bicubic
106 tf_efficientnetv2_s 96.340 3.660 99.200 0.800 21.46 384 1.000 bicubic
107 ig_resnext101_32x8d 96.320 96.310 3.680 3.690 99.430 0.570 88.79 224 0.875 bilinear
108 resnet101d 96.290 96.300 3.710 3.700 99.230 0.770 44.57 320 1.000 bicubic
109 twins_svt_large 96.270 96.250 3.730 3.750 99.170 0.830 99.27 224 0.900 bicubic
110 tf_efficientnet_b4_ap jx_nest_base 96.160 96.240 3.840 3.760 99.280 99.210 0.720 0.790 19.34 67.72 380 224 0.922 0.875 bicubic
111 xcit_small_24_p16_224_dist 96.210 3.790 99.210 0.790 47.67 224 1.000 bicubic
112 tf_efficientnet_b4_ap 96.170 3.830 99.280 0.720 19.34 380 0.922 bicubic
113 efficientnet_b4 96.160 3.840 99.200 0.800 19.34 384 1.000 bicubic
114 twins_svt_base 96.160 3.840 99.060 0.940 56.07 224 0.900 bicubic
115 deit_base_patch16_384 96.150 3.850 99.140 0.860 86.86 384 1.000 bicubic
116 dm_nfnet_f0 twins_pcpvt_large 96.150 3.850 99.250 99.190 0.750 0.810 71.49 60.99 256 224 0.900 bicubic
117 efficientnet_b4 dm_nfnet_f0 96.150 96.140 3.850 3.860 99.200 99.250 0.800 0.750 19.34 71.49 384 256 1.000 0.900 bicubic
118 twins_pcpvt_large nfnet_l0 96.150 96.130 3.850 3.870 99.180 99.240 0.820 0.760 60.99 35.07 224 288 0.900 1.000 bicubic
119 resnetv2_50x1_bit_distilled 96.130 96.110 3.870 3.890 99.280 0.720 25.55 224 0.875 bicubic
120 nfnet_l0 xcit_medium_24_p8_224 96.120 96.110 3.880 3.890 99.240 98.890 0.760 1.110 35.07 84.32 288 224 1.000 bicubic
121 resnetv2_152x2_bit_teacher xcit_small_12_p8_224 96.100 96.110 3.900 3.890 99.280 99.160 0.720 0.840 236.34 26.21 224 0.875 1.000 bicubic
122 deit_base_distilled_patch16_224 96.100 3.900 99.190 0.810 87.34 224 0.900 bicubic
123 resnetv2_101x1_bitm 96.100 3.900 99.280 0.720 44.54 448 1.000 bilinear
124 deit_base_distilled_patch16_224 resnetv2_152x2_bit_teacher 96.090 3.910 99.190 99.270 0.810 0.730 87.34 236.34 224 0.900 0.875 bicubic
125 regnety_032 xcit_tiny_12_p8_384_dist 95.970 96.060 4.030 3.940 99.190 99.140 0.810 0.860 19.44 6.71 288 384 1.000 bicubic
126 tresnet_xl_448 xcit_small_12_p16_224_dist 95.970 96.030 4.030 3.970 99.130 0.870 78.44 26.25 448 224 0.875 1.000 bilinear bicubic
127 eca_nfnet_l0 regnety_032 95.950 95.980 4.050 4.020 99.210 99.190 0.790 0.810 24.14 19.44 288 1.000 bicubic
128 swin_small_patch4_window7_224 jx_nest_small 95.910 95.970 4.090 4.030 99.020 99.040 0.980 0.960 49.61 38.35 224 0.900 0.875 bicubic
129 tf_efficientnet_b4 tresnet_xl_448 95.900 95.970 4.100 4.030 99.170 99.120 0.830 0.880 19.34 78.44 380 448 0.922 0.875 bicubic bilinear
130 swsl_resnext50_32x4d eca_nfnet_l0 95.870 95.960 4.130 4.040 99.250 99.210 0.750 0.790 25.03 24.14 224 288 0.875 1.000 bilinear bicubic
131 xcit_tiny_24_p16_384_dist 95.920 4.080 99.220 0.780 12.12 384 1.000 bicubic
132 tf_efficientnet_b4 95.890 4.110 99.170 0.830 19.34 380 0.922 bicubic
133 resnet51q 95.880 4.120 99.120 0.880 35.70 288 1.000 bilinear
134 swsl_resnext50_32x4d 95.880 4.120 99.250 0.750 25.03 224 0.875 bilinear
135 swin_small_patch4_window7_224 95.880 4.120 99.020 0.980 49.61 224 0.900 bicubic
136 tresnet_l_448 95.870 4.130 99.120 0.880 55.99 448 0.875 bilinear
137 cait_xxs36_384 95.860 4.140 99.090 0.910 17.37 384 1.000 bicubic
138 resnest101e 95.860 4.140 99.210 0.790 48.28 256 0.875 bilinear
resnet51q 95.860 4.140 99.120 0.880 35.70 288 1.000 bilinear
tresnet_l_448 95.860 4.140 99.120 0.880 55.99 448 0.875 bilinear
cait_xxs36_384 95.850 4.150 99.090 0.910 17.37 384 1.000 bicubic
139 vit_large_patch32_384 95.830 4.170 99.150 0.850 306.63 384 1.000 bicubic
140 xcit_tiny_24_p8_224_dist 95.820 4.180 99.210 0.790 12.11 224 1.000 bicubic
141 regnetz_c 95.800 4.200 99.100 0.900 13.46 320 0.940 bicubic
142 ssl_resnext101_32x16d 95.800 4.200 99.180 0.820 194.03 224 0.875 bilinear
143 resnet61q 95.790 4.210 98.990 1.010 36.85 288 1.000 bicubic
144 twins_pcpvt_base 95.790 4.210 99.130 0.870 43.83 224 0.900 bicubic
145 tf_efficientnet_b2_ns 95.770 95.750 4.230 4.250 99.120 0.880 9.11 260 0.890 bicubic
146 tresnet_m gc_efficientnetv2_rw_t 95.720 95.740 4.280 4.260 99.030 99.020 0.970 0.980 31.39 13.68 224 288 0.875 1.000 bilinear bicubic
147 efficientnet_b3 tresnet_m 95.710 95.730 4.290 4.270 99.040 99.030 0.960 0.970 12.23 31.39 320 224 1.000 0.875 bicubic bilinear
148 pnasnet5large 95.710 95.720 4.290 4.280 98.920 1.080 86.06 331 0.911 bicubic
149 efficientnet_b3 95.720 4.280 99.040 0.960 12.23 320 1.000 bicubic
150 nasnetalarge 95.680 4.320 98.930 1.070 88.75 331 0.911 bicubic
151 pit_b_224 crossvit_15_dagger_240 95.640 95.670 4.360 4.330 98.660 98.820 1.340 1.180 73.76 28.21 224 240 0.900 0.875 bicubic
152 vit_small_r26_s32_224 xcit_tiny_24_p8_224 95.630 95.670 4.370 4.330 99.190 99.050 0.810 0.950 36.43 12.11 224 0.900 1.000 bicubic
153 convit_base vit_small_r26_s32_224 95.550 95.640 4.450 4.360 98.870 99.190 1.130 0.810 86.54 36.43 224 0.875 0.900 bicubic
154 coat_lite_small pit_b_224 95.540 95.630 4.460 4.370 98.860 98.670 1.140 1.330 19.84 73.76 224 0.900 bicubic
155 ecaresnet101d resnetv2_101 95.530 95.630 4.470 4.370 99.130 98.990 0.870 1.010 44.57 44.54 224 0.875 0.950 bicubic
156 efficientnetv2_rw_t 95.610 4.390 99.070 0.930 13.65 288 1.000 bicubic
157 crossvit_18_dagger_240 95.560 4.440 99.060 0.940 44.27 240 0.875 bicubic
158 convit_base 95.550 4.450 98.890 1.110 86.54 224 0.875 bicubic
159 ecaresnet101d 95.540 4.460 99.130 0.870 44.57 224 0.875 bicubic
160 coat_lite_small 95.530 4.470 98.860 1.140 19.84 224 0.900 bicubic
161 levit_384 95.530 4.470 99.050 0.950 39.13 224 0.900 bicubic
162 ecaresnet50t xcit_small_24_p16_224 95.510 95.530 4.490 4.470 99.120 98.770 0.880 1.230 25.57 47.67 320 224 0.950 1.000 bicubic
163 visformer_small crossvit_base_240 95.490 95.520 4.510 4.480 98.900 98.820 1.100 1.180 40.22 105.03 224 240 0.900 0.875 bicubic
164 ssl_resnext101_32x8d xcit_medium_24_p16_224 95.470 95.520 4.530 4.480 99.110 98.770 0.890 1.230 88.79 84.40 224 0.875 1.000 bilinear bicubic
165 visformer_small 95.500 4.500 98.900 1.100 40.22 224 0.900 bicubic
166 ecaresnet50t 95.500 4.500 99.120 0.880 25.57 320 0.950 bicubic
167 ssl_resnext101_32x8d 95.470 4.530 99.120 0.880 88.79 224 0.875 bilinear
168 crossvit_18_240 95.450 4.550 98.790 1.210 43.27 240 0.875 bicubic
169 deit_base_patch16_224 95.440 4.560 98.840 1.160 86.57 224 0.900 bicubic
170 ssl_resnext101_32x4d tresnet_xl 95.440 4.560 99.130 99.060 0.870 0.940 44.18 78.44 224 0.875 bilinear
171 tresnet_xl ssl_resnext101_32x4d 95.440 95.430 4.560 4.570 99.050 99.130 0.950 0.870 78.44 44.18 224 0.875 bilinear
172 resnetrs101 95.430 95.420 4.570 4.580 99.030 0.970 63.62 288 0.940 bicubic
173 swsl_resnet50 xcit_large_24_p16_224 95.410 4.590 99.290 98.630 0.710 1.370 25.56 189.10 224 0.875 1.000 bilinear bicubic
174 swsl_resnet50 95.400 4.600 99.290 0.710 25.56 224 0.875 bilinear
175 xcit_small_12_p16_224 95.400 4.600 98.830 1.170 26.25 224 1.000 bicubic
176 vit_small_patch16_224 95.370 4.630 99.150 0.850 22.05 224 0.900 bicubic
177 tf_efficientnet_b3_ap 95.320 4.680 98.900 1.100 12.23 300 0.904 bicubic
178 mixer_b16_224_miil 95.300 95.310 4.700 4.690 98.880 98.890 1.120 1.110 59.88 224 0.875 bilinear
179 tresnet_l 95.290 4.710 99.010 0.990 55.99 224 0.875 bilinear
180 cait_xxs24_384 95.260 95.270 4.740 4.730 98.960 1.040 12.03 384 1.000 bicubic
181 jx_nest_tiny 95.250 4.750 98.980 1.020 17.06 224 0.875 bicubic
182 pit_s_distilled_224 95.240 4.760 99.050 0.950 24.04 224 0.900 bicubic
183 twins_pcpvt_small 95.210 95.230 4.790 4.770 98.880 1.120 24.11 224 0.900 bicubic
184 convit_small twins_svt_small 95.200 95.210 4.800 4.790 98.900 98.890 1.100 1.110 27.78 24.06 224 0.875 0.900 bicubic
185 twins_svt_small convit_small 95.200 95.180 4.800 4.820 98.880 98.920 1.120 1.080 24.06 27.78 224 0.900 0.875 bicubic
186 tf_efficientnet_b1_ns 95.170 4.830 99.110 99.120 0.890 0.880 7.79 240 0.882 bicubic
187 tf_efficientnetv2_b3 95.160 95.170 4.840 4.830 98.820 1.180 14.36 300 0.904 bicubic
188 swin_tiny_patch4_window7_224 95.140 95.130 4.860 4.870 98.850 1.150 28.29 224 0.900 bicubic
189 efficientnet_el crossvit_15_240 95.120 4.880 98.990 98.930 1.010 1.070 10.59 27.53 300 240 0.904 0.875 bicubic
190 gernet_l efficientnet_el 95.090 95.120 4.910 4.880 98.900 98.980 1.100 1.020 31.08 10.59 256 300 0.875 0.904 bilinear bicubic
191 ecaresnet101d_pruned gernet_l 95.080 95.110 4.920 4.890 98.980 98.900 1.020 1.100 24.88 31.08 224 256 0.875 bicubic bilinear
192 wide_resnet50_2 xcit_tiny_12_p16_384_dist 95.080 95.110 4.920 4.890 98.970 99.020 1.030 0.980 68.88 6.72 224 384 0.875 1.000 bicubic
193 legacy_senet154 convmixer_1536_20 95.070 95.080 4.930 4.920 98.830 99.030 1.170 0.970 115.09 51.63 224 0.875 0.960 bilinear bicubic
194 vit_small_patch32_384 xcit_tiny_12_p8_224_dist 95.050 95.080 4.950 4.920 98.990 98.910 1.010 1.090 22.92 6.71 384 224 1.000 bicubic
195 seresnext50_32x4d ecaresnet101d_pruned 95.040 95.070 4.960 4.930 98.880 98.980 1.120 1.020 27.56 24.88 224 0.875 bicubic
196 tnt_s_patch16_224 vit_small_patch32_384 95.040 95.060 4.960 4.940 98.830 98.990 1.170 1.010 23.76 22.92 224 384 0.900 1.000 bicubic
197 gluon_resnet152_v1s regnetz_b 95.040 95.060 4.960 4.940 98.930 99.050 1.070 0.950 60.32 9.72 224 288 0.875 0.940 bicubic
198 levit_256 legacy_senet154 95.010 95.060 4.990 4.940 98.890 98.830 1.110 1.170 18.89 115.09 224 0.900 0.875 bicubic bilinear
199 resnetv2_50x1_bitm gluon_resnet152_v1s 95.010 95.050 4.990 4.950 99.060 98.930 0.940 1.070 25.55 60.32 448 224 1.000 0.875 bilinear bicubic
200 tf_efficientnet_b3 wide_resnet50_2 95.010 95.050 4.990 4.950 98.910 98.970 1.090 1.030 12.23 68.88 300 224 0.904 0.875 bicubic
201 vit_base_patch32_224 tnt_s_patch16_224 95.000 95.040 5.000 4.960 99.030 98.840 0.970 1.160 88.22 23.76 224 0.900 bicubic
202 levit_256 95.030 4.970 98.890 1.110 18.89 224 0.900 bicubic
203 seresnext50_32x4d 95.030 4.970 98.890 1.110 27.56 224 0.875 bicubic
204 resnetv2_50x1_bitm 95.020 4.980 99.050 0.950 25.55 448 1.000 bilinear
205 tf_efficientnet_b3 95.020 4.980 98.910 1.090 12.23 300 0.904 bicubic
206 vit_base_patch32_224 95.010 4.990 99.020 0.980 88.22 224 0.900 bicubic
207 coat_mini 94.990 5.010 98.780 1.220 10.34 224 0.900 bicubic
208 tresnet_m_448 94.990 5.010 98.980 1.020 31.39 448 0.875 bilinear
209 coat_mini halonet50ts 94.970 94.950 5.030 5.050 98.780 98.750 1.220 1.250 10.34 22.73 224 256 0.900 0.940 bicubic
210 resnest50d_4s2x40d 94.960 94.950 5.040 5.050 99.070 0.930 30.42 224 0.875 bicubic
211 rexnet_200 gluon_seresnext101_64x4d 94.940 5.060 99.010 98.820 0.990 1.180 16.37 88.23 224 0.875 bicubic
212 gluon_seresnext101_64x4d rexnet_200 94.930 94.940 5.070 5.060 98.830 99.000 1.170 1.000 88.23 16.37 224 0.875 bicubic
213 gluon_senet154 94.920 94.930 5.080 5.070 98.760 98.770 1.240 1.230 115.09 224 0.875 bicubic
214 gluon_seresnext101_32x4d 94.920 5.080 98.810 1.190 48.96 224 0.875 bicubic
215 tf_efficientnet_lite4 resmlp_36_distilled_224 94.890 94.870 5.110 5.130 99.020 98.860 0.980 1.140 13.01 44.69 380 224 0.920 0.875 bilinear bicubic
216 resmlp_36_distilled_224 seresnet33ts 94.890 94.870 5.110 5.130 98.850 98.790 1.150 1.210 44.69 19.78 224 256 0.875 0.900 bicubic
217 ssl_resnext50_32x4d gcresnet50t 94.870 94.860 5.130 5.140 98.880 98.800 1.120 1.200 25.03 25.90 224 256 0.875 0.900 bilinear bicubic
218 ssl_resnext50_32x4d 94.860 5.140 98.870 1.130 25.03 224 0.875 bilinear
219 tf_efficientnet_lite4 94.860 5.140 99.020 0.980 13.01 380 0.920 bilinear
220 crossvit_small_240 94.830 5.170 99.020 0.980 26.86 240 0.875 bicubic
221 resnest50d 94.830 5.170 98.880 1.120 27.48 224 0.875 bilinear
222 sehalonet33ts 94.780 5.220 98.570 1.430 13.69 256 0.940 bicubic
223 ecaresnetlight 94.770 5.230 98.800 1.200 30.16 224 0.875 bicubic
224 resnest50d_1s4x24d 94.750 94.770 5.250 5.230 98.980 1.020 25.68 224 0.875 bicubic
225 gluon_resnet152_v1d 94.740 94.750 5.260 5.250 98.740 1.260 60.21 224 0.875 bicubic
gluon_resnet101_v1s 94.720 5.280 98.820 1.180 44.67 224 0.875 bicubic
226 deit_small_distilled_patch16_224 94.710 5.290 99.030 0.970 22.44 224 0.900 bicubic
227 gluon_resnext101_64x4d haloregnetz_b 94.670 94.710 5.330 5.290 98.650 98.660 1.350 1.340 83.46 11.68 224 0.875 0.940 bicubic
228 cspdarknet53 xcit_tiny_12_p8_224 94.660 94.710 5.340 5.290 98.800 98.830 1.200 1.170 27.64 6.71 256 224 0.887 1.000 bilinear bicubic
229 resmlp_big_24_224 gluon_resnet101_v1s 94.660 94.700 5.340 5.300 98.480 98.820 1.520 1.180 129.14 44.67 224 0.875 bicubic
230 ecaresnet50d cspdarknet53 94.630 94.670 5.370 5.330 98.890 98.810 1.110 1.190 25.58 27.64 224 256 0.875 0.887 bicubic bilinear
231 efficientnet_b3_pruned resmlp_big_24_224 94.630 94.650 5.370 5.350 98.760 98.490 1.240 1.510 9.86 129.14 300 224 0.904 0.875 bicubic
232 gluon_resnext101_64x4d 94.640 5.360 98.670 1.330 83.46 224 0.875 bicubic
233 efficientnet_b2 94.630 5.370 98.710 1.290 9.11 288 1.000 bicubic
234 ecaresnet50d 94.620 5.380 98.890 1.110 25.58 224 0.875 bicubic
235 efficientnet_b3_pruned 94.620 5.380 98.770 1.230 9.86 300 0.904 bicubic
236 gernet_m 94.620 5.380 98.860 1.140 21.14 224 0.875 bilinear
237 efficientnet_b2 pit_s_224 94.610 94.580 5.390 5.420 98.710 98.720 1.290 1.280 9.11 23.46 288 224 1.000 0.900 bicubic
238 pit_s_224 repvgg_b3 94.590 94.570 5.410 5.430 98.710 98.790 1.290 1.210 23.46 123.09 224 0.900 0.875 bicubic bilinear
repvgg_b3 94.570 5.430 98.780 1.220 123.09 224 0.875 bilinear
239 nf_resnet50 94.560 5.440 98.790 1.210 25.56 288 0.940 bicubic
240 seresnet50 94.550 94.560 5.450 5.440 98.750 1.250 28.09 224 0.875 bicubic
241 regnety_320 94.550 5.450 98.850 1.150 145.05 224 0.875 bicubic
242 gluon_resnext101_32x4d 94.540 5.460 98.630 1.370 44.18 224 0.875 bicubic
243 inception_resnet_v2 94.540 5.460 98.790 1.210 55.84 299 0.897 bicubic
244 regnety_320 repvgg_b3g4 94.540 94.530 5.460 5.470 98.850 98.960 1.150 1.040 145.05 83.83 224 0.875 bicubic bilinear
245 gluon_resnext101_32x4d xcit_tiny_24_p16_224_dist 94.530 94.520 5.470 5.480 98.630 98.790 1.370 1.210 44.18 12.12 224 0.875 1.000 bicubic
repvgg_b3g4 94.520 5.480 98.970 1.030 83.83 224 0.875 bilinear
246 tf_efficientnet_b2_ap 94.490 5.510 98.620 1.380 9.11 260 0.890 bicubic
247 convmixer_768_32 94.490 5.510 98.850 1.150 21.11 224 0.960 bicubic
248 gcresnet33ts 94.480 5.520 98.780 1.220 19.88 256 0.900 bicubic
249 gcresnext50ts 94.480 5.520 98.670 1.330 15.67 256 0.900 bicubic
250 regnety_120 94.480 5.520 98.810 1.190 51.82 224 0.875 bicubic
251 rexnet_150 cspresnext50 94.480 94.470 5.520 5.530 98.790 98.680 1.210 1.320 9.73 20.57 224 0.875 bicubic bilinear
252 cspresnext50 rexnet_150 94.480 94.470 5.520 5.530 98.680 98.790 1.320 1.210 20.57 9.73 224 0.875 bilinear bicubic
253 resmlp_24_distilled_224 ssl_resnet50 94.460 94.470 5.540 5.530 98.770 98.920 1.230 1.080 30.02 25.56 224 0.875 bicubic bilinear
254 regnetx_320 resmlp_24_distilled_224 94.460 94.450 5.540 5.550 98.740 98.770 1.260 1.230 107.81 30.02 224 0.875 bicubic
255 ssl_resnet50 regnetx_320 94.450 94.440 5.550 5.560 98.920 98.730 1.080 1.270 25.56 107.81 224 0.875 bilinear bicubic
256 tf_efficientnetv2_b2 resnetv2_50 94.420 94.440 5.580 5.560 98.570 98.730 1.430 1.270 10.10 25.55 260 224 0.890 0.950 bicubic
257 tf_efficientnet_el tf_efficientnetv2_b2 94.410 5.590 98.710 98.570 1.290 1.430 10.59 10.10 300 260 0.904 0.890 bicubic
258 deit_small_patch16_224 94.400 5.600 98.690 1.310 22.05 224 0.900 bicubic
259 efficientnet_el_pruned tf_efficientnet_el 94.400 5.600 98.740 98.710 1.260 1.290 10.59 300 0.904 bicubic
260 inception_v4 efficientnet_el_pruned 94.380 94.390 5.620 5.610 98.580 98.750 1.420 1.250 42.68 10.59 299 300 0.875 0.904 bicubic
261 legacy_seresnext101_32x4d tf_efficientnet_b2 94.370 5.630 98.650 98.610 1.350 1.390 48.96 9.11 224 260 0.875 0.890 bilinear bicubic
262 tf_efficientnet_b2 inception_v4 94.360 94.370 5.640 5.630 98.610 98.580 1.390 1.420 9.11 42.68 260 299 0.890 0.875 bicubic
263 gluon_seresnext50_32x4d legacy_seresnext101_32x4d 94.340 94.350 5.660 5.650 98.610 98.630 1.390 1.370 27.56 48.96 224 0.875 bicubic bilinear
264 resnetrs50 gluon_seresnext50_32x4d 94.310 94.330 5.690 5.670 98.640 98.620 1.360 1.380 35.69 27.56 224 0.910 0.875 bicubic
265 dpn107 resnet50 94.310 94.330 5.690 5.670 98.480 98.440 1.520 1.560 86.92 25.56 224 0.875 0.950 bicubic
266 ecaresnet26t dpn107 94.310 94.300 5.690 5.700 98.720 98.470 1.280 1.530 16.01 86.92 320 224 0.950 0.875 bicubic
267 xception71 ecaresnet26t 94.280 94.300 5.720 5.700 98.640 98.710 1.360 1.290 42.34 16.01 299 320 0.903 0.950 bicubic
268 cait_xxs36_224 resnetrs50 94.260 94.290 5.740 5.710 98.720 98.640 1.280 1.360 17.30 35.69 224 1.000 0.910 bicubic
269 xception71 94.290 5.710 98.640 1.360 42.34 299 0.903 bicubic
270 resnet50d 94.270 5.730 98.720 1.280 25.58 224 0.875 bicubic
271 cait_xxs36_224 94.260 5.740 98.710 1.290 17.30 224 1.000 bicubic
272 gluon_xception65 94.260 5.740 98.570 1.430 39.92 299 0.903 bicubic
273 resnet50d skresnext50_32x4d 94.260 5.740 98.720 98.470 1.280 1.530 25.58 27.48 224 0.875 bicubic
274 skresnext50_32x4d regnetx_120 94.260 94.240 5.740 5.760 98.460 98.670 1.540 1.330 27.48 46.11 224 0.875 bicubic
275 regnetx_120 dpn92 94.240 94.220 5.760 5.780 98.650 98.730 1.350 1.270 46.11 37.67 224 0.875 bicubic
276 dpn92 ecaresnet50d_pruned 94.230 94.210 5.770 5.790 98.730 1.270 37.67 19.94 224 0.875 bicubic
277 ecaresnet50d_pruned mixnet_xl 94.220 94.200 5.780 5.800 98.730 98.340 1.270 1.660 19.94 11.90 224 0.875 bicubic
278 gluon_resnet101_v1d 94.220 94.200 5.780 5.800 98.550 98.570 1.450 1.430 44.57 224 0.875 bicubic
279 tf_efficientnet_lite3 eca_resnet33ts 94.200 5.800 98.640 98.770 1.360 1.230 8.20 19.68 300 256 0.904 0.900 bilinear bicubic
280 resmlp_36_224 94.190 5.810 98.660 1.340 44.69 224 0.875 bicubic
281 mixnet_xl resnext50d_32x4d 94.190 5.810 98.340 98.570 1.660 1.430 11.90 25.05 224 0.875 bicubic
282 resnext50d_32x4d tf_efficientnet_lite3 94.180 94.190 5.820 5.810 98.570 98.640 1.430 1.360 25.05 8.20 224 300 0.875 0.904 bicubic bilinear
283 levit_192 94.170 94.180 5.830 5.820 98.540 98.560 1.460 1.440 10.95 224 0.900 bicubic
284 regnety_080 94.170 94.180 5.830 5.820 98.680 1.320 39.18 224 0.875 bicubic
285 ens_adv_inception_resnet_v2 94.160 5.840 98.600 98.610 1.400 1.390 55.84 299 0.897 bicubic
286 gluon_resnet152_v1c 94.160 5.840 98.640 1.360 60.21 224 0.875 bicubic
287 regnety_064 gmlp_s16_224 94.150 5.850 98.730 98.500 1.270 1.500 30.58 19.42 224 0.875 bicubic
288 efficientnet_b2_pruned regnety_064 94.140 94.150 5.860 5.850 98.530 98.740 1.470 1.260 8.31 30.58 260 224 0.890 0.875 bicubic
289 dpn98 vit_base_patch16_sam_224 94.130 94.150 5.870 5.850 98.570 98.670 1.430 1.330 61.57 86.57 224 0.875 0.900 bicubic
290 nf_regnet_b1 efficientnet_b2_pruned 94.120 94.140 5.880 5.860 98.630 98.520 1.370 1.480 10.22 8.31 288 260 0.900 0.890 bicubic
291 regnetx_160 dpn98 94.120 5.880 98.750 98.580 1.250 1.420 54.28 61.57 224 0.875 bicubic
292 resnext50_32x4d nf_regnet_b1 94.100 94.120 5.900 5.880 98.350 98.620 1.650 1.380 25.03 10.22 224 288 0.875 0.900 bicubic
293 regnetx_160 94.120 5.880 98.740 1.260 54.28 224 0.875 bicubic
294 resnext50_32x4d 94.110 5.890 98.350 1.650 25.03 224 0.875 bicubic
295 ese_vovnet39b 94.090 5.910 98.660 1.340 24.57 224 0.875 bicubic
296 gluon_resnet152_v1b 94.080 5.920 98.450 98.460 1.550 1.540 60.19 224 0.875 bicubic
297 coat_lite_mini xcit_tiny_24_p16_224 94.060 94.080 5.940 5.920 98.560 98.510 1.440 1.490 11.01 12.12 224 0.900 1.000 bicubic
298 coat_lite_mini 94.050 5.950 98.540 1.460 11.01 224 0.900 bicubic
299 resmlp_24_224 94.020 5.980 98.330 1.670 30.02 224 0.875 bicubic
300 dpn131 94.010 93.990 5.990 6.010 98.720 1.280 79.25 224 0.875 bicubic
301 hrnet_w64 94.010 93.990 5.990 6.010 98.610 98.620 1.390 1.380 128.06 224 0.875 bilinear
302 resnetblur50 halonet26t 93.960 93.980 6.040 6.020 98.590 98.490 1.410 1.510 25.56 12.48 224 256 0.875 0.950 bicubic
303 dla102x2 93.950 93.960 6.050 6.040 98.490 98.480 1.510 1.520 41.28 224 0.875 bilinear
304 hrnet_w48 93.940 6.060 98.610 1.390 77.47 224 0.875 bilinear
305 tf_efficientnetv2_b1 93.940 6.060 98.620 1.380 8.14 240 0.882 bicubic
306 hrnet_w48 resnetblur50 93.920 93.930 6.080 6.070 98.610 98.580 1.390 1.420 77.47 25.56 224 0.875 bilinear bicubic
307 tf_efficientnet_cc_b1_8e 93.920 6.080 98.250 1.750 39.72 240 0.882 bicubic
308 rexnet_130 93.900 6.100 98.400 1.600 7.56 224 0.875 bicubic
tf_efficientnet_cc_b1_8e 93.900 6.100 98.260 1.740 39.72 240 0.882 bicubic
309 regnetx_064 93.890 6.110 98.630 1.370 26.21 224 0.875 bicubic
310 regnetx_080 93.870 6.130 98.520 1.480 39.57 224 0.875 bicubic
311 repvgg_b2g4 regnety_040 93.860 6.140 98.590 98.640 1.410 1.360 61.76 20.65 224 0.875 bilinear bicubic
regnety_040 93.860 6.140 98.650 1.350 20.65 224 0.875 bicubic
312 efficientnet_em 93.840 6.160 98.810 1.190 6.90 240 0.882 bicubic
313 resnext101_32x8d repvgg_b2g4 93.830 93.840 6.170 6.160 98.580 98.600 1.420 1.400 88.79 61.76 224 0.875 bilinear
314 gluon_resnext50_32x4d 93.810 93.820 6.190 6.180 98.410 1.590 25.03 224 0.875 bicubic
315 pit_xs_distilled_224 lambda_resnet26t 93.810 93.820 6.190 6.180 98.670 98.650 1.330 1.350 11.00 10.96 224 256 0.900 0.940 bicubic
316 resnet50 pit_xs_distilled_224 93.810 93.820 6.190 6.180 98.390 98.670 1.610 1.330 25.56 11.00 224 0.875 0.900 bicubic
317 gluon_resnet50_v1d resnext101_32x8d 93.770 93.790 6.230 6.210 98.390 98.580 1.610 1.420 25.58 88.79 224 0.875 bicubic bilinear
318 xception65 gluon_resnet50_v1d 93.760 93.780 6.240 6.220 98.370 98.400 1.630 1.600 39.92 25.58 299 224 0.903 0.875 bicubic
319 gluon_resnet101_v1b xception65 93.750 93.770 6.250 6.230 98.380 98.360 1.620 1.640 44.55 39.92 224 299 0.875 0.903 bicubic
320 res2net101_26w_4s cspresnet50 93.750 6.250 98.310 98.630 1.690 1.370 45.21 21.62 224 256 0.875 0.887 bilinear
321 cspresnet50 gluon_resnet101_v1b 93.740 93.730 6.260 6.270 98.640 98.400 1.360 1.600 21.62 44.55 256 224 0.887 0.875 bilinear bicubic
322 legacy_seresnext50_32x4d lambda_resnet26rpt_256 93.730 93.720 6.270 6.280 98.580 98.500 1.420 1.500 27.56 10.99 224 256 0.875 0.940 bilinear bicubic
323 legacy_seresnext50_32x4d 93.720 6.280 98.580 1.420 27.56 224 0.875 bilinear
324 res2net101_26w_4s 93.720 6.280 98.320 1.680 45.21 224 0.875 bilinear
325 wide_resnet101_2 93.720 6.280 98.540 1.460 126.89 224 0.875 bilinear
326 tf_efficientnet_b1_ap 93.690 93.710 6.310 6.290 98.360 1.640 7.79 240 0.882 bicubic
327 dpn68b 93.690 93.680 6.310 6.320 98.510 98.530 1.490 1.470 12.61 224 0.875 bicubic
328 gluon_resnet101_v1c 93.670 93.660 6.330 6.340 98.420 98.410 1.580 1.590 44.57 224 0.875 bicubic
329 vit_tiny_patch16_384 93.650 6.350 98.600 1.400 5.79 384 1.000 bicubic
330 tf_efficientnet_b0_ns gluon_resnet50_v1s 93.630 6.370 98.640 98.470 1.360 1.530 5.29 25.68 224 0.875 bicubic
331 gluon_resnet50_v1s tf_efficientnet_b0_ns 93.620 6.380 98.460 98.640 1.540 1.360 25.68 5.29 224 0.875 bicubic
332 cait_xxs24_224 resnet33ts 93.600 6.400 98.440 98.530 1.560 1.470 11.96 19.68 224 256 1.000 0.900 bicubic
333 coat_tiny cait_xxs24_224 93.590 6.410 98.430 98.440 1.570 1.560 5.50 11.96 224 0.900 1.000 bicubic
334 regnetx_040 coat_tiny 93.560 93.580 6.440 6.420 98.540 98.410 1.460 1.590 22.12 5.50 224 0.875 0.900 bicubic
335 hrnet_w44 93.550 93.580 6.450 6.420 98.700 1.300 67.06 224 0.875 bilinear
336 res2net50_26w_8s regnetx_040 93.540 93.550 6.460 6.450 98.260 98.560 1.740 1.440 48.40 22.12 224 0.875 bilinear bicubic
337 hrnet_w32 93.530 93.520 6.470 6.480 98.450 98.440 1.550 1.560 41.23 224 0.875 bilinear
338 dla102x 93.520 93.510 6.480 6.490 98.510 98.500 1.490 1.500 26.31 224 0.875 bilinear
339 repvgg_b2 eca_halonext26ts 93.500 93.510 6.500 6.490 98.730 98.280 1.270 1.720 89.02 10.76 224 256 0.875 0.940 bilinear bicubic
340 tf_efficientnet_b1 93.500 93.510 6.500 6.490 98.360 1.640 7.79 240 0.882 bicubic
341 hrnet_w40 repvgg_b2 93.490 6.510 98.580 98.730 1.420 1.270 57.56 89.02 224 0.875 bilinear
342 gluon_inception_v3 hrnet_w40 93.460 93.490 6.540 6.510 98.570 98.590 1.430 1.410 23.83 57.56 299 224 0.875 bicubic bilinear
343 xception xcit_nano_12_p8_384_dist 93.460 93.480 6.540 6.520 98.530 98.520 1.470 1.480 22.86 3.05 299 384 0.897 1.000 bicubic
344 mixnet_l xception 93.450 93.480 6.550 6.520 98.220 98.530 1.780 1.470 7.33 22.86 224 299 0.875 0.897 bicubic
345 xception41 resnet32ts 93.430 93.470 6.570 6.530 98.430 98.490 1.570 1.510 26.97 17.96 299 256 0.903 0.900 bicubic
346 res2net50_26w_6s gluon_inception_v3 93.410 93.460 6.590 6.540 98.280 98.560 1.720 1.440 37.05 23.83 224 299 0.875 bilinear bicubic
347 legacy_seresnet152 mixnet_l 93.400 93.430 6.600 6.570 98.350 98.220 1.650 1.780 66.82 7.33 224 0.875 bilinear bicubic
348 res2net50_26w_8s 93.430 6.570 98.180 1.820 48.40 224 0.875 bilinear
349 legacy_seresnet152 93.420 6.580 98.340 1.660 66.82 224 0.875 bilinear
350 xception41 93.410 6.590 98.420 1.580 26.97 299 0.903 bicubic
351 res2net50_26w_6s 93.400 6.600 98.280 1.720 37.05 224 0.875 bilinear
352 xcit_tiny_12_p16_224_dist 93.400 6.600 98.490 1.510 6.72 224 1.000 bicubic
353 resnest26d 93.360 6.640 98.640 1.360 17.07 224 0.875 bilinear
354 dla169 93.340 6.660 98.600 1.400 53.39 224 0.875 bilinear
355 levit_128 93.340 6.660 98.380 1.620 9.21 224 0.900 bicubic
356 tf_inception_v3 93.330 6.670 98.040 1.960 23.83 299 0.875 bicubic
357 tv_resnet152 93.330 6.670 98.390 1.610 60.19 224 0.875 bilinear
358 repvgg_b1 93.330 6.670 98.510 1.490 57.42 224 0.875 bilinear
resnest26d 93.330 6.670 98.630 1.370 17.07 224 0.875 bilinear
tf_inception_v3 93.320 6.680 98.030 1.970 23.83 299 0.875 bicubic
359 tf_mixnet_l 93.310 6.690 98.030 1.970 7.33 224 0.875 bicubic
360 selecsls60b bat_resnext26ts 93.300 93.310 6.700 6.690 98.280 98.350 1.720 1.650 32.77 10.73 224 256 0.875 0.900 bicubic
361 tv_resnet152 legacy_seresnet101 93.300 6.700 98.390 98.500 1.610 1.500 60.19 49.33 224 0.875 bilinear
362 legacy_seresnet101 selecsls60b 93.280 93.290 6.720 6.710 98.510 98.280 1.490 1.720 49.33 32.77 224 0.875 bilinear bicubic
363 efficientnet_b1 93.250 93.240 6.750 6.760 98.290 1.710 7.79 256 1.000 bicubic
364 coat_lite_tiny 93.240 93.220 6.760 6.780 98.260 98.270 1.740 1.730 5.72 224 0.900 bicubic
365 efficientnet_es 93.200 6.800 98.400 1.600 5.44 224 0.875 bicubic
366 hrnet_w30 93.200 6.800 98.410 1.590 37.71 224 0.875 bilinear
dla60_res2net 93.180 6.820 98.420 1.580 20.85 224 0.875 bilinear
367 dla60_res2next 93.180 6.820 98.410 1.590 17.03 224 0.875 bilinear
368 efficientnet_es dla60_res2net 93.140 93.160 6.860 6.840 98.420 98.410 1.580 1.590 5.44 20.85 224 0.875 bicubic bilinear
369 dla60x pit_xs_224 93.120 6.880 98.510 98.320 1.490 1.680 17.35 10.62 224 0.875 0.900 bilinear bicubic
370 regnetx_032 93.120 6.880 98.390 1.610 15.30 224 0.875 bicubic
371 tf_efficientnetv2_b0 93.110 6.890 98.390 1.610 7.14 224 0.875 bicubic
372 pit_xs_224 dla60x 93.110 93.090 6.890 6.910 98.310 98.490 1.690 1.510 10.62 17.35 224 0.900 0.875 bicubic bilinear
373 dla102 93.060 93.080 6.940 6.920 98.540 1.460 33.27 224 0.875 bilinear
gluon_resnet50_v1c 93.030 6.970 98.390 1.610 25.58 224 0.875 bicubic
regnety_016 93.030 6.970 98.360 1.640 11.20 224 0.875 bicubic
374 rexnet_100 93.030 6.970 98.190 1.810 4.80 224 0.875 bicubic
375 selecsls60 gluon_resnet50_v1c 93.030 6.970 98.300 98.370 1.700 1.630 30.67 25.58 224 0.875 bicubic
376 repvgg_b1g4 regnety_016 92.980 93.030 7.020 6.970 98.430 98.360 1.570 1.640 39.97 11.20 224 0.875 bilinear bicubic
377 legacy_seresnet50 selecsls60 92.960 93.020 7.040 6.980 98.190 98.310 1.810 1.690 28.09 30.67 224 0.875 bilinear bicubic
378 repvgg_b1g4 93.000 7.000 98.430 1.570 39.97 224 0.875 bilinear
379 hardcorenas_f 92.950 7.050 98.160 1.840 8.20 224 0.875 bilinear
380 tf_efficientnet_em legacy_seresnet50 92.930 92.950 7.070 7.050 98.190 1.810 6.90 28.09 240 224 0.882 0.875 bicubic bilinear
381 adv_inception_v3 tf_efficientnet_em 92.880 92.950 7.120 7.050 98.140 98.210 1.860 1.790 23.83 6.90 299 240 0.875 0.882 bicubic
382 res2next50 crossvit_9_dagger_240 92.840 92.920 7.160 7.080 98.180 98.250 1.820 1.750 24.67 8.78 224 240 0.875 bilinear bicubic
383 tf_efficientnet_cc_b0_8e adv_inception_v3 92.830 92.890 7.170 7.110 98.180 98.130 1.820 1.870 24.01 23.83 224 299 0.875 bicubic
384 res2next50 92.850 7.150 98.180 1.820 24.67 224 0.875 bilinear
385 gmixer_24_224 92.840 7.160 97.880 2.120 24.72 224 0.875 bicubic
386 resmlp_12_distilled_224 92.830 7.170 98.140 1.860 15.35 224 0.875 bicubic
387 gmixer_24_224 tf_efficientnet_cc_b0_8e 92.830 92.820 7.170 7.180 97.880 98.180 2.120 1.820 24.72 24.01 224 0.875 bicubic
388 seresnext26t_32x4d 92.820 92.810 7.180 7.190 98.370 1.630 16.81 224 0.875 bicubic
389 tv_resnet101 92.810 7.190 98.250 98.230 1.750 1.770 44.55 224 0.875 bilinear
390 gcresnext26ts 92.770 7.230 98.270 1.730 10.48 256 0.900 bicubic
391 efficientnet_b1_pruned 92.770 7.230 98.040 1.960 6.33 240 0.882 bicubic
392 densenet201 tv_resnext50_32x4d 92.750 92.760 7.250 7.240 98.230 98.280 1.770 1.720 20.01 25.03 224 0.875 bicubic bilinear
393 res2net50_14w_8s densenet201 92.740 92.750 7.260 7.250 98.180 98.240 1.820 1.760 25.06 20.01 224 0.875 bilinear bicubic
394 tv_resnext50_32x4d resnet26t 92.740 92.750 7.260 7.250 98.270 98.240 1.730 1.760 25.03 16.01 224 256 0.875 0.940 bilinear bicubic
395 inception_v3 seresnext26d_32x4d 92.720 92.740 7.280 7.260 97.970 98.150 2.030 1.850 23.83 16.81 299 224 0.875 bicubic
396 seresnext26d_32x4d inception_v3 92.700 92.720 7.300 7.280 98.150 97.960 1.850 2.040 16.81 23.83 224 299 0.875 bicubic
397 efficientnet_b0 res2net50_14w_8s 92.690 92.720 7.310 7.280 98.070 98.190 1.930 1.810 5.29 25.06 224 0.875 bicubic bilinear
398 resnet34d 92.680 92.700 7.320 7.300 98.310 98.300 1.690 1.700 21.82 224 0.875 bicubic
399 tf_efficientnet_lite2 seresnext26ts 92.650 92.680 7.350 7.320 98.230 98.300 1.770 1.700 6.09 10.39 260 256 0.890 0.900 bicubic
400 legacy_seresnext26_32x4d efficientnet_b0 92.640 92.670 7.360 7.330 98.130 98.080 1.870 1.920 16.79 5.29 224 0.875 bicubic
401 eca_resnext26ts 92.660 7.340 98.260 1.740 10.30 256 0.900 bicubic
402 tf_efficientnet_lite2 92.660 7.340 98.230 1.770 6.09 260 0.890 bicubic
403 legacy_seresnext26_32x4d 92.630 7.370 98.120 1.880 16.79 224 0.875 bicubic
404 tf_efficientnet_cc_b0_4e 92.620 7.380 98.080 1.920 13.31 224 0.875 bicubic
405 tf_efficientnet_lite1 92.620 7.380 98.080 1.920 5.42 240 0.882 bicubic
406 tf_efficientnet_cc_b0_4e hardcorenas_e 92.590 92.580 7.410 7.420 98.080 98.110 1.920 1.890 13.31 8.07 224 0.875 bicubic bilinear
hardcorenas_e 92.570 7.430 98.110 1.890 8.07 224 0.875 bilinear
407 res2net50_48w_2s 92.550 7.450 98.080 1.920 25.29 224 0.875 bilinear
408 gluon_resnet50_v1b 92.540 7.460 98.170 98.190 1.830 1.810 25.56 224 0.875 bicubic
409 densenet161 92.500 7.500 98.290 1.710 28.68 224 0.875 bicubic
410 res2net50_26w_4s xcit_tiny_12_p16_224 92.500 92.490 7.500 7.510 98.060 98.250 1.940 1.750 25.70 6.72 224 0.875 1.000 bilinear bicubic
411 mixnet_m res2net50_26w_4s 92.430 92.480 7.570 7.520 97.870 98.070 2.130 1.930 5.01 25.70 224 0.875 bicubic bilinear
412 hardcorenas_d mixnet_m 92.400 92.440 7.600 7.560 98.070 97.870 1.930 2.130 7.50 5.01 224 0.875 bilinear bicubic
413 convmixer_1024_20_ks9_p14 92.430 7.570 98.270 1.730 24.38 224 0.960 bicubic
414 hardcorenas_d 92.420 7.580 98.070 1.930 7.50 224 0.875 bilinear
415 mobilenetv2_120d 92.400 7.600 98.050 1.950 5.83 224 0.875 bicubic
416 skresnet34 92.390 92.380 7.610 7.620 98.150 98.140 1.850 1.860 22.28 224 0.875 bicubic
417 tf_mixnet_m 92.330 7.670 97.890 2.110 5.01 224 0.875 bicubic
418 hrnet_w18 92.320 92.310 7.680 7.690 98.240 98.250 1.760 1.750 21.30 224 0.875 bilinear
419 ese_vovnet19b_dw selecsls42b 92.290 92.300 7.710 7.700 98.090 98.140 1.910 1.860 6.54 32.46 224 0.875 bicubic
420 selecsls42b ese_vovnet19b_dw 92.280 92.270 7.720 7.730 98.150 98.100 1.850 1.900 32.46 6.54 224 0.875 bicubic
421 mobilenetv3_large_100_miil 92.260 92.270 7.740 7.730 97.640 2.360 5.48 224 0.875 bilinear
422 tf_efficientnet_b0 92.250 92.230 7.750 7.770 98.000 2.000 5.29 224 0.875 bicubic
423 dla60 tf_efficientnet_b0_ap 92.230 92.220 7.770 7.780 98.110 98.020 1.890 1.980 22.04 5.29 224 0.875 bilinear bicubic
424 resmlp_12_224 dla60 92.210 92.220 7.790 7.780 98.160 98.110 1.840 1.890 15.35 22.04 224 0.875 bicubic bilinear
425 tf_efficientnet_b0_ap resmlp_12_224 92.200 92.190 7.800 7.810 98.020 98.160 1.980 1.840 5.29 15.35 224 0.875 bicubic
426 regnetx_016 92.170 92.160 7.830 7.840 98.210 1.790 9.19 224 0.875 bicubic
427 gernet_s 92.140 7.860 98.190 1.810 8.17 224 0.875 bilinear
428 resnet26d xcit_nano_12_p8_224_dist 92.070 92.100 7.930 7.900 97.960 98.160 2.040 1.840 16.01 3.05 224 0.875 1.000 bicubic
429 vit_small_patch32_224 resnet26d 92.040 92.050 7.960 7.950 98.230 97.960 1.770 2.040 22.88 16.01 224 0.900 0.875 bicubic
430 vit_tiny_r_s16_p8_384 vit_small_patch32_224 92.040 92.030 7.960 7.970 98.290 98.230 1.710 1.770 6.36 22.88 384 224 1.000 0.900 bicubic
431 vit_tiny_r_s16_p8_384 92.030 7.970 98.290 1.710 6.36 384 1.000 bicubic
432 dpn68 92.020 7.980 98.040 1.960 12.61 224 0.875 bicubic
433 hardcorenas_c 92.020 7.980 97.840 2.160 5.52 224 0.875 bilinear
434 dpn68 tf_efficientnet_es 92.010 91.990 7.990 8.010 98.050 97.870 1.950 2.130 12.61 5.44 224 0.875 bicubic
435 tf_efficientnet_es levit_128s 91.980 91.950 8.020 8.050 97.860 98.060 2.140 1.940 5.44 7.78 224 0.875 0.900 bicubic
levit_128s 91.970 8.030 98.060 1.940 7.78 224 0.900 bicubic
436 repvgg_a2 91.940 8.060 98.150 1.850 28.21 224 0.875 bilinear
437 densenet169 91.930 91.910 8.070 8.090 98.100 1.900 14.15 224 0.875 bicubic
438 densenetblur121d 91.910 8.090 98.070 98.090 1.930 1.910 8.00 224 0.875 bicubic
439 tv_resnet50 91.880 91.890 8.120 8.110 98.040 1.960 25.56 224 0.875 bilinear
440 mixer_b16_224 resnext26ts 91.870 91.860 8.130 8.140 97.250 97.930 2.750 2.070 59.88 10.30 224 256 0.875 0.900 bicubic
441 mixnet_s mixer_b16_224 91.830 91.860 8.170 8.140 97.690 97.230 2.310 2.770 4.13 59.88 224 0.875 bicubic
442 mobilenetv2_140 91.830 8.170 97.860 2.140 6.11 224 0.875 bicubic
443 hardcorenas_b xcit_nano_12_p16_384_dist 91.770 91.830 8.230 8.170 97.780 98.010 2.220 1.990 5.18 3.05 224 384 0.875 1.000 bilinear bicubic
444 mixnet_s 91.820 8.180 97.690 2.310 4.13 224 0.875 bicubic
445 vit_tiny_patch16_224 91.760 8.240 98.040 1.960 5.72 224 0.900 bicubic
446 regnety_008 hardcorenas_b 91.750 91.740 8.250 8.260 98.180 97.780 1.820 2.220 6.26 5.18 224 0.875 bicubic bilinear
447 resnest14d 91.720 91.730 8.280 8.270 97.870 2.130 10.61 224 0.875 bilinear
448 regnety_008 91.710 8.290 98.180 1.820 6.26 224 0.875 bicubic
449 densenet121 91.570 8.430 98.030 1.970 7.98 224 0.875 bicubic
450 tf_mixnet_s 91.510 8.490 97.620 97.610 2.380 2.390 4.13 224 0.875 bicubic
451 repvgg_b0 91.430 91.450 8.570 8.550 97.990 97.980 2.010 2.020 15.82 224 0.875 bilinear
452 regnety_006 91.370 91.380 8.630 8.620 97.710 2.290 6.06 224 0.875 bicubic
453 hardcorenas_a 91.350 91.340 8.650 8.660 97.860 2.140 5.26 224 0.875 bilinear
454 mobilenetv3_large_100 91.320 91.340 8.680 8.660 97.710 2.290 5.48 224 0.875 bicubic
455 semnasnet_100 91.280 8.720 97.560 97.570 2.440 2.430 3.89 224 0.875 bicubic
456 tf_mobilenetv3_large_100 91.240 91.230 8.760 8.770 97.660 2.340 5.48 224 0.875 bilinear
457 mobilenetv3_rw 91.210 8.790 97.660 2.340 5.48 224 0.875 bicubic
458 efficientnet_es_pruned 91.190 8.810 97.740 2.260 5.44 224 0.875 bicubic
459 hrnet_w18_small_v2 91.190 8.810 97.900 2.100 15.60 224 0.875 bilinear
efficientnet_es_pruned 91.180 8.820 97.750 2.250 5.44 224 0.875 bicubic
460 efficientnet_lite0 91.140 8.860 97.630 2.370 4.65 224 0.875 bicubic
461 resnet34 resnet26 91.130 8.870 97.620 97.740 2.380 2.260 21.80 16.00 224 0.875 bilinear bicubic
462 resnet26 resnet34 91.110 91.120 8.890 8.880 97.740 97.630 2.260 2.370 16.00 21.80 224 0.875 bicubic bilinear
463 regnetx_008 91.050 8.950 97.710 2.290 7.26 224 0.875 bicubic
464 tf_efficientnet_lite0 91.040 91.050 8.960 8.950 97.590 97.570 2.410 2.430 4.65 224 0.875 bicubic
465 gluon_resnet34_v1b 90.960 90.990 9.040 9.010 97.630 97.650 2.370 2.350 21.80 224 0.875 bicubic
466 mobilenetv2_110d xcit_nano_12_p8_224 90.950 90.990 9.050 9.010 97.550 97.800 2.450 2.200 4.52 3.05 224 0.875 1.000 bicubic
467 pit_ti_distilled_224 mobilenetv2_110d 90.900 90.970 9.100 9.030 97.700 97.560 2.300 2.440 5.10 4.52 224 0.900 0.875 bicubic
468 legacy_seresnet34 90.890 90.900 9.110 9.100 97.580 2.420 21.96 224 0.875 bilinear
469 tv_densenet121 90.890 90.900 9.110 9.100 97.710 97.700 2.290 2.300 7.98 224 0.875 bicubic
470 dla34 pit_ti_distilled_224 90.760 90.880 9.240 9.120 97.660 97.720 2.340 2.280 15.74 5.10 224 0.875 0.900 bilinear bicubic
471 deit_tiny_distilled_patch16_224 dla34 90.700 90.770 9.300 9.230 97.570 97.650 2.430 2.350 5.91 15.74 224 0.900 0.875 bicubic bilinear
472 fbnetc_100 deit_tiny_distilled_patch16_224 90.700 90.730 9.300 9.270 97.210 97.580 2.790 2.420 5.57 5.91 224 0.875 0.900 bilinear bicubic
473 swsl_resnet18 fbnetc_100 90.690 90.720 9.310 9.280 97.700 97.210 2.300 2.790 11.69 5.57 224 0.875 bilinear
474 convit_tiny swsl_resnet18 90.630 90.680 9.370 9.320 97.740 97.710 2.260 2.290 5.71 11.69 224 0.875 bicubic bilinear
475 crossvit_9_240 90.660 9.340 97.740 2.260 8.55 240 0.875 bicubic
476 convit_tiny 90.610 9.390 97.730 2.270 5.71 224 0.875 bicubic
477 eca_botnext26ts_256 90.550 9.450 97.250 2.750 10.59 256 0.950 bicubic
478 mnasnet_100 90.510 9.490 97.470 2.530 4.38 224 0.875 bicubic
479 regnety_004 90.500 90.480 9.500 9.520 97.540 97.560 2.460 2.440 4.34 224 0.875 bicubic
regnetx_006 90.350 9.650 97.430 2.570 6.20 224 0.875 bicubic
480 spnasnet_100 90.350 9.650 97.190 2.810 4.42 224 0.875 bilinear
481 ssl_resnet18 regnetx_006 90.220 90.320 9.780 9.680 97.550 97.430 2.450 2.570 11.69 6.20 224 0.875 bilinear bicubic
482 crossvit_tiny_240 90.250 9.750 97.610 2.390 7.01 240 0.875 bicubic
483 ssl_resnet18 90.230 9.770 97.560 2.440 11.69 224 0.875 bilinear
484 vgg19_bn 90.100 9.900 97.580 2.420 143.68 224 0.875 bilinear
485 vgg16_bn 90.090 9.910 97.370 2.630 138.37 224 0.875 bilinear
486 vgg19_bn ghostnet_100 90.080 90.030 9.920 9.970 97.580 97.370 2.420 2.630 143.68 5.18 224 0.875 bilinear
487 ghostnet_100 pit_ti_224 90.020 89.930 9.980 10.070 97.370 97.440 2.630 2.560 5.18 4.85 224 0.875 0.900 bilinear bicubic
488 pit_ti_224 tv_resnet34 89.940 89.920 10.060 10.080 97.450 97.340 2.550 2.660 4.85 21.80 224 0.900 0.875 bicubic bilinear
489 tv_resnet34 vit_base_patch32_sam_224 89.940 89.750 10.060 10.250 97.340 97.000 2.660 3.000 21.80 88.22 224 0.875 0.900 bilinear bicubic
490 tf_mobilenetv3_large_075 89.680 89.710 10.320 10.290 97.210 97.220 2.790 2.780 3.99 224 0.875 bilinear
491 deit_tiny_patch16_224 xcit_nano_12_p16_224_dist 89.670 89.680 10.330 10.320 97.450 97.090 2.550 2.910 5.72 3.05 224 0.900 1.000 bicubic
492 skresnet18 deit_tiny_patch16_224 89.660 89.670 10.340 10.330 97.230 97.440 2.770 2.560 11.96 5.72 224 0.875 0.900 bicubic
493 mobilenetv2_100 skresnet18 89.600 89.660 10.400 10.340 97.140 97.220 2.860 2.780 3.50 11.96 224 0.875 bicubic
494 resnet18d mobilenetv2_100 89.280 89.610 10.720 10.390 97.150 2.850 11.71 3.50 224 0.875 bicubic
495 vit_tiny_r_s16_p8_224 resnet18d 89.170 89.290 10.830 10.710 97.230 97.140 2.770 2.860 6.34 11.71 224 0.900 0.875 bicubic
496 hrnet_w18_small vit_tiny_r_s16_p8_224 89.050 89.190 10.950 10.810 97.110 97.230 2.890 2.770 13.19 6.34 224 0.875 0.900 bilinear bicubic
497 vgg19 hrnet_w18_small 89.040 89.060 10.960 10.940 96.870 97.100 3.130 2.900 143.67 13.19 224 0.875 bilinear
498 tf_mobilenetv3_large_minimal_100 vgg19 88.970 89.060 11.030 10.940 96.860 96.870 3.140 3.130 3.92 143.67 224 0.875 bilinear
499 regnetx_004 tf_mobilenetv3_large_minimal_100 88.900 88.950 11.100 11.050 97.120 96.870 2.880 3.130 5.16 3.92 224 0.875 bicubic bilinear
500 legacy_seresnet18 88.880 11.120 96.980 96.970 3.020 3.030 11.78 224 0.875 bicubic
501 vgg13_bn regnetx_004 88.760 88.880 11.240 11.120 96.970 97.120 3.030 2.880 133.05 5.16 224 0.875 bilinear bicubic
502 vgg13_bn 88.780 11.220 96.970 3.030 133.05 224 0.875 bilinear
503 xcit_nano_12_p16_224 88.590 11.410 96.790 3.210 3.05 224 1.000 bicubic
504 vgg16 88.550 11.450 96.790 3.210 138.36 224 0.875 bilinear
505 gluon_resnet18_v1b 88.400 88.380 11.600 11.620 96.680 96.700 3.320 3.300 11.69 224 0.875 bicubic
506 vgg11_bn 87.500 87.520 12.500 12.480 96.820 96.810 3.180 3.190 132.87 224 0.875 bilinear
507 resnet18 botnet26t_256 87.390 87.460 12.610 12.540 96.290 96.190 3.710 3.810 11.69 12.49 224 256 0.875 0.950 bilinear bicubic
508 regnety_002 resnet18 87.380 87.370 12.620 12.630 96.590 96.260 3.410 3.740 3.16 11.69 224 0.875 bicubic bilinear
509 mixer_l16_224 regnety_002 87.150 87.360 12.850 12.640 93.520 96.570 6.480 3.430 208.20 3.16 224 0.875 bicubic
510 vgg13 mixer_l16_224 87.050 87.160 12.950 12.840 96.320 93.530 3.680 6.470 133.05 208.20 224 0.875 bilinear bicubic
511 vgg11 vgg13 86.550 87.030 13.450 12.970 96.280 96.310 3.720 3.690 132.86 133.05 224 0.875 bilinear
512 dla60x_c vgg11 86.290 86.580 13.710 13.420 96.160 96.290 3.840 3.710 1.32 132.86 224 0.875 bilinear
513 regnetx_002 dla60x_c 86.190 86.280 13.810 13.720 95.980 96.160 4.020 3.840 2.68 1.32 224 0.875 bicubic bilinear
514 tf_mobilenetv3_small_100 regnetx_002 85.190 86.200 14.810 13.800 95.770 95.970 4.230 4.030 2.54 2.68 224 0.875 bilinear bicubic
515 dla46x_c tf_mobilenetv3_small_100 84.250 85.210 15.750 14.790 95.270 95.780 4.730 4.220 1.07 2.54 224 0.875 bilinear
516 dla46_c dla46x_c 83.650 84.250 16.350 15.750 94.920 95.280 5.080 4.720 1.30 1.07 224 0.875 bilinear
517 tf_mobilenetv3_small_075 dla46_c 83.520 83.640 16.480 16.360 94.790 94.910 5.210 5.090 2.04 1.30 224 0.875 bilinear
518 tf_mobilenetv3_small_minimal_100 tf_mobilenetv3_small_075 81.380 83.480 18.620 16.520 93.670 94.800 6.330 5.200 2.04 224 0.875 bilinear
519 tf_mobilenetv3_small_minimal_100 81.390 18.610 93.670 6.330 2.04 224 0.875 bilinear

@ -1,421 +1,519 @@
model,top1,top1_err,top5,top5_err,param_count,img_size,cropt_pct,interpolation,top1_diff,top5_diff,rank_diff
tf_efficientnet_l2_ns,84.760,15.240,96.147,3.853,480.31,800,0.960,bicubic,-13.790,-3.673,0
tf_efficientnet_l2_ns_475,83.373,16.627,95.453,4.547,480.31,475,0.936,bicubic,-15.127,-4.377,0
vit_large_patch16_384,71.227,28.773,89.840,10.160,304.72,384,1.000,bicubic,-26.993,-9.960,0
swin_large_patch4_window12_384,69.627,30.373,89.560,10.440,196.74,384,1.000,bicubic,-28.413,-10.130,0
tf_efficientnet_b7_ns,67.040,32.960,88.667,11.333,66.35,600,0.949,bicubic,-30.870,-11.053,0
tf_efficientnetv2_l_in21ft1k,66.333,33.667,87.853,12.147,118.52,480,1.000,bicubic,-31.367,-11.817,+3
swin_base_patch4_window12_384,64.480,35.520,87.493,12.507,87.90,384,1.000,bicubic,-33.410,-12.217,-1
vit_base_patch16_384,63.693,36.307,86.707,13.293,86.86,384,1.000,bicubic,-34.147,-12.963,0
cait_m48_448,62.373,37.627,86.453,13.547,356.46,448,1.000,bicubic,-35.107,-13.097,+10
tf_efficientnet_b6_ns,62.267,37.733,85.173,14.827,43.04,528,0.942,bicubic,-35.363,-14.407,+2
vit_large_r50_s32_384,61.507,38.493,83.960,16.040,329.09,384,1.000,bicubic,-36.353,-15.710,-4
tf_efficientnetv2_m_in21ft1k,61.387,38.613,85.413,14.587,54.14,480,1.000,bicubic,-36.093,-14.117,+8
ig_resnext101_32x48d,61.013,38.987,83.347,16.653,828.41,224,0.875,bilinear,-36.607,-16.353,0
swin_large_patch4_window7_224,60.893,39.107,85.840,14.160,196.53,224,0.900,bicubic,-36.757,-13.740,-4
resnetv2_152x4_bitm,60.787,39.213,83.573,16.427,936.53,480,1.000,bilinear,-36.703,-16.037,+3
tf_efficientnet_b5_ns,60.320,39.680,84.493,15.507,30.39,456,0.934,bicubic,-37.180,-15.137,+1
dm_nfnet_f6,59.160,40.840,82.333,17.667,438.36,576,0.956,bicubic,-38.440,-17.217,-3
dm_nfnet_f5,58.573,41.427,82.773,17.227,377.21,544,0.954,bicubic,-38.967,-16.797,-2
dm_nfnet_f4,58.120,41.880,81.987,18.013,316.07,512,0.951,bicubic,-39.460,-17.523,-4
ig_resnext101_32x32d,58.093,41.907,80.653,19.347,468.53,224,0.875,bilinear,-39.267,-19.027,+2
cait_m36_384,57.840,42.160,84.813,15.187,271.22,384,1.000,bicubic,-39.560,-14.697,0
dm_nfnet_f3,55.827,44.173,80.947,19.053,254.92,416,0.940,bicubic,-41.523,-18.613,+1
vit_large_patch16_224,55.627,44.373,80.093,19.907,304.33,224,0.900,bicubic,-42.013,-19.497,-12
vit_base_r50_s16_384,54.627,45.373,81.213,18.787,98.95,384,1.000,bicubic,-42.553,-18.347,+6
cait_s36_384,54.413,45.587,81.360,18.640,68.37,384,1.000,bicubic,-42.917,-18.170,-1
resnetv2_101x3_bitm,54.027,45.973,81.027,18.973,387.93,448,1.000,bilinear,-42.963,-18.463,+14
resnetv2_152x2_bitm,54.013,45.987,82.000,18.000,236.34,448,1.000,bilinear,-42.997,-17.590,+11
tf_efficientnetv2_l,53.187,46.813,79.133,20.867,118.52,480,1.000,bicubic,-44.093,-20.417,-3
ig_resnext101_32x16d,53.067,46.933,76.907,23.093,194.03,224,0.875,bilinear,-43.753,-22.683,+19
swin_base_patch4_window7_224,51.453,48.547,79.973,20.027,87.77,224,0.900,bicubic,-45.797,-19.557,-4
tf_efficientnet_b4_ns,51.213,48.787,79.187,20.813,19.34,380,0.922,bicubic,-45.737,-20.393,+12
resnetv2_152x2_bit_teacher_384,51.187,48.813,78.493,21.507,236.34,384,1.000,bicubic,-45.643,-20.957,+15
swsl_resnext101_32x8d,51.187,48.813,78.240,21.760,88.79,224,0.875,bilinear,-46.013,-21.300,-5
cait_s24_384,49.733,50.267,78.733,21.267,47.06,384,1.000,bicubic,-47.337,-20.697,+2
deit_base_distilled_patch16_384,49.333,50.667,79.253,20.747,87.63,384,1.000,bicubic,-47.627,-20.227,+7
tf_efficientnet_b8,48.947,51.053,77.240,22.760,87.41,672,0.954,bicubic,-48.253,-22.330,-9
dm_nfnet_f2,48.920,51.080,77.160,22.840,193.78,352,0.920,bicubic,-48.100,-22.280,0
tf_efficientnetv2_s_in21ft1k,48.507,51.493,77.880,22.120,21.46,384,1.000,bicubic,-48.223,-21.540,+14
resnest269e,48.187,51.813,74.333,25.667,110.93,416,0.928,bicubic,-48.333,-25.017,+30
resnetv2_50x3_bitm,47.293,52.707,77.333,22.667,217.32,448,1.000,bilinear,-49.417,-22.217,+14
tf_efficientnet_b8_ap,46.893,53.107,76.507,23.493,87.41,672,0.954,bicubic,-50.217,-23.153,-9
efficientnetv2_rw_m,46.280,53.720,75.707,24.293,53.24,416,1.000,bicubic,-50.700,-23.833,-1
swsl_resnext101_32x16d,46.200,53.800,72.200,27.800,194.03,224,0.875,bilinear,-50.400,-27.320,+21
vit_small_patch16_384,45.933,54.067,76.720,23.280,22.20,384,1.000,bicubic,-50.767,-22.760,+12
ecaresnet269d,45.893,54.107,75.133,24.867,102.09,352,1.000,bicubic,-51.187,-24.337,-11
vit_small_r26_s32_384,45.720,54.280,76.067,23.933,36.47,384,1.000,bicubic,-50.960,-23.503,+14
tf_efficientnetv2_m,45.533,54.467,74.533,25.467,54.14,480,1.000,bicubic,-51.607,-24.877,-16
tf_efficientnet_b7_ap,45.373,54.627,74.213,25.787,66.35,600,0.949,bicubic,-51.827,-25.287,-19
dm_nfnet_f1,45.333,54.667,74.107,25.893,132.63,320,0.910,bicubic,-51.587,-25.303,-5
ig_resnext101_32x8d,45.320,54.680,70.867,29.133,88.79,224,0.875,bilinear,-51.000,-28.563,+30
eca_nfnet_l2,44.960,55.040,75.893,24.107,56.72,384,1.000,bicubic,-52.130,-23.617,-18
resnest200e,44.147,55.853,73.467,26.533,70.20,320,0.909,bicubic,-52.463,-25.883,+11
cait_xs24_384,43.947,56.053,75.187,24.813,26.67,384,1.000,bicubic,-52.603,-24.233,+13
tresnet_xl_448,43.480,56.520,72.453,27.547,78.44,448,0.875,bilinear,-52.490,-26.677,+41
vit_base_patch16_224,43.240,56.760,72.920,27.080,86.57,224,0.900,bicubic,-53.640,-26.610,-9
resnetrs420,43.147,56.853,70.453,29.547,191.89,416,1.000,bicubic,-53.763,-29.007,-11
tf_efficientnet_b7,42.960,57.040,73.133,26.867,66.35,600,0.949,bicubic,-54.050,-26.387,-18
vit_large_r50_s32_224,41.640,58.360,70.227,29.773,328.99,224,0.900,bicubic,-55.150,-29.123,-9
swsl_resnext101_32x4d,41.560,58.440,71.760,28.240,44.18,224,0.875,bilinear,-54.860,-27.710,+14
tf_efficientnet_b6_ap,40.800,59.200,71.627,28.373,43.04,528,0.942,bicubic,-56.280,-27.993,-25
resmlp_big_24_224_in22ft1k,40.373,59.627,74.760,25.240,129.14,224,0.875,bicubic,-56.247,-24.750,+1
tresnet_l_448,40.200,59.800,69.893,30.107,55.99,448,0.875,bilinear,-55.660,-29.227,+40
deit_base_patch16_384,40.173,59.827,70.760,29.240,86.86,384,1.000,bicubic,-55.977,-28.380,+22
resnetrs350,39.960,60.040,68.907,31.093,163.96,384,1.000,bicubic,-56.800,-30.463,-13
vit_large_patch32_384,38.933,61.067,68.920,31.080,306.63,384,1.000,bicubic,-56.897,-30.230,+39
resnetv2_101x1_bitm,38.920,61.080,71.040,28.960,44.54,448,1.000,bilinear,-57.180,-28.240,+26
resnet200d,38.147,61.853,68.613,31.387,64.69,320,1.000,bicubic,-58.573,-30.717,-14
seresnet152d,37.640,62.360,69.480,30.520,66.84,320,1.000,bicubic,-59.130,-29.970,-18
eca_nfnet_l1,37.533,62.467,70.947,29.053,41.41,320,1.000,bicubic,-59.167,-28.343,-14
twins_svt_large,37.200,62.800,69.227,30.773,99.27,224,0.900,bicubic,-59.070,-29.943,+12
vit_base_patch32_384,37.080,62.920,69.760,30.240,88.30,384,1.000,bicubic,-59.410,-29.650,-1
efficientnetv2_rw_s,36.787,63.213,68.320,31.680,23.94,384,1.000,bicubic,-59.753,-31.040,-5
regnety_160,36.747,63.253,69.107,30.893,83.59,288,1.000,bicubic,-59.603,-30.223,+4
cait_xxs36_384,36.227,63.773,67.800,32.200,17.37,384,1.000,bicubic,-59.623,-31.290,+29
pit_b_distilled_224,35.627,64.373,69.120,30.880,74.79,224,0.900,bicubic,-61.053,-30.230,-17
tf_efficientnet_b3_ns,35.520,64.480,67.773,32.227,12.23,300,0.904,bicubic,-60.870,-31.577,-2
tf_efficientnet_b6,35.213,64.787,67.720,32.280,43.04,528,0.942,bicubic,-61.457,-31.650,-16
resnetrs270,35.013,64.987,65.480,34.520,129.86,352,1.000,bicubic,-61.677,-33.870,-21
tf_efficientnet_b5_ap,34.787,65.213,67.493,32.507,30.39,456,0.934,bicubic,-61.893,-31.967,-20
vit_base_patch16_224_miil,34.507,65.493,65.000,35.000,86.54,224,0.875,bilinear,-61.953,-34.300,-9
resnet152d,34.320,65.680,65.907,34.093,60.21,320,1.000,bicubic,-62.040,-33.483,-5
tresnet_m_448,34.107,65.893,64.493,35.507,31.39,448,0.875,bilinear,-60.883,-34.487,+69
resmlp_big_24_distilled_224,34.067,65.933,69.600,30.400,129.14,224,0.875,bicubic,-62.383,-29.710,-11
twins_pcpvt_large,33.387,66.613,67.933,32.067,60.99,224,0.900,bicubic,-62.763,-31.247,+4
pit_b_224,33.173,66.827,62.320,37.680,73.76,224,0.900,bicubic,-62.467,-36.340,+27
twins_svt_base,33.173,66.827,65.773,34.227,56.07,224,0.900,bicubic,-62.987,-33.287,-2
resnetv2_152x2_bit_teacher,33.053,66.947,64.267,35.733,236.34,224,0.875,bicubic,-63.047,-35.013,+4
swsl_resnext50_32x4d,33.013,66.987,65.067,34.933,25.03,224,0.875,bilinear,-62.857,-34.183,+11
ssl_resnext101_32x16d,32.600,67.400,64.000,36.000,194.03,224,0.875,bilinear,-63.200,-35.180,+16
swin_small_patch4_window7_224,32.600,67.400,65.440,34.560,49.61,224,0.900,bicubic,-63.310,-33.580,+7
tf_efficientnet_b5,31.840,68.160,65.293,34.707,30.39,456,0.934,bicubic,-64.510,-34.017,-13
resnest101e,31.413,68.587,64.360,35.640,48.28,256,0.875,bilinear,-64.447,-34.850,+8
cait_s24_224,31.200,68.800,64.560,35.440,46.92,224,1.000,bicubic,-65.180,-34.590,-18
efficientnet_b4,30.867,69.133,64.600,35.400,19.34,384,1.000,bicubic,-65.283,-34.600,-7
resnetrs200,30.773,69.227,63.320,36.680,93.21,320,1.000,bicubic,-65.757,-36.030,-27
dm_nfnet_f0,30.547,69.453,62.867,37.133,71.49,256,0.900,bicubic,-65.603,-36.383,-10
cait_xxs24_384,30.027,69.973,63.933,36.067,12.03,384,1.000,bicubic,-65.233,-35.027,+33
twins_pcpvt_base,29.960,70.040,64.587,35.413,43.83,224,0.900,bicubic,-65.830,-34.543,+8
swsl_resnet50,29.867,70.133,63.853,36.147,25.56,224,0.875,bilinear,-65.543,-35.437,+26
deit_base_distilled_patch16_224,29.600,70.400,64.453,35.547,87.34,224,0.900,bicubic,-66.490,-34.737,-7
convit_base,29.520,70.480,61.787,38.213,86.54,224,0.875,bicubic,-66.030,-37.083,+13
ssl_resnext101_32x8d,29.040,70.960,60.973,39.027,88.79,224,0.875,bilinear,-66.430,-38.137,+18
tf_efficientnetv2_s,29.040,70.960,61.213,38.787,21.46,384,1.000,bicubic,-67.300,-37.987,-24
resnet101d,28.987,71.013,62.053,37.947,44.57,320,1.000,bicubic,-67.303,-37.177,-23
resnetrs152,28.920,71.080,60.520,39.480,86.62,320,1.000,bicubic,-67.660,-38.720,-40
coat_lite_small,27.547,72.453,58.547,41.453,19.84,224,0.900,bicubic,-67.993,-40.313,+9
deit_base_patch16_224,27.440,72.560,58.893,41.107,86.57,224,0.900,bicubic,-68.000,-39.947,+14
resnetv2_50x1_bitm,27.293,72.707,62.853,37.147,25.55,448,1.000,bilinear,-67.717,-36.207,+40
vit_small_patch16_224,27.053,72.947,59.213,40.787,22.05,224,0.900,bicubic,-68.317,-39.937,+17
tf_efficientnet_b4,26.293,73.707,60.107,39.893,19.34,380,0.922,bicubic,-69.607,-39.063,-12
tf_efficientnet_b4_ap,26.240,73.760,60.227,39.773,19.34,380,0.922,bicubic,-69.920,-39.053,-28
nfnet_l0,26.213,73.787,61.720,38.280,35.07,288,1.000,bicubic,-69.907,-37.520,-22
regnety_032,26.213,73.787,60.987,39.013,19.44,288,1.000,bicubic,-69.757,-38.203,-19
ecaresnet50t,26.133,73.867,60.027,39.973,25.57,320,0.950,bicubic,-69.377,-39.093,+4
ecaresnet101d,26.027,73.973,58.987,41.013,44.57,224,0.875,bicubic,-69.503,-40.143,+1
visformer_small,25.840,74.160,58.907,41.093,40.22,224,0.900,bicubic,-69.650,-39.993,+3
coat_mini,25.520,74.480,57.693,42.307,10.34,224,0.900,bicubic,-69.450,-41.087,+35
resnetv2_50x1_bit_distilled,25.107,74.893,59.613,40.387,25.55,224,0.875,bicubic,-71.023,-39.667,-29
convit_small,25.093,74.907,57.280,42.720,27.78,224,0.875,bicubic,-70.107,-41.620,+14
eca_nfnet_l0,24.827,75.173,60.093,39.907,24.14,288,1.000,bicubic,-71.123,-39.117,-24
tnt_s_patch16_224,24.733,75.267,58.187,41.813,23.76,224,0.900,bicubic,-70.307,-40.693,+24
ssl_resnext101_32x4d,24.173,75.827,57.413,42.587,44.18,224,0.875,bilinear,-71.267,-41.717,0
twins_svt_small,24.133,75.867,57.147,42.853,24.06,224,0.900,bicubic,-71.067,-41.733,+11
vit_small_r26_s32_224,24.080,75.920,56.213,43.787,36.43,224,0.900,bicubic,-71.550,-42.977,-11
tf_efficientnet_b2_ns,24.013,75.987,57.293,42.707,9.11,260,0.890,bicubic,-71.757,-41.827,-18
vit_small_patch32_384,23.773,76.227,57.307,42.693,22.92,384,1.000,bicubic,-71.277,-41.683,+17
nasnetalarge,23.493,76.507,55.027,44.973,88.75,331,0.911,bicubic,-72.187,-43.903,-16
levit_384,23.440,76.560,56.387,43.613,39.13,224,0.900,bicubic,-72.090,-42.663,-11
pnasnet5large,23.333,76.667,53.640,46.360,86.06,331,0.911,bicubic,-72.377,-45.280,-19
efficientnet_b3,23.213,76.787,55.960,44.040,12.23,320,1.000,bicubic,-72.497,-43.080,-21
resmlp_big_24_224,22.853,77.147,54.307,45.693,129.14,224,0.875,bicubic,-71.807,-44.173,+38
twins_pcpvt_small,22.720,77.280,56.853,43.147,24.11,224,0.900,bicubic,-72.490,-42.027,0
vit_base_patch32_224,22.400,77.600,53.933,46.067,88.22,224,0.900,bicubic,-72.600,-45.097,+17
pit_s_distilled_224,22.360,77.640,57.120,42.880,24.04,224,0.900,bicubic,-72.880,-41.930,-3
tresnet_m,21.680,78.320,53.840,46.160,31.39,224,0.875,bilinear,-74.040,-45.190,-27
swin_tiny_patch4_window7_224,21.173,78.827,55.973,44.027,28.29,224,0.900,bicubic,-73.967,-42.877,+1
pit_s_224,21.080,78.920,53.573,46.427,23.46,224,0.900,bicubic,-73.510,-45.137,+37
resnet51q,20.960,79.040,55.720,44.280,35.70,288,1.000,bilinear,-74.900,-43.400,-37
resnetrs101,20.893,79.107,52.813,47.187,63.62,288,0.940,bicubic,-74.537,-46.217,-15
deit_small_distilled_patch16_224,20.707,79.293,55.133,44.867,22.44,224,0.900,bicubic,-74.003,-43.897,+26
resnest50d_4s2x40d,20.387,79.613,52.800,47.200,30.42,224,0.875,bicubic,-74.573,-46.270,+12
ssl_resnext50_32x4d,20.000,80.000,53.613,46.387,25.03,224,0.875,bilinear,-74.870,-45.267,+18
tresnet_xl,19.640,80.360,53.133,46.867,78.44,224,0.875,bilinear,-75.800,-45.917,-20
gluon_senet154,19.307,80.693,47.533,52.467,115.09,224,0.875,bicubic,-75.613,-51.227,+12
rexnet_200,19.227,80.773,52.720,47.280,16.37,224,0.875,bicubic,-75.713,-46.290,+9
levit_256,19.200,80.800,50.067,49.933,18.89,224,0.900,bicubic,-75.810,-48.823,+1
repvgg_b3,19.107,80.893,50.253,49.747,123.09,224,0.875,bilinear,-75.463,-48.527,+28
legacy_senet154,19.053,80.947,47.947,52.053,115.09,224,0.875,bilinear,-76.017,-50.883,-6
mixer_b16_224_miil,19.053,80.947,51.227,48.773,59.88,224,0.875,bilinear,-76.247,-47.653,-21
deit_small_patch16_224,18.907,81.093,51.413,48.587,22.05,224,0.900,bicubic,-75.493,-47.277,+41
gluon_seresnext101_64x4d,18.907,81.093,49.187,50.813,88.23,224,0.875,bicubic,-76.023,-49.643,+4
tf_efficientnet_b1_ns,18.693,81.307,51.667,48.333,7.79,240,0.882,bicubic,-76.477,-47.443,-17
seresnext50_32x4d,18.360,81.640,50.973,49.027,27.56,224,0.875,bicubic,-76.680,-47.957,-9
cait_xxs36_224,18.253,81.747,49.427,50.573,17.30,224,1.000,bicubic,-76.007,-49.293,+47
ecaresnet50d,18.227,81.773,51.880,48.120,25.58,224,0.875,bicubic,-76.403,-47.010,+15
tf_efficientnet_lite4,18.133,81.867,50.707,49.293,13.01,380,0.920,bilinear,-76.757,-48.143,+2
vit_tiny_patch16_384,18.027,81.973,50.307,49.693,5.79,384,1.000,bicubic,-75.623,-48.293,+97
resnest50d_1s4x24d,17.693,82.307,49.800,50.200,25.68,224,0.875,bicubic,-77.057,-49.180,+5
resnest50d,17.373,82.627,50.707,49.293,27.48,224,0.875,bilinear,-77.457,-48.173,+1
gluon_seresnext101_32x4d,17.373,82.627,46.373,53.627,48.96,224,0.875,bicubic,-77.547,-52.437,-2
efficientnet_el,17.347,82.653,49.987,50.013,10.59,300,0.904,bicubic,-77.773,-49.003,-23
inception_v4,17.267,82.733,45.920,54.080,42.68,299,0.875,bicubic,-77.113,-52.660,+31
tf_efficientnet_b3_ap,17.187,82.813,49.680,50.320,12.23,300,0.904,bicubic,-78.133,-49.220,-36
tf_efficientnet_b3,17.000,83.000,49.267,50.733,12.23,300,0.904,bicubic,-78.010,-49.643,-15
xception71,17.000,83.000,45.520,54.480,42.34,299,0.903,bicubic,-77.280,-53.120,+35
resmlp_36_distilled_224,16.880,83.120,51.467,48.533,44.69,224,0.875,bicubic,-78.010,-47.553,-7
gluon_resnext101_64x4d,16.853,83.147,44.213,55.787,83.46,224,0.875,bicubic,-77.817,-54.437,0
tf_efficientnetv2_b3,16.667,83.333,48.680,51.320,14.36,300,0.904,bicubic,-78.493,-50.140,-32
tresnet_l,16.600,83.400,49.920,50.080,55.99,224,0.875,bilinear,-78.690,-49.090,-40
gluon_resnet152_v1d,16.573,83.427,44.280,55.720,60.21,224,0.875,bicubic,-78.167,-54.460,-6
gluon_resnet152_v1s,16.573,83.427,44.533,55.467,60.32,224,0.875,bicubic,-78.467,-54.297,-25
inception_resnet_v2,16.573,83.427,44.960,55.040,55.84,299,0.897,bicubic,-77.967,-53.830,+6
resmlp_24_distilled_224,16.467,83.533,50.387,49.613,30.02,224,0.875,bicubic,-77.993,-48.353,+13
gluon_xception65,16.440,83.560,46.027,53.973,39.92,299,0.903,bicubic,-77.820,-52.543,+28
gernet_l,16.373,83.627,47.213,52.787,31.08,256,0.875,bilinear,-78.717,-51.687,-36
wide_resnet50_2,16.280,83.720,48.347,51.653,68.88,224,0.875,bicubic,-78.800,-50.623,-35
ens_adv_inception_resnet_v2,16.240,83.760,43.640,56.360,55.84,299,0.897,bicubic,-77.920,-54.960,+38
repvgg_b3g4,16.213,83.787,47.653,52.347,83.83,224,0.875,bilinear,-78.307,-51.317,+3
xception65,16.027,83.973,43.773,56.227,39.92,299,0.903,bicubic,-77.733,-54.597,+66
ssl_resnet50,15.960,84.040,49.467,50.533,25.56,224,0.875,bilinear,-78.490,-49.453,+8
regnety_320,15.627,84.373,44.827,55.173,145.05,224,0.875,bicubic,-78.913,-54.023,-2
ecaresnet101d_pruned,15.600,84.400,48.027,51.973,24.88,224,0.875,bicubic,-79.480,-50.953,-42
ecaresnet26t,15.467,84.533,47.920,52.080,16.01,320,0.950,bicubic,-78.843,-50.720,+16
coat_tiny,15.413,84.587,45.600,54.400,5.50,224,0.900,bicubic,-78.177,-52.830,+74
skresnext50_32x4d,15.373,84.627,44.493,55.507,27.48,224,0.875,bicubic,-78.887,-53.967,+19
ecaresnetlight,15.160,84.840,45.827,54.173,30.16,224,0.875,bicubic,-79.610,-52.973,-25
cait_xxs24_224,15.160,84.840,44.960,55.040,11.96,224,1.000,bicubic,-78.440,-53.480,+71
levit_192,14.893,85.107,44.920,55.080,10.95,224,0.900,bicubic,-79.277,-53.620,+25
rexnet_150,14.720,85.280,46.907,53.093,9.73,224,0.875,bicubic,-79.760,-51.903,-5
coat_lite_mini,14.507,85.493,44.507,55.493,11.01,224,0.900,bicubic,-79.553,-54.053,+35
efficientnet_el_pruned,14.480,85.520,46.120,53.880,10.59,300,0.904,bicubic,-79.920,-52.620,+1
efficientnet_b2,14.440,85.560,46.080,53.920,9.11,288,1.000,bicubic,-80.170,-52.630,-19
legacy_seresnext101_32x4d,14.147,85.853,42.973,57.027,48.96,224,0.875,bilinear,-80.223,-55.677,+1
seresnet50,14.147,85.853,45.467,54.533,28.09,224,0.875,bicubic,-80.403,-53.283,-17
gernet_m,14.013,85.987,46.067,53.933,21.14,224,0.875,bilinear,-80.607,-52.793,-23
gluon_resnext101_32x4d,13.867,86.133,41.653,58.347,44.18,224,0.875,bicubic,-80.663,-56.977,-16
gluon_seresnext50_32x4d,13.600,86.400,43.760,56.240,27.56,224,0.875,bicubic,-80.740,-54.850,-1
resmlp_36_224,13.507,86.493,46.693,53.307,44.69,224,0.875,bicubic,-80.683,-51.647,+12
repvgg_b2g4,13.440,86.560,43.787,56.213,61.76,224,0.875,bilinear,-80.420,-54.863,+38
ese_vovnet39b,13.320,86.680,43.813,56.187,24.57,224,0.875,bicubic,-80.770,-54.847,+23
regnetx_320,13.307,86.693,40.720,59.280,107.81,224,0.875,bicubic,-81.153,-58.050,-14
pit_xs_distilled_224,13.240,86.760,44.573,55.427,11.00,224,0.900,bicubic,-80.570,-54.097,+40
efficientnet_b3_pruned,13.173,86.827,45.213,54.787,9.86,300,0.904,bicubic,-81.457,-53.547,-32
gluon_resnet101_v1d,13.160,86.840,41.493,58.507,44.57,224,0.875,bicubic,-81.060,-57.057,+4
mixnet_xl,13.120,86.880,43.253,56.747,11.90,224,0.875,bicubic,-81.070,-55.407,+6
nf_regnet_b1,12.947,87.053,44.400,55.600,10.22,288,0.900,bicubic,-81.173,-54.230,+14
pit_xs_224,12.813,87.187,42.840,57.160,10.62,224,0.900,bicubic,-80.297,-55.550,+84
gluon_inception_v3,12.640,87.360,40.493,59.507,23.83,299,0.875,bicubic,-80.820,-58.077,+59
coat_lite_tiny,12.520,87.480,41.160,58.840,5.72,224,0.900,bicubic,-80.720,-57.100,+74
resmlp_24_224,12.493,87.507,43.427,56.573,30.02,224,0.875,bicubic,-81.527,-54.903,+16
regnety_120,12.427,87.573,42.200,57.800,51.82,224,0.875,bicubic,-82.053,-56.480,-28
efficientnet_em,12.360,87.640,43.880,56.120,6.90,240,0.882,bicubic,-81.480,-54.930,+27
hrnet_w64,12.027,87.973,40.787,59.213,128.06,224,0.875,bilinear,-81.983,-57.823,+15
cspdarknet53,12.013,87.987,43.253,56.747,27.64,256,0.887,bilinear,-82.647,-55.547,-46
gluon_resnet101_v1s,11.880,88.120,40.973,59.027,44.67,224,0.875,bicubic,-82.840,-57.847,-50
gmixer_24_224,11.853,88.147,37.773,62.227,24.72,224,0.875,bicubic,-80.977,-60.407,+89
nf_resnet50,11.760,88.240,45.933,54.067,25.56,288,0.940,bicubic,-82.800,-52.857,-41
resnet50d,11.693,88.307,42.453,57.547,25.58,224,0.875,bicubic,-82.567,-56.267,-15
dpn92,11.627,88.373,40.267,59.733,37.67,224,0.875,bicubic,-82.603,-58.463,-13
xception41,11.600,88.400,39.133,60.867,26.97,299,0.903,bicubic,-81.830,-59.297,+50
dla102x2,11.573,88.427,41.293,58.707,41.28,224,0.875,bilinear,-82.377,-57.197,+9
vit_small_patch32_224,11.480,88.520,39.573,60.427,22.88,224,0.900,bicubic,-80.560,-58.657,+119
levit_128,11.427,88.573,40.267,59.733,9.21,224,0.900,bicubic,-81.913,-58.113,+51
regnety_080,11.413,88.587,40.613,59.387,39.18,224,0.875,bicubic,-82.757,-58.067,-10
efficientnet_b2_pruned,11.360,88.640,42.027,57.973,8.31,260,0.890,bicubic,-82.780,-56.503,-7
tf_efficientnet_el,11.333,88.667,42.040,57.960,10.59,300,0.904,bicubic,-83.077,-56.670,-36
gluon_resnet152_v1c,11.093,88.907,37.120,62.880,60.21,224,0.875,bicubic,-83.067,-61.520,-11
vit_tiny_r_s16_p8_384,11.093,88.907,39.987,60.013,6.36,384,1.000,bicubic,-80.947,-58.303,+114
dpn107,11.080,88.920,38.693,61.307,86.92,224,0.875,bicubic,-83.230,-60.027,-31
hrnet_w48,11.080,88.920,40.320,59.680,77.47,224,0.875,bilinear,-82.840,-58.290,+2
ecaresnet50d_pruned,11.027,88.973,41.947,58.053,19.94,224,0.875,bicubic,-83.193,-56.783,-24
tf_efficientnetv2_b2,11.027,88.973,39.760,60.240,10.10,260,0.890,bicubic,-83.393,-58.810,-43
adv_inception_v3,11.013,88.987,36.720,63.280,23.83,299,0.875,bicubic,-81.867,-61.420,+68
tf_efficientnet_b0_ns,10.933,89.067,40.067,59.933,5.29,224,0.875,bicubic,-82.697,-58.573,+21
tf_inception_v3,10.840,89.160,36.853,63.147,23.83,299,0.875,bicubic,-82.480,-61.177,+42
resnext50_32x4d,10.800,89.200,40.307,59.693,25.03,224,0.875,bicubic,-83.300,-58.043,-14
dpn131,10.787,89.213,37.200,62.800,79.25,224,0.875,bicubic,-83.223,-61.520,-10
tf_efficientnet_b2_ap,10.533,89.467,40.107,59.893,9.11,260,0.890,bicubic,-83.957,-58.513,-56
resnext50d_32x4d,10.413,89.587,39.733,60.267,25.05,224,0.875,bicubic,-83.767,-58.837,-27
rexnet_130,10.400,89.600,41.547,58.453,7.56,224,0.875,bicubic,-83.500,-56.853,-7
hrnet_w44,10.320,89.680,39.507,60.493,67.06,224,0.875,bilinear,-83.230,-59.193,+19
resnext101_32x8d,10.187,89.813,37.827,62.173,88.79,224,0.875,bilinear,-83.643,-60.753,-2
regnetx_160,10.147,89.853,38.000,62.000,54.28,224,0.875,bicubic,-83.973,-60.750,-22
dpn98,10.133,89.867,36.587,63.413,61.57,224,0.875,bicubic,-83.997,-61.983,-25
cspresnext50,10.120,89.880,40.373,59.627,20.57,224,0.875,bilinear,-84.360,-58.417,-60
legacy_seresnext50_32x4d,10.107,89.893,39.200,60.800,27.56,224,0.875,bilinear,-83.623,-59.380,+3
resnetrs50,10.093,89.907,37.507,62.493,35.69,224,0.910,bicubic,-84.217,-60.973,-50
inception_v3,10.027,89.973,35.227,64.773,23.83,299,0.875,bicubic,-82.693,-62.743,+64
efficientnet_b1,10.013,89.987,37.547,62.453,7.79,256,1.000,bicubic,-83.237,-60.743,+33
xception,9.987,90.013,38.027,61.973,22.86,299,0.897,bicubic,-83.473,-60.503,+18
regnety_064,9.947,90.053,39.067,60.933,30.58,224,0.875,bicubic,-84.203,-59.663,-34
dpn68b,9.787,90.213,38.053,61.947,12.61,224,0.875,bicubic,-83.903,-60.307,0
gluon_resnet152_v1b,9.747,90.253,36.067,63.933,60.19,224,0.875,bicubic,-84.333,-62.383,-29
tf_efficientnet_lite3,9.667,90.333,39.000,61.000,8.20,300,0.904,bilinear,-84.533,-59.640,-45
tf_efficientnet_b2,9.653,90.347,38.880,61.120,9.11,260,0.890,bicubic,-84.707,-59.730,-60
tf_efficientnet_cc_b1_8e,9.573,90.427,36.773,63.227,39.72,240,0.882,bicubic,-84.327,-61.487,-22
res2net101_26w_4s,9.520,90.480,35.027,64.973,45.21,224,0.875,bilinear,-84.230,-63.283,-10
legacy_seresnet152,9.347,90.653,37.413,62.587,66.82,224,0.875,bilinear,-84.053,-60.937,+14
cspresnet50,9.253,90.747,39.640,60.360,21.62,256,0.887,bilinear,-84.487,-59.000,-11
hrnet_w40,9.227,90.773,36.893,63.107,57.56,224,0.875,bilinear,-84.263,-61.687,+6
regnetx_120,9.187,90.813,37.200,62.800,46.11,224,0.875,bicubic,-85.053,-61.450,-56
seresnext26d_32x4d,9.147,90.853,36.840,63.160,16.81,224,0.875,bicubic,-83.553,-61.310,+51
resnest26d,9.080,90.920,37.853,62.147,17.07,224,0.875,bilinear,-84.250,-60.777,+13
vit_tiny_patch16_224,9.067,90.933,34.573,65.427,5.72,224,0.900,bicubic,-82.693,-63.467,+91
regnety_040,9.000,91.000,37.053,62.947,20.65,224,0.875,bicubic,-84.860,-61.537,-27
gluon_resnext50_32x4d,8.947,91.053,36.333,63.667,25.03,224,0.875,bicubic,-84.863,-62.077,-25
rexnet_100,8.893,91.107,36.373,63.627,4.80,224,0.875,bicubic,-84.137,-61.817,+28
seresnext26t_32x4d,8.893,91.107,36.907,63.093,16.81,224,0.875,bicubic,-83.927,-61.463,+38
mixnet_l,8.853,91.147,36.187,63.813,7.33,224,0.875,bicubic,-84.597,-62.033,0
convit_tiny,8.840,91.160,34.360,65.640,5.71,224,0.875,bicubic,-81.790,-63.380,+113
mobilenetv3_large_100_miil,8.840,91.160,32.973,67.027,5.48,224,0.875,bilinear,-83.420,-64.667,+62
levit_128s,8.653,91.347,33.107,66.893,7.78,224,0.900,bicubic,-83.317,-64.953,+74
dla169,8.640,91.360,36.040,63.960,53.39,224,0.875,bilinear,-84.700,-62.560,0
hrnet_w30,8.613,91.387,37.040,62.960,37.71,224,0.875,bilinear,-84.587,-61.370,+10
mixer_b16_224,8.600,91.400,29.413,70.587,59.88,224,0.875,bicubic,-83.270,-67.837,+76
legacy_seresnet101,8.533,91.467,36.013,63.987,49.33,224,0.875,bilinear,-84.747,-62.497,+5
tf_efficientnet_b1_ap,8.453,91.547,35.253,64.747,7.79,240,0.882,bicubic,-85.237,-63.257,-26
repvgg_b2,8.427,91.573,36.467,63.533,89.02,224,0.875,bilinear,-85.073,-62.263,-14
resmlp_12_distilled_224,8.307,91.693,36.853,63.147,15.35,224,0.875,bicubic,-84.523,-61.287,+25
resnetblur50,8.240,91.760,37.400,62.600,25.56,224,0.875,bicubic,-85.720,-61.190,-51
dla102x,8.200,91.800,37.013,62.987,26.31,224,0.875,bilinear,-85.320,-61.497,-18
hrnet_w32,8.040,91.960,37.507,62.493,41.23,224,0.875,bilinear,-85.490,-60.943,-20
res2net50_26w_8s,8.000,92.000,33.853,66.147,48.40,224,0.875,bilinear,-85.540,-64.407,-22
gluon_resnet101_v1c,7.987,92.013,33.360,66.640,44.57,224,0.875,bicubic,-85.683,-65.060,-31
gluon_resnet50_v1d,7.920,92.080,35.000,65.000,25.58,224,0.875,bicubic,-85.850,-63.390,-41
dla60_res2next,7.787,92.213,34.987,65.013,17.03,224,0.875,bilinear,-85.393,-63.423,0
densenetblur121d,7.720,92.280,34.733,65.267,8.00,224,0.875,bicubic,-84.190,-63.337,+62
deit_tiny_distilled_patch16_224,7.707,92.293,33.560,66.440,5.91,224,0.900,bicubic,-82.993,-64.010,+92
tf_efficientnetv2_b1,7.693,92.307,34.653,65.347,8.14,240,0.882,bicubic,-86.247,-63.967,-58
dla60_res2net,7.560,92.440,34.627,65.373,20.85,224,0.875,bilinear,-85.620,-63.793,-5
efficientnet_b1_pruned,7.440,92.560,34.533,65.467,6.33,240,0.882,bicubic,-85.330,-63.507,+17
wide_resnet101_2,7.360,92.640,34.147,65.853,126.89,224,0.875,bilinear,-86.360,-64.393,-42
regnetx_064,7.333,92.667,34.373,65.627,26.21,224,0.875,bicubic,-86.557,-64.257,-58
deit_tiny_patch16_224,7.307,92.693,30.707,69.293,5.72,224,0.900,bicubic,-82.363,-66.743,+101
hardcorenas_e,7.240,92.760,33.293,66.707,8.07,224,0.875,bilinear,-85.330,-64.817,+25
gluon_resnet101_v1b,7.227,92.773,32.773,67.227,44.55,224,0.875,bicubic,-86.523,-65.607,-50
efficientnet_b0,7.213,92.787,34.013,65.987,5.29,224,0.875,bicubic,-85.477,-64.057,+17
gluon_resnet50_v1s,7.213,92.787,33.507,66.493,25.68,224,0.875,bicubic,-86.407,-64.953,-42
tf_mixnet_l,7.147,92.853,31.613,68.387,7.33,224,0.875,bicubic,-86.163,-66.417,-21
tf_efficientnet_b1,7.133,92.867,33.040,66.960,7.79,240,0.882,bicubic,-86.367,-65.320,-35
tf_efficientnet_cc_b0_8e,7.120,92.880,31.787,68.213,24.01,224,0.875,bicubic,-85.710,-66.093,+2
resmlp_12_224,7.013,92.987,33.947,66.053,15.35,224,0.875,bicubic,-85.197,-64.213,+34
hardcorenas_f,6.827,93.173,34.093,65.907,8.20,224,0.875,bilinear,-86.123,-64.067,-4
ese_vovnet19b_dw,6.733,93.267,33.413,66.587,6.54,224,0.875,bicubic,-85.557,-64.677,+27
selecsls60b,6.733,93.267,33.267,66.733,32.77,224,0.875,bicubic,-86.567,-65.013,-26
efficientnet_es,6.707,93.293,33.840,66.160,5.44,224,0.875,bicubic,-86.433,-64.580,-19
res2net50_26w_6s,6.693,93.307,31.653,68.347,37.05,224,0.875,bilinear,-86.717,-66.627,-36
legacy_seresnext26_32x4d,6.627,93.373,33.253,66.747,16.79,224,0.875,bicubic,-86.013,-64.877,+9
mixnet_m,6.627,93.373,32.053,67.947,5.01,224,0.875,bicubic,-85.803,-65.817,+16
pit_ti_distilled_224,6.627,93.373,30.760,69.240,5.10,224,0.900,bicubic,-84.273,-66.940,+66
skresnet34,6.480,93.520,31.547,68.453,22.28,224,0.875,bicubic,-85.910,-66.603,+17
repvgg_b1,6.467,93.533,33.827,66.173,57.42,224,0.875,bilinear,-86.863,-64.683,-37
hardcorenas_d,6.440,93.560,32.213,67.787,7.50,224,0.875,bilinear,-85.960,-65.857,+13
dla60x,6.427,93.573,34.080,65.920,17.35,224,0.875,bilinear,-86.693,-64.430,-26
resnet34d,6.400,93.600,31.493,68.507,21.82,224,0.875,bicubic,-86.280,-66.817,0
regnetx_080,6.307,93.693,32.320,67.680,39.57,224,0.875,bicubic,-87.563,-66.200,-80
swsl_resnet18,6.240,93.760,31.600,68.400,11.69,224,0.875,bilinear,-84.450,-66.100,+65
legacy_seresnet50,6.187,93.813,32.653,67.347,28.09,224,0.875,bilinear,-86.773,-65.537,-20
pit_ti_224,6.120,93.880,30.227,69.773,4.85,224,0.900,bicubic,-83.820,-67.223,+73
tv_resnet152,6.040,93.960,32.053,67.947,60.19,224,0.875,bilinear,-87.260,-66.337,-40
regnetx_040,5.973,94.027,31.547,68.453,22.12,224,0.875,bicubic,-87.587,-66.993,-62
tf_efficientnet_cc_b0_4e,5.973,94.027,29.600,70.400,13.31,224,0.875,bicubic,-86.617,-68.480,-3
resnet50,5.933,94.067,29.093,70.907,25.56,224,0.875,bicubic,-87.877,-69.297,-80
tf_efficientnetv2_b0,5.893,94.107,30.773,69.227,7.14,224,0.875,bicubic,-87.217,-67.537,-34
dla102,5.880,94.120,32.707,67.293,33.27,224,0.875,bilinear,-87.180,-65.833,-33
mixer_l16_224,5.867,94.133,18.533,81.467,208.20,224,0.875,bicubic,-81.283,-74.987,+85
regnety_016,5.680,94.320,30.413,69.587,11.20,224,0.875,bicubic,-87.350,-67.947,-33
selecsls60,5.653,94.347,32.507,67.493,30.67,224,0.875,bicubic,-87.377,-65.793,-32
hardcorenas_c,5.640,94.360,30.400,69.600,5.52,224,0.875,bilinear,-86.380,-67.440,+14
res2next50,5.627,94.373,30.867,69.133,24.67,224,0.875,bilinear,-87.213,-67.313,-28
hrnet_w18,5.493,94.507,30.960,69.040,21.30,224,0.875,bilinear,-86.827,-67.280,-1
resnest14d,5.480,94.520,28.547,71.453,10.61,224,0.875,bilinear,-86.240,-69.323,+25
tf_efficientnet_lite2,5.360,94.640,30.907,69.093,6.09,260,0.890,bicubic,-87.290,-67.323,-17
tf_efficientnet_em,5.347,94.653,31.107,68.893,6.90,240,0.882,bicubic,-87.583,-67.083,-34
gernet_s,5.307,94.693,30.133,69.867,8.17,224,0.875,bilinear,-86.833,-68.057,+4
tf_efficientnet_b0_ap,5.307,94.693,28.813,71.187,5.29,224,0.875,bicubic,-86.893,-69.207,+1
densenet121,5.293,94.707,29.907,70.093,7.98,224,0.875,bicubic,-86.277,-68.123,+21
repvgg_b1g4,5.293,94.707,30.813,69.187,39.97,224,0.875,bilinear,-87.687,-67.617,-41
res2net50_26w_4s,5.160,94.840,29.360,70.640,25.70,224,0.875,bilinear,-87.340,-68.700,-15
tf_mixnet_m,5.080,94.920,28.147,71.853,5.01,224,0.875,bicubic,-87.250,-69.743,-11
vit_tiny_r_s16_p8_224,5.080,94.920,27.080,72.920,6.34,224,0.900,bicubic,-84.090,-70.150,+58
tf_efficientnet_b0,5.067,94.933,28.800,71.200,5.29,224,0.875,bicubic,-87.183,-69.200,-9
mobilenetv3_large_100,5.067,94.933,28.187,71.813,5.48,224,0.875,bicubic,-86.253,-69.523,+21
res2net50_14w_8s,5.040,94.960,28.773,71.227,25.06,224,0.875,bilinear,-87.700,-69.407,-34
hardcorenas_b,4.947,95.053,28.120,71.880,5.18,224,0.875,bilinear,-86.823,-69.660,+9
mixnet_s,4.907,95.093,28.573,71.427,4.13,224,0.875,bicubic,-86.923,-69.117,+6
mobilenetv3_rw,4.907,95.093,29.853,70.147,5.48,224,0.875,bicubic,-86.303,-67.807,+19
gluon_resnet50_v1c,4.893,95.107,28.147,71.853,25.58,224,0.875,bicubic,-88.137,-70.243,-55
hardcorenas_a,4.867,95.133,28.093,71.907,5.26,224,0.875,bilinear,-86.483,-69.767,+13
regnetx_032,4.853,95.147,30.280,69.720,15.30,224,0.875,bicubic,-88.267,-68.110,-61
tv_resnext50_32x4d,4.840,95.160,30.307,69.693,25.03,224,0.875,bilinear,-87.900,-67.963,-40
tv_resnet101,4.707,95.293,29.333,70.667,44.55,224,0.875,bilinear,-88.103,-68.917,-45
densenet161,4.693,95.307,29.547,70.453,28.68,224,0.875,bicubic,-87.807,-68.743,-30
selecsls42b,4.667,95.333,28.587,71.413,32.46,224,0.875,bicubic,-87.613,-69.563,-22
tf_efficientnet_lite1,4.613,95.387,28.387,71.613,5.42,240,0.882,bicubic,-88.007,-69.693,-37
mobilenetv2_120d,4.533,95.467,29.280,70.720,5.83,224,0.875,bicubic,-87.867,-68.770,-29
efficientnet_es_pruned,4.187,95.813,26.520,73.480,5.44,224,0.875,bicubic,-86.993,-71.230,+11
fbnetc_100,4.133,95.867,25.933,74.067,5.57,224,0.875,bilinear,-86.567,-71.277,+23
densenet201,4.120,95.880,27.547,72.453,20.01,224,0.875,bicubic,-88.630,-70.683,-50
gluon_resnet50_v1b,4.120,95.880,26.933,73.067,25.56,224,0.875,bicubic,-88.420,-71.237,-38
resnet26d,4.040,95.960,28.520,71.480,16.01,224,0.875,bicubic,-88.030,-69.440,-21
semnasnet_100,3.960,96.040,26.947,73.053,3.89,224,0.875,bicubic,-87.320,-70.613,+2
repvgg_a2,3.947,96.053,27.267,72.733,28.21,224,0.875,bilinear,-87.993,-70.883,-16
tf_mixnet_s,3.880,96.120,25.253,74.747,4.13,224,0.875,bicubic,-87.630,-72.367,-5
dpn68,3.867,96.133,26.080,73.920,12.61,224,0.875,bicubic,-88.143,-71.970,-21
tf_efficientnet_es,3.827,96.173,26.107,73.893,5.44,224,0.875,bicubic,-88.153,-71.753,-21
regnety_008,3.813,96.187,27.133,72.867,6.26,224,0.875,bicubic,-87.937,-71.047,-11
dla60,3.773,96.227,27.933,72.067,22.04,224,0.875,bilinear,-88.457,-70.177,-33
ssl_resnet18,3.747,96.253,25.427,74.573,11.69,224,0.875,bilinear,-86.473,-72.123,+19
mobilenetv2_140,3.720,96.280,26.747,73.253,6.11,224,0.875,bicubic,-88.110,-71.113,-17
densenet169,3.707,96.293,25.613,74.387,14.15,224,0.875,bicubic,-88.223,-72.487,-23
regnetx_016,3.627,96.373,26.293,73.707,9.19,224,0.875,bicubic,-88.543,-71.917,-34
res2net50_48w_2s,3.587,96.413,26.613,73.387,25.29,224,0.875,bilinear,-88.963,-71.467,-52
spnasnet_100,3.547,96.453,24.293,75.707,4.42,224,0.875,bilinear,-86.803,-72.897,+13
tf_mobilenetv3_large_100,3.547,96.453,25.053,74.947,5.48,224,0.875,bilinear,-87.693,-72.607,-10
regnety_006,3.467,96.533,24.893,75.107,6.06,224,0.875,bicubic,-87.903,-72.817,-15
legacy_seresnet34,3.333,96.667,23.800,76.200,21.96,224,0.875,bilinear,-87.557,-73.780,0
efficientnet_lite0,3.253,96.747,25.867,74.133,4.65,224,0.875,bicubic,-87.887,-71.763,-9
dla34,3.227,96.773,23.573,76.427,15.74,224,0.875,bilinear,-87.533,-74.087,0
ghostnet_100,3.227,96.773,24.853,75.147,5.18,224,0.875,bilinear,-86.793,-72.517,+11
regnety_004,3.200,96.800,22.653,77.347,4.34,224,0.875,bicubic,-87.300,-74.887,+4
mobilenetv2_110d,3.173,96.827,24.587,75.413,4.52,224,0.875,bicubic,-87.777,-72.963,-7
mnasnet_100,3.120,96.880,24.227,75.773,4.38,224,0.875,bicubic,-87.390,-73.243,+1
tf_efficientnet_lite0,3.080,96.920,22.907,77.093,4.65,224,0.875,bicubic,-87.960,-74.683,-11
skresnet18,3.013,96.987,22.800,77.200,11.96,224,0.875,bicubic,-86.647,-74.430,+11
vgg19_bn,2.947,97.053,23.480,76.520,143.68,224,0.875,bilinear,-87.133,-74.100,+4
resnet34,2.920,97.080,23.680,76.320,21.80,224,0.875,bilinear,-88.210,-73.940,-17
tf_mobilenetv3_large_075,2.867,97.133,21.573,78.427,3.99,224,0.875,bilinear,-86.813,-75.637,+6
hrnet_w18_small_v2,2.720,97.280,23.693,76.307,15.60,224,0.875,bilinear,-88.470,-74.207,-22
gluon_resnet34_v1b,2.667,97.333,21.680,78.320,21.80,224,0.875,bicubic,-88.293,-75.950,-16
regnetx_008,2.653,97.347,22.453,77.547,7.26,224,0.875,bicubic,-88.397,-75.257,-19
vgg16_bn,2.653,97.347,23.773,76.227,138.37,224,0.875,bilinear,-87.437,-73.597,-3
vgg16,2.640,97.360,20.427,79.573,138.36,224,0.875,bilinear,-85.910,-76.363,+13
resnet18d,2.600,97.400,21.613,78.387,11.71,224,0.875,bicubic,-86.680,-75.537,+4
tv_densenet121,2.560,97.440,22.667,77.333,7.98,224,0.875,bicubic,-88.330,-75.043,-17
repvgg_b0,2.547,97.453,24.013,75.987,15.82,224,0.875,bilinear,-88.883,-73.977,-36
regnetx_006,2.507,97.493,20.653,79.347,6.20,224,0.875,bicubic,-87.843,-76.777,-11
legacy_seresnet18,2.493,97.507,20.080,79.920,11.78,224,0.875,bicubic,-86.387,-76.900,+6
resnet26,2.480,97.520,22.987,77.013,16.00,224,0.875,bicubic,-88.630,-74.753,-28
mobilenetv2_100,2.147,97.853,19.907,80.093,3.50,224,0.875,bicubic,-87.453,-77.233,-3
regnety_002,2.147,97.853,18.880,81.120,3.16,224,0.875,bicubic,-85.233,-77.710,+9
vgg19,2.107,97.893,20.733,79.267,143.67,224,0.875,bilinear,-86.933,-76.137,-1
vgg13_bn,2.093,97.907,20.307,79.693,133.05,224,0.875,bilinear,-86.667,-76.663,+2
tf_mobilenetv3_small_100,2.013,97.987,15.867,84.133,2.54,224,0.875,bilinear,-83.177,-79.903,+12
tf_mobilenetv3_small_075,2.000,98.000,14.813,85.187,2.04,224,0.875,bilinear,-81.520,-79.977,+14
regnetx_004,1.960,98.040,19.173,80.827,5.16,224,0.875,bicubic,-86.940,-77.947,-3
vgg13,1.867,98.133,17.960,82.040,133.05,224,0.875,bilinear,-85.183,-78.360,+4
tv_resnet34,1.867,98.133,20.000,80.000,21.80,224,0.875,bilinear,-88.073,-77.340,-14
dla46x_c,1.760,98.240,16.480,83.520,1.07,224,0.875,bilinear,-82.490,-78.790,+8
vgg11_bn,1.720,98.280,18.093,81.907,132.87,224,0.875,bilinear,-85.780,-78.727,-2
tf_mobilenetv3_large_minimal_100,1.627,98.373,17.120,82.880,3.92,224,0.875,bilinear,-87.343,-79.740,-9
dla60x_c,1.613,98.387,18.040,81.960,1.32,224,0.875,bilinear,-84.677,-78.120,+2
vgg11,1.560,98.440,16.227,83.773,132.86,224,0.875,bilinear,-84.990,-80.053,0
gluon_resnet18_v1b,1.547,98.453,16.613,83.387,11.69,224,0.875,bicubic,-86.853,-80.067,-7
hrnet_w18_small,1.533,98.467,18.120,81.880,13.19,224,0.875,bilinear,-87.517,-78.990,-15
dla46_c,1.520,98.480,15.267,84.733,1.30,224,0.875,bilinear,-82.130,-79.653,+2
regnetx_002,1.373,98.627,15.027,84.973,2.68,224,0.875,bicubic,-84.817,-80.953,-2
resnet18,1.160,98.840,16.213,83.787,11.69,224,0.875,bilinear,-86.230,-80.077,-9
tf_mobilenetv3_small_minimal_100,1.013,98.987,11.493,88.507,2.04,224,0.875,bilinear,-80.367,-82.177,+1
tv_resnet50,0.000,100.000,14.453,85.547,25.56,224,0.875,bilinear,-91.880,-83.587,-70
tf_efficientnet_l2_ns,84.707,15.293,96.027,3.973,480.31,800,0.960,bicubic,-13.833,-3.793,+1
tf_efficientnet_l2_ns_475,83.360,16.640,95.480,4.520,480.31,475,0.936,bicubic,-15.130,-4.350,+2
beit_large_patch16_512,82.893,17.107,95.693,4.307,305.67,512,1.000,bicubic,-15.667,-4.147,-2
beit_large_patch16_384,80.187,19.813,94.787,5.213,305.00,384,1.000,bicubic,-18.313,-5.033,-1
vit_large_patch16_384,71.067,28.933,89.667,10.333,304.72,384,1.000,bicubic,-27.143,-10.133,0
swin_large_patch4_window12_384,70.773,29.227,90.600,9.400,196.74,384,1.000,bicubic,-27.247,-9.090,+1
beit_large_patch16_224,69.013,30.987,89.947,10.053,304.43,224,0.900,bicubic,-29.157,-9.813,-1
beit_base_patch16_384,66.947,33.053,89.080,10.920,86.74,384,1.000,bicubic,-30.883,-10.620,+3
tf_efficientnet_b7_ns,66.880,33.120,88.507,11.493,66.35,600,0.949,bicubic,-31.000,-11.213,-1
tf_efficientnetv2_xl_in21ft1k,66.480,33.520,86.773,13.227,208.12,512,1.000,bicubic,-31.190,-12.717,+4
tf_efficientnetv2_l_in21ft1k,65.907,34.093,87.693,12.307,118.52,480,1.000,bicubic,-31.773,-11.977,+2
swin_base_patch4_window12_384,65.333,34.667,88.600,11.400,87.90,384,1.000,bicubic,-32.537,-11.110,-3
vit_base_patch16_384,62.947,37.053,86.093,13.907,86.86,384,1.000,bicubic,-34.883,-13.577,-1
cait_m48_448,62.093,37.907,86.440,13.560,356.46,448,1.000,bicubic,-35.387,-13.110,+12
tf_efficientnet_b6_ns,61.640,38.360,84.787,15.213,43.04,528,0.942,bicubic,-35.990,-14.793,+3
swin_large_patch4_window7_224,61.293,38.707,86.520,13.480,196.53,224,0.900,bicubic,-36.367,-13.060,-1
vit_large_r50_s32_384,61.147,38.853,83.773,16.227,329.09,384,1.000,bicubic,-36.713,-15.897,-7
ig_resnext101_32x48d,61.040,38.960,83.227,16.773,828.41,224,0.875,bilinear,-36.600,-16.483,-2
tf_efficientnetv2_m_in21ft1k,60.853,39.147,85.267,14.733,54.14,480,1.000,bicubic,-36.627,-14.263,+8
tf_efficientnet_b5_ns,59.800,40.200,84.213,15.787,30.39,456,0.934,bicubic,-37.690,-15.417,+5
xcit_large_24_p8_384_dist,59.787,40.213,85.333,14.667,188.93,384,1.000,bicubic,-37.743,-14.207,+1
resnetv2_152x4_bitm,59.587,40.413,83.133,16.867,936.53,480,1.000,bilinear,-37.903,-16.487,+2
dm_nfnet_f5,58.307,41.693,82.533,17.467,377.21,544,0.954,bicubic,-39.233,-17.037,-2
dm_nfnet_f6,58.280,41.720,81.907,18.093,438.36,576,0.956,bicubic,-39.330,-17.643,-5
ig_resnext101_32x32d,57.960,42.040,80.733,19.267,468.53,224,0.875,bilinear,-39.400,-18.947,+4
dm_nfnet_f4,57.787,42.213,81.507,18.493,316.07,512,0.951,bicubic,-39.783,-18.003,-6
cait_m36_384,57.667,42.333,84.693,15.307,271.22,384,1.000,bicubic,-39.733,-14.817,+1
xcit_medium_24_p8_384_dist,56.587,43.413,83.440,16.560,84.32,384,1.000,bicubic,-40.713,-16.070,+4
dm_nfnet_f3,55.333,44.667,80.480,19.520,254.92,416,0.940,bicubic,-42.017,-19.080,+1
vit_large_patch16_224,55.333,44.667,79.840,20.160,304.33,224,0.900,bicubic,-42.307,-19.750,-13
xcit_small_24_p8_384_dist,54.400,45.600,81.720,18.280,47.63,384,1.000,bicubic,-42.850,-17.890,+5
vit_base_r50_s16_384,54.333,45.667,80.840,19.160,98.95,384,1.000,bicubic,-42.847,-18.720,+9
cait_s36_384,54.240,45.760,81.267,18.733,68.37,384,1.000,bicubic,-43.100,-18.263,-2
ig_resnext101_32x16d,53.053,46.947,76.867,23.133,194.03,224,0.875,bilinear,-43.767,-22.733,+30
tf_efficientnetv2_l,52.933,47.067,79.000,21.000,118.52,480,1.000,bicubic,-44.337,-20.550,-1
xcit_large_24_p16_384_dist,52.813,47.187,81.720,18.280,189.10,384,1.000,bicubic,-44.717,-17.760,-13
resnetv2_152x2_bitm,52.733,47.267,81.187,18.813,236.34,448,1.000,bilinear,-44.297,-18.253,+14
resnetv2_101x3_bitm,52.400,47.600,79.867,20.133,387.93,448,1.000,bilinear,-44.620,-19.623,+15
swin_base_patch4_window7_224,51.827,48.173,80.427,19.573,87.77,224,0.900,bicubic,-45.433,-19.103,-4
swsl_resnext101_32x8d,51.187,48.813,78.200,21.800,88.79,224,0.875,bilinear,-46.013,-21.370,-1
tf_efficientnet_b4_ns,50.893,49.107,79.040,20.960,19.34,380,0.922,bicubic,-46.037,-20.540,+17
beit_base_patch16_224,50.707,49.293,79.893,20.107,86.53,224,0.900,bicubic,-46.373,-19.717,+5
xcit_small_12_p8_384_dist,50.533,49.467,79.600,20.400,26.21,384,1.000,bicubic,-46.697,-19.880,-6
resnetv2_152x2_bit_teacher_384,50.067,49.933,77.733,22.267,236.34,384,1.000,bicubic,-46.743,-21.717,+21
cait_s24_384,49.400,50.600,78.640,21.360,47.06,384,1.000,bicubic,-47.680,-20.790,+3
xcit_medium_24_p16_384_dist,49.227,50.773,79.720,20.280,84.40,384,1.000,bicubic,-48.053,-19.740,-13
deit_base_distilled_patch16_384,49.040,50.960,79.000,21.000,87.63,384,1.000,bicubic,-47.930,-20.490,+9
dm_nfnet_f2,48.387,51.613,76.760,23.240,193.78,352,0.920,bicubic,-48.643,-22.830,+4
tf_efficientnetv2_s_in21ft1k,48.053,51.947,77.720,22.280,21.46,384,1.000,bicubic,-48.687,-21.700,+22
tf_efficientnet_b8,47.987,52.013,76.467,23.533,87.41,672,0.954,bicubic,-49.223,-23.033,-12
xcit_large_24_p8_224_dist,47.893,52.107,79.133,20.867,188.93,224,1.000,bicubic,-49.167,-20.287,-1
resnest269e,47.653,52.347,74.000,26.000,110.93,416,0.928,bicubic,-48.867,-25.350,+39
xcit_large_24_p8_224,46.867,53.133,74.400,25.600,188.93,224,1.000,bicubic,-49.533,-24.580,+44
xcit_small_24_p16_384_dist,46.773,53.227,77.013,22.987,47.67,384,1.000,bicubic,-50.357,-22.437,-11
tf_efficientnet_b8_ap,46.453,53.547,76.160,23.840,87.41,672,0.954,bicubic,-50.657,-23.500,-11
resnetv2_50x3_bitm,46.293,53.707,76.627,23.373,217.32,448,1.000,bilinear,-50.437,-22.913,+16
efficientnetv2_rw_m,46.160,53.840,75.827,24.173,53.24,416,1.000,bicubic,-50.830,-23.703,-2
swsl_resnext101_32x16d,45.933,54.067,72.053,27.947,194.03,224,0.875,bilinear,-50.667,-27.217,+26
ecaresnet269d,45.720,54.280,74.920,25.080,102.09,352,1.000,bicubic,-51.370,-24.550,-13
vit_small_patch16_384,45.360,54.640,76.160,23.840,22.20,384,1.000,bicubic,-51.330,-23.320,+16
tf_efficientnet_b7_ap,45.267,54.733,74.027,25.973,66.35,600,0.949,bicubic,-51.933,-25.513,-21
tf_efficientnetv2_m,45.253,54.747,74.267,25.733,54.14,480,1.000,bicubic,-51.887,-25.143,-20
vit_small_r26_s32_384,45.240,54.760,75.427,24.573,36.47,384,1.000,bicubic,-51.440,-24.143,+15
ig_resnext101_32x8d,45.213,54.787,70.840,29.160,88.79,224,0.875,bilinear,-51.097,-28.590,+42
xcit_medium_24_p8_224_dist,45.160,54.840,76.720,23.280,84.32,224,1.000,bicubic,-51.770,-22.670,-6
dm_nfnet_f1,44.853,55.147,73.653,26.347,132.63,320,0.910,bicubic,-52.037,-25.757,-5
eca_nfnet_l2,44.627,55.373,75.773,24.227,56.72,384,1.000,bicubic,-52.463,-23.737,-22
crossvit_18_dagger_408,43.867,56.133,73.600,26.400,44.61,408,1.000,bicubic,-52.663,-25.660,+22
resnest200e,43.867,56.133,73.293,26.707,70.20,320,0.909,bicubic,-52.753,-26.057,+13
cait_xs24_384,43.640,56.360,74.907,25.093,26.67,384,1.000,bicubic,-52.920,-24.513,+17
tresnet_xl_448,43.187,56.813,72.120,27.880,78.44,448,0.875,bilinear,-52.783,-27.000,+57
vit_base_patch16_224,43.107,56.893,72.547,27.453,86.57,224,0.900,bicubic,-53.763,-26.983,-10
xcit_small_12_p16_384_dist,43.067,56.933,73.787,26.213,26.25,384,1.000,bicubic,-53.873,-25.613,-16
xcit_medium_24_p8_224,43.027,56.973,70.080,29.920,84.32,224,1.000,bicubic,-53.083,-28.810,+45
resnetrs420,42.440,57.560,70.120,29.880,191.89,416,1.000,bicubic,-54.470,-29.340,-15
xcit_tiny_24_p8_384_dist,42.253,57.747,72.773,27.227,12.11,384,1.000,bicubic,-54.297,-26.547,+12
tf_efficientnet_b7,42.200,57.800,72.547,27.453,66.35,600,0.949,bicubic,-54.810,-26.973,-23
crossvit_15_dagger_408,41.773,58.227,71.973,28.027,28.50,408,1.000,bicubic,-54.617,-27.177,+21
swsl_resnext101_32x4d,41.653,58.347,71.867,28.133,44.18,224,0.875,bilinear,-54.767,-27.603,+17
xcit_small_24_p8_224,41.640,58.360,70.840,29.160,47.63,224,1.000,bicubic,-54.760,-28.300,+18
vit_large_r50_s32_224,41.520,58.480,70.360,29.640,328.99,224,0.900,bicubic,-55.270,-28.990,-14
xcit_small_24_p8_224_dist,41.467,58.533,73.707,26.293,47.63,224,1.000,bicubic,-55.403,-25.773,-19
resmlp_big_24_224_in22ft1k,40.453,59.547,74.653,25.347,129.14,224,0.875,bicubic,-56.167,-24.857,-2
tf_efficientnet_b6_ap,40.333,59.667,71.400,28.600,43.04,528,0.942,bicubic,-56.747,-28.220,-35
tresnet_l_448,40.133,59.867,69.707,30.293,55.99,448,0.875,bilinear,-55.737,-29.413,+50
deit_base_patch16_384,39.880,60.120,70.440,29.560,86.86,384,1.000,bicubic,-56.270,-28.700,+28
resnetrs350,39.347,60.653,68.293,31.707,163.96,384,1.000,bicubic,-57.413,-31.067,-18
vit_large_patch32_384,38.867,61.133,68.573,31.427,306.63,384,1.000,bicubic,-56.963,-30.577,+50
resnetv2_101x1_bitm,38.240,61.760,70.267,29.733,44.54,448,1.000,bilinear,-57.860,-29.013,+33
xcit_small_12_p8_224_dist,38.173,61.827,71.320,28.680,26.21,224,1.000,bicubic,-58.527,-28.070,-16
resnet200d,37.827,62.173,68.200,31.800,64.69,320,1.000,bicubic,-58.913,-31.140,-21
seresnet152d,37.440,62.560,69.053,30.947,66.84,320,1.000,bicubic,-59.330,-30.397,-24
xcit_large_24_p16_224_dist,37.307,62.693,71.427,28.573,189.10,224,1.000,bicubic,-59.493,-27.923,-27
twins_svt_large,37.253,62.747,69.320,30.680,99.27,224,0.900,bicubic,-58.997,-29.850,+14
xcit_small_12_p8_224,37.200,62.800,68.200,31.800,26.21,224,1.000,bicubic,-58.910,-30.960,+25
eca_nfnet_l1,37.013,62.987,70.560,29.440,41.41,320,1.000,bicubic,-59.687,-28.730,-23
regnetz_d,36.760,63.240,70.080,29.920,27.58,320,0.950,bicubic,-59.830,-29.300,-12
efficientnetv2_rw_s,36.547,63.453,68.040,31.960,23.94,384,1.000,bicubic,-59.993,-31.320,-9
vit_base_patch32_384,36.507,63.493,69.147,30.853,88.30,384,1.000,bicubic,-59.993,-30.263,-6
regnety_160,36.440,63.560,68.773,31.227,83.59,288,1.000,bicubic,-59.900,-30.557,+3
cait_xxs36_384,35.933,64.067,67.293,32.707,17.37,384,1.000,bicubic,-59.927,-31.797,+35
jx_nest_base,35.920,64.080,66.613,33.387,67.72,224,0.875,bicubic,-60.320,-32.597,+7
pit_b_distilled_224,35.507,64.493,68.840,31.160,74.79,224,0.900,bicubic,-61.163,-30.510,-24
tf_efficientnet_b3_ns,35.493,64.507,67.720,32.280,12.23,300,0.904,bicubic,-60.877,-31.630,-3
tf_efficientnet_b6,34.947,65.053,67.293,32.707,43.04,528,0.942,bicubic,-61.723,-32.077,-25
resnetrs270,34.587,65.413,65.133,34.867,129.86,352,1.000,bicubic,-62.103,-34.217,-31
tf_efficientnet_b5_ap,34.347,65.653,67.040,32.960,30.39,456,0.934,bicubic,-62.333,-32.420,-30
xcit_tiny_12_p8_384_dist,34.213,65.787,66.160,33.840,6.71,384,1.000,bicubic,-61.847,-32.980,+16
vit_base_patch16_224_miil,34.133,65.867,64.547,35.453,86.54,224,0.875,bilinear,-62.307,-34.763,-14
xcit_medium_24_p16_224_dist,34.013,65.987,67.627,32.373,84.40,224,1.000,bicubic,-62.587,-31.903,-27
resmlp_big_24_distilled_224,33.787,66.213,69.293,30.707,129.14,224,0.875,bicubic,-62.683,-30.017,-17
resnet152d,33.707,66.293,65.480,34.520,60.21,320,1.000,bicubic,-62.643,-33.910,-10
tresnet_m_448,33.627,66.373,64.280,35.720,31.39,448,0.875,bilinear,-61.363,-34.700,+94
xcit_tiny_24_p16_384_dist,33.573,66.427,65.227,34.773,12.12,384,1.000,bicubic,-62.347,-33.993,+16
twins_pcpvt_large,33.133,66.867,67.920,32.080,60.99,224,0.900,bicubic,-63.017,-31.270,0
swsl_resnext50_32x4d,33.053,66.947,65.187,34.813,25.03,224,0.875,bilinear,-62.827,-33.833,+17
twins_svt_base,33.000,67.000,65.613,34.387,56.07,224,0.900,bicubic,-63.160,-33.447,-4
pit_b_224,32.760,67.240,62.227,37.773,73.76,224,0.900,bicubic,-62.870,-36.443,+35
xcit_large_24_p16_224,32.653,67.347,61.667,38.333,189.10,224,1.000,bicubic,-62.757,-36.963,+53
ssl_resnext101_32x16d,32.400,67.600,63.707,36.293,194.03,224,0.875,bilinear,-63.400,-35.473,+21
swin_small_patch4_window7_224,32.347,67.653,65.200,34.800,49.61,224,0.900,bicubic,-63.533,-34.050,+13
jx_nest_small,32.307,67.693,63.813,36.187,38.35,224,0.875,bicubic,-63.663,-35.227,+5
resnetv2_152x2_bit_teacher,31.973,68.027,63.600,36.400,236.34,224,0.875,bicubic,-64.117,-35.670,0
resnest101e,31.587,68.413,64.040,35.960,48.28,256,0.875,bilinear,-64.273,-35.170,+13
cait_s24_224,31.107,68.893,64.200,35.800,46.92,224,1.000,bicubic,-65.283,-34.960,-25
tf_efficientnet_b5,31.107,68.893,64.493,35.507,30.39,456,0.934,bicubic,-65.233,-34.817,-22
crossvit_base_240,31.040,68.960,60.960,39.040,105.03,240,0.875,bicubic,-64.480,-37.860,+35
efficientnet_b4,30.547,69.453,64.333,35.667,19.34,384,1.000,bicubic,-65.613,-34.867,-16
crossvit_18_240,30.387,69.613,61.547,38.453,43.27,240,0.875,bicubic,-65.063,-37.243,+38
xcit_small_24_p16_224_dist,30.347,69.653,64.440,35.560,47.67,224,1.000,bicubic,-65.863,-34.770,-20
resnetrs200,30.187,69.813,62.773,37.227,93.21,320,1.000,bicubic,-66.333,-36.577,-39
dm_nfnet_f0,30.173,69.827,62.360,37.640,71.49,256,0.900,bicubic,-65.967,-36.890,-16
crossvit_18_dagger_240,30.120,69.880,61.613,38.387,44.27,240,0.875,bicubic,-65.440,-37.447,+23
xcit_medium_24_p16_224,29.920,70.080,59.213,40.787,84.40,224,1.000,bicubic,-65.600,-39.557,+29
swsl_resnet50,29.773,70.227,63.720,36.280,25.56,224,0.875,bilinear,-65.627,-35.570,+38
twins_pcpvt_base,29.773,70.227,64.467,35.533,43.83,224,0.900,bicubic,-66.017,-34.663,+7
cait_xxs24_384,29.693,70.307,63.733,36.267,12.03,384,1.000,bicubic,-65.577,-35.227,+42
convit_base,29.333,70.667,61.520,38.480,86.54,224,0.875,bicubic,-66.217,-37.370,+19
deit_base_distilled_patch16_224,29.320,70.680,64.093,35.907,87.34,224,0.900,bicubic,-66.780,-35.097,-18
tf_efficientnetv2_s,29.000,71.000,61.120,38.880,21.46,384,1.000,bicubic,-67.340,-38.080,-35
ssl_resnext101_32x8d,28.893,71.107,60.613,39.387,88.79,224,0.875,bilinear,-66.577,-38.507,+25
resnet101d,28.747,71.253,62.013,37.987,44.57,320,1.000,bicubic,-67.553,-37.217,-35
resnetrs152,28.640,71.360,60.000,40.000,86.62,320,1.000,bicubic,-67.930,-39.240,-57
xcit_tiny_24_p8_224,28.507,71.493,60.253,39.747,12.11,224,1.000,bicubic,-67.163,-38.797,+7
xcit_tiny_24_p8_224_dist,28.467,71.533,61.173,38.827,12.11,224,1.000,bicubic,-67.353,-38.037,-6
regnetz_c,28.453,71.547,63.160,36.840,13.46,320,0.940,bicubic,-67.347,-35.940,-6
crossvit_15_dagger_240,28.227,71.773,60.013,39.987,28.21,240,0.875,bicubic,-67.443,-38.807,+3
xcit_small_24_p16_224,28.040,71.960,58.467,41.533,47.67,224,1.000,bicubic,-67.490,-40.303,+13
coat_lite_small,27.453,72.547,58.427,41.573,19.84,224,0.900,bicubic,-68.077,-40.433,+10
deit_base_patch16_224,27.147,72.853,58.693,41.307,86.57,224,0.900,bicubic,-68.293,-40.147,+18
resnetv2_50x1_bitm,27.093,72.907,62.600,37.400,25.55,448,1.000,bilinear,-67.927,-36.450,+52
xcit_small_12_p16_224_dist,26.867,73.133,59.587,40.413,26.25,224,1.000,bicubic,-69.163,-39.543,-27
vit_small_patch16_224,26.760,73.240,58.880,41.120,22.05,224,0.900,bicubic,-68.610,-40.270,+22
regnety_032,26.067,73.933,60.880,39.120,19.44,288,1.000,bicubic,-69.913,-38.310,-28
nfnet_l0,25.960,74.040,61.653,38.347,35.07,288,1.000,bicubic,-70.170,-37.587,-38
tf_efficientnet_b4,25.853,74.147,59.880,40.120,19.34,380,0.922,bicubic,-70.037,-39.290,-25
tf_efficientnet_b4_ap,25.840,74.160,59.640,40.360,19.34,380,0.922,bicubic,-70.330,-39.640,-46
ecaresnet101d,25.760,74.240,58.707,41.293,44.57,224,0.875,bicubic,-69.780,-40.423,0
ecaresnet50t,25.640,74.360,59.720,40.280,25.57,320,0.950,bicubic,-69.860,-39.180,+6
visformer_small,25.480,74.520,58.520,41.480,40.22,224,0.900,bicubic,-70.020,-40.600,+4
crossvit_15_240,25.440,74.560,57.320,42.680,27.53,240,0.875,bicubic,-69.680,-41.610,+27
coat_mini,25.387,74.613,57.413,42.587,10.34,224,0.900,bicubic,-69.603,-41.367,+44
resnetv2_50x1_bit_distilled,25.107,74.893,59.373,40.627,25.55,224,0.875,bicubic,-71.003,-39.907,-45
xcit_small_12_p16_224,25.080,74.920,55.653,44.347,26.25,224,1.000,bicubic,-70.320,-43.177,+10
convit_small,24.773,75.227,56.947,43.053,27.78,224,0.875,bicubic,-70.407,-41.973,+19
gc_efficientnetv2_rw_t,24.560,75.440,57.533,42.467,13.68,288,1.000,bicubic,-71.180,-41.487,-21
tnt_s_patch16_224,24.547,75.453,57.773,42.227,23.76,224,0.900,bicubic,-70.493,-41.067,+33
eca_nfnet_l0,24.493,75.507,59.600,40.400,24.14,288,1.000,bicubic,-71.467,-39.610,-39
efficientnetv2_rw_t,24.240,75.760,57.187,42.813,13.65,288,1.000,bicubic,-71.370,-41.883,-14
xcit_tiny_12_p16_384_dist,24.160,75.840,57.000,43.000,6.72,384,1.000,bicubic,-70.950,-42.020,+21
tf_efficientnet_b2_ns,24.120,75.880,57.480,42.520,9.11,260,0.890,bicubic,-71.630,-41.640,-27
vit_small_r26_s32_224,23.933,76.067,55.960,44.040,36.43,224,0.900,bicubic,-71.707,-43.230,-20
twins_svt_small,23.800,76.200,57.253,42.747,24.06,224,0.900,bicubic,-71.410,-41.637,+10
ssl_resnext101_32x4d,23.760,76.240,57.133,42.867,44.18,224,0.875,bilinear,-71.670,-41.997,-4
vit_small_patch32_384,23.547,76.453,56.907,43.093,22.92,384,1.000,bicubic,-71.513,-41.923,+20
crossvit_small_240,23.413,76.587,56.400,43.600,26.86,240,0.875,bicubic,-71.417,-42.620,+43
jx_nest_tiny,23.133,76.867,56.053,43.947,17.06,224,0.875,bicubic,-72.117,-42.927,+3
nasnetalarge,23.120,76.880,54.533,45.467,88.75,331,0.911,bicubic,-72.560,-44.397,-30
efficientnet_b3,23.120,76.880,55.813,44.187,12.23,320,1.000,bicubic,-72.600,-43.107,-30
pnasnet5large,23.107,76.893,53.320,46.680,86.06,331,0.911,bicubic,-72.613,-45.720,-33
levit_384,23.013,76.987,55.840,44.160,39.13,224,0.900,bicubic,-72.517,-43.210,-21
resnet61q,22.693,77.307,55.440,44.560,36.85,288,1.000,bicubic,-73.097,-43.550,-40
resmlp_big_24_224,22.627,77.373,54.067,45.933,129.14,224,0.875,bicubic,-72.023,-44.423,+47
twins_pcpvt_small,22.440,77.560,56.547,43.453,24.11,224,0.900,bicubic,-72.790,-42.333,-2
vit_base_patch32_224,22.253,77.747,53.760,46.240,88.22,224,0.900,bicubic,-72.757,-45.260,+20
pit_s_distilled_224,22.147,77.853,56.867,43.133,24.04,224,0.900,bicubic,-73.093,-42.183,-5
xcit_tiny_12_p8_224_dist,22.040,77.960,53.920,46.080,6.71,224,1.000,bicubic,-73.040,-44.990,+6
halonet50ts,21.773,78.227,51.293,48.707,22.73,256,0.940,bicubic,-73.177,-47.457,+20
tresnet_m,21.267,78.733,53.480,46.520,31.39,224,0.875,bilinear,-74.463,-45.550,-43
pit_s_224,21.040,78.960,53.520,46.480,23.46,224,0.900,bicubic,-73.540,-45.200,+46
swin_tiny_patch4_window7_224,21.027,78.973,55.627,44.373,28.29,224,0.900,bicubic,-74.103,-43.223,-4
convmixer_1536_20,20.907,79.093,55.267,44.733,51.63,224,0.960,bicubic,-74.173,-43.763,0
xcit_tiny_12_p8_224,20.893,79.107,52.307,47.693,6.71,224,1.000,bicubic,-73.817,-46.523,+34
regnetz_b,20.787,79.213,53.453,46.547,9.72,288,0.940,bicubic,-74.273,-45.597,+2
deit_small_distilled_patch16_224,20.680,79.320,54.853,45.147,22.44,224,0.900,bicubic,-74.030,-44.177,+30
resnet51q,20.533,79.467,55.133,44.867,35.70,288,1.000,bilinear,-75.347,-43.987,-64
resnetrs101,20.280,79.720,52.533,47.467,63.62,288,0.940,bicubic,-75.140,-46.497,-26
resnest50d_4s2x40d,20.080,79.920,52.920,47.080,30.42,224,0.875,bicubic,-74.870,-46.150,+11
ssl_resnext50_32x4d,19.680,80.320,53.213,46.787,25.03,224,0.875,bilinear,-75.180,-45.657,+18
xcit_nano_12_p8_384_dist,19.680,80.320,50.413,49.587,3.05,384,1.000,bicubic,-73.800,-48.117,+142
haloregnetz_b,19.560,80.440,49.720,50.280,11.68,224,0.940,bicubic,-75.150,-48.940,+25
tresnet_xl,19.320,80.680,52.867,47.133,78.44,224,0.875,bilinear,-76.120,-46.193,-33
resnetv2_101,19.307,80.693,48.800,51.200,44.54,224,0.950,bicubic,-76.323,-50.190,-49
gluon_senet154,19.067,80.933,47.160,52.840,115.09,224,0.875,bicubic,-75.863,-51.610,+8
gluon_seresnext101_64x4d,18.960,81.040,48.960,51.040,88.23,224,0.875,bicubic,-75.980,-49.860,+5
legacy_senet154,18.920,81.080,47.627,52.373,115.09,224,0.875,bilinear,-76.140,-51.363,-9
tf_efficientnet_b1_ns,18.920,81.080,51.707,48.293,7.79,240,0.882,bicubic,-76.250,-47.413,-22
levit_256,18.893,81.107,49.653,50.347,18.89,224,0.900,bicubic,-76.137,-49.237,-7
repvgg_b3,18.880,81.120,49.800,50.200,123.09,224,0.875,bilinear,-75.690,-48.990,+28
rexnet_200,18.880,81.120,52.587,47.413,16.37,224,0.875,bicubic,-76.060,-46.413,+1
deit_small_patch16_224,18.720,81.280,51.093,48.907,22.05,224,0.900,bicubic,-75.680,-47.597,+46
mixer_b16_224_miil,18.480,81.520,50.987,49.013,59.88,224,0.875,bilinear,-76.830,-47.903,-35
seresnext50_32x4d,18.227,81.773,50.907,49.093,27.56,224,0.875,bicubic,-76.803,-47.983,-11
cait_xxs36_224,18.053,81.947,49.267,50.733,17.30,224,1.000,bicubic,-76.207,-49.443,+56
ecaresnet50d,17.960,82.040,51.453,48.547,25.58,224,0.875,bicubic,-76.660,-47.437,+18
sehalonet33ts,17.827,82.173,47.347,52.653,13.69,256,0.940,bicubic,-76.953,-51.223,+5
resnest50d_1s4x24d,17.640,82.360,49.613,50.387,25.68,224,0.875,bicubic,-77.130,-49.367,+6
tf_efficientnet_lite4,17.627,82.373,50.253,49.747,13.01,380,0.920,bilinear,-77.233,-48.767,0
vit_tiny_patch16_384,17.547,82.453,49.920,50.080,5.79,384,1.000,bicubic,-76.103,-48.680,+109
gluon_seresnext101_32x4d,17.373,82.627,46.467,53.533,48.96,224,0.875,bicubic,-77.547,-52.343,-7
inception_v4,17.293,82.707,45.387,54.613,42.68,299,0.875,bicubic,-77.077,-53.223,+40
resnest50d,17.293,82.707,50.533,49.467,27.48,224,0.875,bilinear,-77.537,-48.347,-2
efficientnet_el,17.013,82.987,49.933,50.067,10.59,300,0.904,bicubic,-78.107,-49.047,-34
tf_efficientnet_b3_ap,17.000,83.000,49.387,50.613,12.23,300,0.904,bicubic,-78.320,-49.513,-48
xcit_tiny_24_p16_224_dist,16.960,83.040,47.253,52.747,12.12,224,1.000,bicubic,-77.560,-51.537,+19
gluon_resnext101_64x4d,16.707,83.293,43.933,56.067,83.46,224,0.875,bicubic,-77.933,-54.737,+5
resmlp_36_distilled_224,16.707,83.293,51.093,48.907,44.69,224,0.875,bicubic,-78.163,-47.767,-13
tf_efficientnet_b3,16.680,83.320,49.107,50.893,12.23,300,0.904,bicubic,-78.340,-49.803,-24
xception71,16.600,83.400,45.240,54.760,42.34,299,0.903,bicubic,-77.690,-53.400,+39
tf_efficientnetv2_b3,16.493,83.507,48.400,51.600,14.36,300,0.904,bicubic,-78.677,-50.420,-44
gluon_resnet152_v1s,16.467,83.533,44.227,55.773,60.32,224,0.875,bicubic,-78.583,-54.703,-33
inception_resnet_v2,16.467,83.533,44.720,55.280,55.84,299,0.897,bicubic,-78.073,-54.070,+10
tresnet_l,16.413,83.587,49.587,50.413,55.99,224,0.875,bilinear,-78.877,-49.423,-55
resmlp_24_distilled_224,16.253,83.747,49.960,50.040,30.02,224,0.875,bicubic,-78.197,-48.810,+19
gluon_xception65,16.240,83.760,45.933,54.067,39.92,299,0.903,bicubic,-78.020,-52.637,+36
gcresnet50t,16.227,83.773,48.107,51.893,25.90,256,0.900,bicubic,-78.633,-50.693,-20
gernet_l,16.187,83.813,46.973,53.027,31.08,256,0.875,bilinear,-78.923,-51.927,-47
wide_resnet50_2,16.187,83.813,48.053,51.947,68.88,224,0.875,bicubic,-78.863,-50.917,-39
gluon_resnet152_v1d,16.160,83.840,44.107,55.893,60.21,224,0.875,bicubic,-78.590,-54.633,-15
ens_adv_inception_resnet_v2,16.093,83.907,43.413,56.587,55.84,299,0.897,bicubic,-78.067,-55.197,+44
gmlp_s16_224,16.093,83.907,44.693,55.307,19.42,224,0.875,bicubic,-78.057,-53.807,+45
gcresnext50ts,16.040,83.960,46.080,53.920,15.67,256,0.900,bicubic,-78.440,-52.590,+6
xcit_tiny_24_p16_224,16.027,83.973,45.600,54.400,12.12,224,1.000,bicubic,-78.053,-52.910,+53
xception65,15.907,84.093,43.467,56.533,39.92,299,0.903,bicubic,-77.863,-54.893,+74
ssl_resnet50,15.840,84.160,49.280,50.720,25.56,224,0.875,bilinear,-78.630,-49.640,+7
repvgg_b3g4,15.813,84.187,47.373,52.627,83.83,224,0.875,bilinear,-78.717,-51.587,-3
ecaresnet26t,15.480,84.520,47.800,52.200,16.01,320,0.950,bicubic,-78.820,-50.910,+19
ecaresnet101d_pruned,15.480,84.520,47.933,52.067,24.88,224,0.875,bicubic,-79.590,-51.047,-54
regnety_320,15.453,84.547,44.560,55.440,145.05,224,0.875,bicubic,-79.097,-54.290,-9
coat_tiny,15.440,84.560,45.560,54.440,5.50,224,0.900,bicubic,-78.140,-52.850,+83
convmixer_768_32,15.360,84.640,47.667,52.333,21.11,224,0.960,bicubic,-79.130,-50.953,-5
ecaresnetlight,15.160,84.840,45.680,54.320,30.16,224,0.875,bicubic,-79.610,-53.120,-30
skresnext50_32x4d,15.107,84.893,44.467,55.533,27.48,224,0.875,bicubic,-79.153,-54.003,+19
cait_xxs24_224,14.893,85.107,44.547,55.453,11.96,224,1.000,bicubic,-78.697,-53.893,+78
levit_192,14.667,85.333,44.627,55.373,10.95,224,0.900,bicubic,-79.513,-53.933,+27
efficientnet_el_pruned,14.373,85.627,45.853,54.147,10.59,300,0.904,bicubic,-80.017,-52.897,+3
rexnet_150,14.347,85.653,46.587,53.413,9.73,224,0.875,bicubic,-80.123,-52.203,-6
efficientnet_b2,14.307,85.693,45.773,54.227,9.11,288,1.000,bicubic,-80.323,-52.937,-26
coat_lite_mini,14.280,85.720,44.347,55.653,11.01,224,0.900,bicubic,-79.770,-54.193,+38
seresnet33ts,14.267,85.733,45.707,54.293,19.78,256,0.900,bicubic,-80.603,-53.083,-45
seresnet50,14.040,85.960,45.347,54.653,28.09,224,0.875,bicubic,-80.520,-53.403,-22
eca_resnet33ts,14.013,85.987,46.907,53.093,19.68,256,0.900,bicubic,-80.187,-51.433,+16
gernet_m,14.000,86.000,45.853,54.147,21.14,224,0.875,bilinear,-80.620,-53.007,-28
legacy_seresnext101_32x4d,13.867,86.133,42.653,57.347,48.96,224,0.875,bilinear,-80.483,-55.977,-2
gluon_resnext101_32x4d,13.667,86.333,41.480,58.520,44.18,224,0.875,bicubic,-80.873,-57.150,-24
gluon_seresnext50_32x4d,13.453,86.547,43.507,56.493,27.56,224,0.875,bicubic,-80.877,-55.113,-3
resmlp_36_224,13.400,86.600,46.267,53.733,44.69,224,0.875,bicubic,-80.790,-52.393,+12
gcresnet33ts,13.360,86.640,44.480,55.520,19.88,256,0.900,bicubic,-81.120,-54.300,-21
repvgg_b2g4,13.240,86.760,43.453,56.547,61.76,224,0.875,bilinear,-80.600,-55.147,+43
regnetx_320,13.187,86.813,40.240,59.760,107.81,224,0.875,bicubic,-81.253,-58.490,-16
ese_vovnet39b,13.147,86.853,43.667,56.333,24.57,224,0.875,bicubic,-80.943,-54.993,+23
pit_xs_distilled_224,13.120,86.880,44.440,55.560,11.00,224,0.900,bicubic,-80.700,-54.230,+43
mixnet_xl,13.000,87.000,43.133,56.867,11.90,224,0.875,bicubic,-81.200,-55.637,+3
efficientnet_b3_pruned,12.987,87.013,44.813,55.187,9.86,300,0.904,bicubic,-81.633,-53.957,-40
nf_regnet_b1,12.840,87.160,44.027,55.973,10.22,288,0.900,bicubic,-81.280,-54.593,+16
gluon_resnet101_v1d,12.747,87.253,41.280,58.720,44.57,224,0.875,bicubic,-81.453,-57.290,+1
pit_xs_224,12.747,87.253,42.627,57.373,10.62,224,0.900,bicubic,-80.373,-55.693,+91
crossvit_9_dagger_240,12.560,87.440,41.480,58.520,8.78,240,0.875,bicubic,-80.360,-56.770,+103
gluon_inception_v3,12.520,87.480,40.187,59.813,23.83,299,0.875,bicubic,-80.940,-58.373,+66
resmlp_24_224,12.387,87.613,43.133,56.867,30.02,224,0.875,bicubic,-81.633,-55.197,+18
coat_lite_tiny,12.267,87.733,41.067,58.933,5.72,224,0.900,bicubic,-80.953,-57.203,+82
regnety_120,12.240,87.760,41.880,58.120,51.82,224,0.875,bicubic,-82.240,-56.930,-33
gluon_resnet101_v1s,12.000,88.000,40.773,59.227,44.67,224,0.875,bicubic,-82.700,-58.047,-55
efficientnet_em,11.960,88.040,43.667,56.333,6.90,240,0.882,bicubic,-81.880,-55.143,+27
hrnet_w64,11.867,88.133,40.560,59.440,128.06,224,0.875,bilinear,-82.123,-58.060,+15
xcit_tiny_12_p16_224_dist,11.707,88.293,39.840,60.160,6.72,224,1.000,bicubic,-81.693,-58.650,+65
cspdarknet53,11.680,88.320,42.880,57.120,27.64,256,0.887,bilinear,-82.990,-55.930,-58
nf_resnet50,11.680,88.320,45.320,54.680,25.56,288,0.940,bicubic,-82.880,-53.470,-50
resnet50d,11.640,88.360,42.080,57.920,25.58,224,0.875,bicubic,-82.630,-56.640,-20
gmixer_24_224,11.600,88.400,37.173,62.827,24.72,224,0.875,bicubic,-81.240,-60.707,+94
xception41,11.547,88.453,38.760,61.240,26.97,299,0.903,bicubic,-81.863,-59.660,+58
vit_small_patch32_224,11.507,88.493,39.453,60.547,22.88,224,0.900,bicubic,-80.523,-58.777,+137
dla102x2,11.400,88.600,41.240,58.760,41.28,224,0.875,bilinear,-82.560,-57.240,+9
dpn92,11.333,88.667,39.507,60.493,37.67,224,0.875,bicubic,-82.887,-59.223,-20
lambda_resnet26t,11.293,88.707,39.987,60.013,10.96,256,0.940,bicubic,-82.527,-58.663,+19
efficientnet_b2_pruned,11.253,88.747,41.773,58.227,8.31,260,0.890,bicubic,-82.887,-56.747,-7
regnety_080,11.253,88.747,40.627,59.373,39.18,224,0.875,bicubic,-82.927,-58.053,-14
levit_128,11.213,88.787,40.053,59.947,9.21,224,0.900,bicubic,-82.127,-58.327,+56
xcit_nano_12_p16_384_dist,11.187,88.813,39.560,60.440,3.05,384,1.000,bicubic,-80.643,-58.450,+143
tf_efficientnet_el,11.173,88.827,41.360,58.640,10.59,300,0.904,bicubic,-83.227,-57.350,-42
tf_efficientnet_b0_ns,11.080,88.920,39.880,60.120,5.29,224,0.875,bicubic,-82.540,-58.760,+29
ecaresnet50d_pruned,11.000,89.000,42.013,57.987,19.94,224,0.875,bicubic,-83.210,-56.717,-27
vit_tiny_r_s16_p8_384,10.933,89.067,39.427,60.573,6.36,384,1.000,bicubic,-81.097,-58.863,+127
xcit_tiny_12_p16_224,10.920,89.080,36.840,63.160,6.72,224,1.000,bicubic,-81.570,-61.410,+105
eca_halonext26ts,10.867,89.133,39.560,60.440,10.76,256,0.940,bicubic,-82.643,-58.720,+33
hrnet_w48,10.853,89.147,39.973,60.027,77.47,224,0.875,bilinear,-83.087,-58.637,-3
tf_efficientnetv2_b2,10.853,89.147,39.493,60.507,10.10,260,0.890,bicubic,-83.557,-59.077,-51
dpn107,10.827,89.173,38.453,61.547,86.92,224,0.875,bicubic,-83.473,-60.017,-44
tf_inception_v3,10.827,89.173,36.680,63.320,23.83,299,0.875,bicubic,-82.503,-61.830,+45
adv_inception_v3,10.827,89.173,36.480,63.520,23.83,299,0.875,bicubic,-82.063,-61.650,+74
halonet26t,10.813,89.187,38.587,61.413,12.48,256,0.950,bicubic,-83.167,-59.903,-10
gluon_resnet152_v1c,10.747,89.253,36.840,63.160,60.21,224,0.875,bicubic,-83.413,-61.800,-27
resnext50_32x4d,10.640,89.360,40.213,59.787,25.03,224,0.875,bicubic,-83.470,-58.137,-20
xcit_nano_12_p8_224_dist,10.573,89.427,38.053,61.947,3.05,224,1.000,bicubic,-81.527,-60.107,+113
dpn131,10.560,89.440,37.000,63.000,79.25,224,0.875,bicubic,-83.430,-61.720,-16
resnetv2_50,10.547,89.453,39.173,60.827,25.55,224,0.950,bicubic,-83.893,-59.557,-61
resnext50d_32x4d,10.427,89.573,39.333,60.667,25.05,224,0.875,bicubic,-83.763,-59.237,-37
tf_efficientnet_b2_ap,10.413,89.587,39.760,60.240,9.11,260,0.890,bicubic,-84.077,-59.090,-73
hrnet_w44,10.333,89.667,39.200,60.800,67.06,224,0.875,bilinear,-83.247,-59.500,+15
rexnet_130,10.333,89.667,41.387,58.613,7.56,224,0.875,bicubic,-83.567,-57.013,-13
xcit_nano_12_p8_224,10.213,89.787,37.200,62.800,3.05,224,1.000,bicubic,-80.777,-60.600,+144
cspresnext50,10.133,89.867,40.213,59.787,20.57,224,0.875,bilinear,-84.337,-58.467,-72
dpn98,10.120,89.880,36.440,63.560,61.57,224,0.875,bicubic,-84.000,-62.140,-33
resnetrs50,10.067,89.933,37.227,62.773,35.69,224,0.910,bicubic,-84.223,-61.413,-57
resnet50,10.000,90.000,37.947,62.053,25.56,224,0.950,bicubic,-84.330,-60.493,-62
regnety_064,10.000,90.000,38.960,61.040,30.58,224,0.875,bicubic,-84.150,-59.780,-38
regnetx_160,9.973,90.027,37.760,62.240,54.28,224,0.875,bicubic,-84.147,-60.980,-35
resnext101_32x8d,9.947,90.053,37.453,62.547,88.79,224,0.875,bilinear,-83.843,-61.127,-12
lambda_resnet26rpt_256,9.907,90.093,37.520,62.480,10.99,256,0.940,bicubic,-83.813,-60.980,-8
legacy_seresnext50_32x4d,9.880,90.120,39.013,60.987,27.56,224,0.875,bilinear,-83.840,-59.567,-8
efficientnet_b1,9.867,90.133,37.293,62.707,7.79,256,1.000,bicubic,-83.373,-60.997,+31
xception,9.853,90.147,37.920,62.080,22.86,299,0.897,bicubic,-83.627,-60.600,+11
inception_v3,9.827,90.173,35.040,64.960,23.83,299,0.875,bicubic,-82.893,-62.920,+62
tf_efficientnet_b2,9.653,90.347,38.640,61.360,9.11,260,0.890,bicubic,-84.717,-59.940,-74
tf_efficientnet_cc_b1_8e,9.613,90.387,36.867,63.133,39.72,240,0.882,bicubic,-84.307,-61.383,-29
dpn68b,9.587,90.413,37.720,62.280,12.61,224,0.875,bicubic,-84.093,-60.810,-10
gluon_resnet152_v1b,9.573,90.427,35.707,64.293,60.19,224,0.875,bicubic,-84.507,-62.753,-42
tf_efficientnet_lite3,9.480,90.520,38.947,61.053,8.20,300,0.904,bilinear,-84.710,-59.693,-57
res2net101_26w_4s,9.413,90.587,34.440,65.560,45.21,224,0.875,bilinear,-84.307,-63.880,-16
legacy_seresnet152,9.240,90.760,37.093,62.907,66.82,224,0.875,bilinear,-84.180,-61.247,+8
cspresnet50,9.227,90.773,39.493,60.507,21.62,256,0.887,bilinear,-84.523,-59.137,-22
hrnet_w40,9.120,90.880,36.533,63.467,57.56,224,0.875,bilinear,-84.370,-62.197,-1
regnetx_120,9.067,90.933,36.947,63.053,46.11,224,0.875,bicubic,-85.173,-61.723,-70
vit_tiny_patch16_224,9.040,90.960,34.267,65.733,5.72,224,0.900,bicubic,-82.720,-63.773,+100
gluon_resnext50_32x4d,9.027,90.973,36.307,63.693,25.03,224,0.875,bicubic,-84.793,-62.103,-32
vit_base_patch16_sam_224,9.013,90.987,36.080,63.920,86.57,224,0.900,bicubic,-85.137,-62.590,-58
resnest26d,9.000,91.000,37.533,62.467,17.07,224,0.875,bilinear,-84.360,-61.107,+5
resnet33ts,9.000,91.000,38.240,61.760,19.68,256,0.900,bicubic,-84.600,-60.290,-17
crossvit_tiny_240,8.893,91.107,34.320,65.680,7.01,240,0.875,bicubic,-81.357,-63.290,+132
bat_resnext26ts,8.867,91.133,35.987,64.013,10.73,256,0.900,bicubic,-84.443,-62.043,+9
regnety_040,8.853,91.147,37.000,63.000,20.65,224,0.875,bicubic,-85.007,-61.640,-41
rexnet_100,8.827,91.173,36.240,63.760,4.80,224,0.875,bicubic,-84.203,-62.130,+21
seresnext26t_32x4d,8.813,91.187,36.573,63.427,16.81,224,0.875,bicubic,-83.997,-61.797,+34
seresnext26d_32x4d,8.800,91.200,36.467,63.533,16.81,224,0.875,bicubic,-83.940,-61.683,+40
mixnet_l,8.733,91.267,36.173,63.827,7.33,224,0.875,bicubic,-84.697,-62.047,-9
mobilenetv3_large_100_miil,8.720,91.280,32.893,67.107,5.48,224,0.875,bilinear,-83.550,-64.747,+64
convit_tiny,8.693,91.307,33.987,66.013,5.71,224,0.875,bicubic,-81.917,-63.743,+118
levit_128s,8.667,91.333,32.800,67.200,7.78,224,0.900,bicubic,-83.283,-65.260,+76
gcresnext26ts,8.560,91.440,35.547,64.453,10.48,256,0.900,bicubic,-84.210,-62.493,+30
hrnet_w30,8.533,91.467,36.800,63.200,37.71,224,0.875,bilinear,-84.667,-61.610,+5
resnet32ts,8.480,91.520,36.880,63.120,17.96,256,0.900,bicubic,-84.990,-61.610,-17
dla169,8.373,91.627,35.867,64.133,53.39,224,0.875,bilinear,-84.967,-62.733,-9
mixer_b16_224,8.360,91.640,29.320,70.680,59.88,224,0.875,bicubic,-83.500,-68.610,+77
tf_efficientnet_b1_ap,8.333,91.667,35.160,64.840,7.79,240,0.882,bicubic,-85.377,-63.200,-39
legacy_seresnet101,8.253,91.747,35.747,64.253,49.33,224,0.875,bilinear,-85.047,-62.753,-5
resnetblur50,8.213,91.787,37.360,62.640,25.56,224,0.875,bicubic,-85.717,-61.220,-61
repvgg_b2,8.173,91.827,36.040,63.960,89.02,224,0.875,bilinear,-85.317,-62.550,-27
dla102x,8.160,91.840,36.787,63.213,26.31,224,0.875,bilinear,-85.350,-61.713,-31
crossvit_9_240,8.147,91.853,34.027,65.973,8.55,240,0.875,bicubic,-82.513,-63.713,+105
eca_botnext26ts_256,8.133,91.867,30.947,69.053,10.59,256,0.950,bicubic,-82.417,-66.303,+106
eca_resnext26ts,8.120,91.880,35.747,64.253,10.30,256,0.900,bicubic,-84.540,-62.513,+29
resmlp_12_distilled_224,8.080,91.920,36.573,63.427,15.35,224,0.875,bicubic,-84.750,-61.567,+13
hrnet_w32,7.947,92.053,37.267,62.733,41.23,224,0.875,bilinear,-85.573,-61.173,-37
gluon_resnet50_v1d,7.840,92.160,34.773,65.227,25.58,224,0.875,bicubic,-85.940,-63.627,-57
res2net50_26w_8s,7.813,92.187,33.147,66.853,48.40,224,0.875,bilinear,-85.617,-65.033,-28
gluon_resnet101_v1c,7.800,92.200,32.973,67.027,44.57,224,0.875,bicubic,-85.860,-65.437,-49
dla60_res2next,7.733,92.267,34.653,65.347,17.03,224,0.875,bilinear,-85.447,-63.757,-11
tf_efficientnetv2_b1,7.720,92.280,34.360,65.640,8.14,240,0.882,bicubic,-86.220,-64.260,-74
deit_tiny_distilled_patch16_224,7.707,92.293,33.520,66.480,5.91,224,0.900,bicubic,-83.023,-64.060,+92
densenetblur121d,7.573,92.427,34.587,65.413,8.00,224,0.875,bicubic,-84.337,-63.503,+57
dla60_res2net,7.373,92.627,34.400,65.600,20.85,224,0.875,bilinear,-85.787,-64.010,-14
regnetx_064,7.333,92.667,34.360,65.640,26.21,224,0.875,bicubic,-86.557,-64.270,-74
wide_resnet101_2,7.307,92.693,33.693,66.307,126.89,224,0.875,bilinear,-86.413,-64.847,-59
efficientnet_b1_pruned,7.280,92.720,34.427,65.573,6.33,240,0.882,bicubic,-85.490,-63.843,+6
deit_tiny_patch16_224,7.227,92.773,30.667,69.333,5.72,224,0.900,bicubic,-82.443,-66.773,+106
hardcorenas_e,7.227,92.773,33.160,66.840,8.07,224,0.875,bilinear,-85.353,-64.950,+19
efficientnet_b0,7.213,92.787,33.840,66.160,5.29,224,0.875,bicubic,-85.457,-64.240,+12
gluon_resnet101_v1b,7.160,92.840,32.720,67.280,44.55,224,0.875,bicubic,-86.570,-65.680,-68
tf_efficientnet_cc_b0_8e,7.120,92.880,31.653,68.347,24.01,224,0.875,bicubic,-85.700,-66.527,-4
tf_efficientnet_b1,7.120,92.880,33.107,66.893,7.79,240,0.882,bicubic,-86.390,-65.253,-50
gluon_resnet50_v1s,7.080,92.920,33.200,66.800,25.68,224,0.875,bicubic,-86.550,-65.270,-62
tf_mixnet_l,7.080,92.920,31.587,68.413,7.33,224,0.875,bicubic,-86.230,-66.763,-34
resmlp_12_224,7.067,92.933,33.853,66.147,15.35,224,0.875,bicubic,-85.123,-64.307,+31
convmixer_1024_20_ks9_p14,7.027,92.973,32.693,67.307,24.38,224,0.960,bicubic,-85.403,-65.577,+18
seresnext26ts,6.933,93.067,34.600,65.400,10.39,256,0.900,bicubic,-85.747,-63.700,+3
hardcorenas_f,6.853,93.147,33.907,66.093,8.20,224,0.875,bilinear,-86.097,-64.253,-18
mixnet_m,6.667,93.333,32.040,67.960,5.01,224,0.875,bicubic,-85.773,-65.830,+14
ese_vovnet19b_dw,6.627,93.373,33.107,66.893,6.54,224,0.875,bicubic,-85.643,-64.993,+21
selecsls60b,6.613,93.387,33.133,66.867,32.77,224,0.875,bicubic,-86.677,-65.147,-38
efficientnet_es,6.560,93.440,33.693,66.307,5.44,224,0.875,bicubic,-86.640,-64.707,-36
pit_ti_distilled_224,6.547,93.453,30.507,69.493,5.10,224,0.900,bicubic,-84.333,-67.213,+68
res2net50_26w_6s,6.507,93.493,31.467,68.533,37.05,224,0.875,bilinear,-86.893,-66.813,-52
hardcorenas_d,6.453,93.547,32.053,67.947,7.50,224,0.875,bilinear,-85.967,-66.017,+10
legacy_seresnext26_32x4d,6.440,93.560,32.920,67.080,16.79,224,0.875,bicubic,-86.190,-65.200,-2
skresnet34,6.387,93.613,31.493,68.507,22.28,224,0.875,bicubic,-85.993,-66.647,+10
regnetx_080,6.360,93.640,32.213,67.787,39.57,224,0.875,bicubic,-87.510,-66.307,-97
resnet34d,6.347,93.653,31.680,68.320,21.82,224,0.875,bicubic,-86.353,-66.620,-10
dla60x,6.307,93.693,33.787,66.213,17.35,224,0.875,bilinear,-86.783,-64.703,-37
repvgg_b1,6.240,93.760,33.307,66.693,57.42,224,0.875,bilinear,-87.090,-65.083,-52
swsl_resnet18,6.213,93.787,31.347,68.653,11.69,224,0.875,bilinear,-84.467,-66.363,+63
legacy_seresnet50,6.067,93.933,32.453,67.547,28.09,224,0.875,bilinear,-86.883,-65.737,-32
pit_ti_224,6.053,93.947,30.053,69.947,4.85,224,0.900,bicubic,-83.877,-67.387,+74
tv_resnet152,6.000,94.000,31.640,68.360,60.19,224,0.875,bilinear,-87.330,-66.400,-57
resnet26t,5.987,94.013,31.720,68.280,16.01,256,0.940,bicubic,-86.763,-66.520,-21
tf_efficientnet_cc_b0_4e,5.960,94.040,29.533,70.467,13.31,224,0.875,bicubic,-86.660,-68.547,-12
tf_efficientnetv2_b0,5.893,94.107,30.613,69.387,7.14,224,0.875,bicubic,-87.217,-67.777,-46
mixer_l16_224,5.853,94.147,18.200,81.800,208.20,224,0.875,bicubic,-81.307,-75.330,+92
dla102,5.840,94.160,32.453,67.547,33.27,224,0.875,bilinear,-87.240,-66.087,-46
regnetx_040,5.800,94.200,31.187,68.813,22.12,224,0.875,bicubic,-87.750,-67.373,-84
selecsls60,5.720,94.280,32.280,67.720,30.67,224,0.875,bicubic,-87.300,-66.030,-44
hardcorenas_c,5.600,94.400,30.213,69.787,5.52,224,0.875,bilinear,-86.420,-67.627,+11
regnety_016,5.573,94.427,30.280,69.720,11.20,224,0.875,bicubic,-87.457,-67.910,-47
res2next50,5.520,94.480,30.600,69.400,24.67,224,0.875,bilinear,-87.330,-67.580,-40
hrnet_w18,5.453,94.547,30.813,69.187,21.30,224,0.875,bilinear,-86.857,-67.437,-7
tf_efficientnet_lite2,5.373,94.627,30.907,69.093,6.09,260,0.890,bicubic,-87.287,-67.323,-24
botnet26t_256,5.333,94.667,24.307,75.693,12.49,256,0.950,bicubic,-82.127,-71.883,+80
resnest14d,5.333,94.667,28.547,71.453,10.61,224,0.875,bilinear,-86.397,-69.323,+19
tf_efficientnet_b0_ap,5.320,94.680,28.707,71.293,5.29,224,0.875,bicubic,-86.900,-69.403,-6
gernet_s,5.200,94.800,30.067,69.933,8.17,224,0.875,bilinear,-86.940,-68.123,-3
tf_efficientnet_em,5.200,94.800,30.653,69.347,6.90,240,0.882,bicubic,-87.750,-67.557,-50
mobilenetv3_large_100,5.107,94.893,28.053,71.947,5.48,224,0.875,bicubic,-86.233,-69.657,+22
repvgg_b1g4,5.107,94.893,30.467,69.533,39.97,224,0.875,bilinear,-87.893,-67.963,-55
xcit_nano_12_p16_224_dist,5.107,94.893,26.280,73.720,3.05,224,1.000,bicubic,-84.573,-70.810,+57
densenet121,5.080,94.920,29.627,70.373,7.98,224,0.875,bicubic,-86.490,-68.403,+14
res2net50_26w_4s,5.053,94.947,28.987,71.013,25.70,224,0.875,bilinear,-87.427,-69.083,-25
tf_efficientnet_b0,5.040,94.960,28.907,71.093,5.29,224,0.875,bicubic,-87.190,-69.093,-15
tf_mixnet_m,5.040,94.960,28.093,71.907,5.01,224,0.875,bicubic,-87.290,-69.797,-21
vit_tiny_r_s16_p8_224,4.947,95.053,26.707,73.293,6.34,224,0.900,bicubic,-84.243,-70.523,+57
hardcorenas_a,4.893,95.107,27.987,72.013,5.26,224,0.875,bilinear,-86.447,-69.873,+13
regnetx_032,4.880,95.120,29.893,70.107,15.30,224,0.875,bicubic,-88.240,-68.497,-71
res2net50_14w_8s,4.880,95.120,28.320,71.680,25.06,224,0.875,bilinear,-87.840,-69.870,-45
mixnet_s,4.840,95.160,28.507,71.493,4.13,224,0.875,bicubic,-86.980,-69.183,+1
hardcorenas_b,4.827,95.173,27.800,72.200,5.18,224,0.875,bilinear,-86.913,-69.980,+2
mobilenetv3_rw,4.813,95.187,29.507,70.493,5.48,224,0.875,bicubic,-86.397,-68.153,+12
xcit_nano_12_p16_224,4.800,95.200,25.253,74.747,3.05,224,1.000,bicubic,-83.790,-71.537,+57
gluon_resnet50_v1c,4.773,95.227,27.787,72.213,25.58,224,0.875,bicubic,-88.257,-70.573,-72
selecsls42b,4.707,95.293,28.333,71.667,32.46,224,0.875,bicubic,-87.593,-69.807,-29
tv_resnext50_32x4d,4.693,95.307,29.813,70.187,25.03,224,0.875,bilinear,-88.067,-68.467,-57
resnext26ts,4.640,95.360,28.733,71.267,10.30,256,0.900,bicubic,-87.220,-68.497,-10
densenet161,4.573,95.427,29.520,70.480,28.68,224,0.875,bicubic,-87.927,-68.770,-42
tv_resnet101,4.573,95.427,28.867,71.133,44.55,224,0.875,bilinear,-88.237,-69.363,-63
tf_efficientnet_lite1,4.467,95.533,28.360,71.640,5.42,240,0.882,bicubic,-88.153,-69.720,-48
mobilenetv2_120d,4.440,95.560,29.067,70.933,5.83,224,0.875,bicubic,-87.960,-68.983,-39
vit_base_patch32_sam_224,4.307,95.693,24.347,75.653,88.22,224,0.900,bicubic,-85.443,-72.653,+34
efficientnet_es_pruned,4.120,95.880,26.547,73.453,5.44,224,0.875,bicubic,-87.070,-71.193,+2
fbnetc_100,4.093,95.907,25.493,74.507,5.57,224,0.875,bilinear,-86.627,-71.717,+16
gluon_resnet50_v1b,4.027,95.973,26.827,73.173,25.56,224,0.875,bicubic,-88.513,-71.363,-50
densenet201,3.973,96.027,27.280,72.720,20.01,224,0.875,bicubic,-88.777,-70.960,-66
dpn68,3.933,96.067,26.000,74.000,12.61,224,0.875,bicubic,-88.087,-72.040,-28
resnet26d,3.920,96.080,28.240,71.760,16.01,224,0.875,bicubic,-88.130,-69.720,-32
tf_mixnet_s,3.920,96.080,25.200,74.800,4.13,224,0.875,bicubic,-87.590,-72.410,-12
semnasnet_100,3.880,96.120,26.840,73.160,3.89,224,0.875,bicubic,-87.400,-70.730,-8
repvgg_a2,3.800,96.200,27.293,72.707,28.21,224,0.875,bilinear,-88.140,-70.857,-28
tf_efficientnet_es,3.747,96.253,25.973,74.027,5.44,224,0.875,bicubic,-88.243,-71.897,-31
regnety_008,3.707,96.293,26.853,73.147,6.26,224,0.875,bicubic,-88.003,-71.327,-18
ssl_resnet18,3.693,96.307,25.280,74.720,11.69,224,0.875,bilinear,-86.537,-72.280,+16
densenet169,3.680,96.320,25.520,74.480,14.15,224,0.875,bicubic,-88.230,-72.580,-31
mobilenetv2_140,3.667,96.333,26.507,73.493,6.11,224,0.875,bicubic,-88.163,-71.353,-27
tf_mobilenetv3_large_100,3.653,96.347,24.987,75.013,5.48,224,0.875,bilinear,-87.577,-72.673,-14
dla60,3.587,96.413,27.920,72.080,22.04,224,0.875,bilinear,-88.633,-70.100,-47
res2net50_48w_2s,3.573,96.427,26.333,73.667,25.29,224,0.875,bilinear,-88.977,-71.747,-65
spnasnet_100,3.533,96.467,24.213,75.787,4.42,224,0.875,bilinear,-86.817,-72.977,+7
regnety_006,3.507,96.493,24.893,75.107,6.06,224,0.875,bicubic,-87.873,-72.817,-22
regnetx_016,3.467,96.533,26.373,73.627,9.19,224,0.875,bicubic,-88.693,-71.837,-49
legacy_seresnet34,3.293,96.707,23.613,76.387,21.96,224,0.875,bilinear,-87.607,-73.967,-8
efficientnet_lite0,3.280,96.720,25.720,74.280,4.65,224,0.875,bicubic,-87.860,-71.910,-17
ghostnet_100,3.253,96.747,24.720,75.280,5.18,224,0.875,bilinear,-86.777,-72.650,+8
dla34,3.173,96.827,23.587,76.413,15.74,224,0.875,bilinear,-87.597,-74.063,-8
mobilenetv2_110d,3.107,96.893,24.387,75.613,4.52,224,0.875,bicubic,-87.863,-73.173,-13
mnasnet_100,3.093,96.907,24.227,75.773,4.38,224,0.875,bicubic,-87.417,-73.243,-3
regnety_004,3.067,96.933,22.587,77.413,4.34,224,0.875,bicubic,-87.413,-74.973,-3
tf_efficientnet_lite0,3.067,96.933,22.827,77.173,4.65,224,0.875,bicubic,-87.983,-74.743,-19
skresnet18,2.960,97.040,22.733,77.267,11.96,224,0.875,bicubic,-86.700,-74.487,+9
resnet34,2.893,97.107,23.560,76.440,21.80,224,0.875,bilinear,-88.227,-74.070,-23
tf_mobilenetv3_large_075,2.867,97.133,21.600,78.400,3.99,224,0.875,bilinear,-86.843,-75.620,+4
vgg19_bn,2.867,97.133,23.547,76.453,143.68,224,0.875,bilinear,-87.233,-74.033,-3
regnetx_008,2.733,97.267,22.333,77.667,7.26,224,0.875,bicubic,-88.317,-75.377,-25
gluon_resnet34_v1b,2.653,97.347,21.533,78.467,21.80,224,0.875,bicubic,-88.337,-76.117,-24
hrnet_w18_small_v2,2.627,97.373,23.587,76.413,15.60,224,0.875,bilinear,-88.563,-74.313,-31
vgg16,2.560,97.440,19.960,80.040,138.36,224,0.875,bilinear,-85.990,-76.830,+13
vgg16_bn,2.547,97.453,23.587,76.413,138.37,224,0.875,bilinear,-87.543,-73.783,-7
repvgg_b0,2.533,97.467,23.920,76.080,15.82,224,0.875,bilinear,-88.917,-74.060,-42
resnet18d,2.493,97.507,21.600,78.400,11.71,224,0.875,bicubic,-86.797,-75.540,+1
regnetx_006,2.453,97.547,20.600,79.400,6.20,224,0.875,bicubic,-87.867,-76.830,-14
tv_densenet121,2.453,97.547,22.533,77.467,7.98,224,0.875,bicubic,-88.447,-75.167,-27
legacy_seresnet18,2.440,97.560,19.827,80.173,11.78,224,0.875,bicubic,-86.440,-77.143,+3
resnet26,2.387,97.613,22.733,77.267,16.00,224,0.875,bicubic,-88.743,-75.007,-37
mobilenetv2_100,2.147,97.853,19.653,80.347,3.50,224,0.875,bicubic,-87.463,-77.497,-5
regnety_002,2.080,97.920,18.600,81.400,3.16,224,0.875,bicubic,-85.280,-77.970,+9
vgg13_bn,2.080,97.920,20.040,79.960,133.05,224,0.875,bilinear,-86.700,-76.930,+1
vgg19,2.027,97.973,20.480,79.520,143.67,224,0.875,bilinear,-87.033,-76.390,-4
tf_mobilenetv3_small_100,2.000,98.000,15.880,84.120,2.54,224,0.875,bilinear,-83.210,-79.900,+12
tf_mobilenetv3_small_075,1.973,98.027,14.840,85.160,2.04,224,0.875,bilinear,-81.507,-79.960,+14
regnetx_004,1.960,98.040,19.067,80.933,5.16,224,0.875,bicubic,-86.920,-78.053,-4
tv_resnet34,1.840,98.160,19.800,80.200,21.80,224,0.875,bilinear,-88.080,-77.540,-18
vgg13,1.840,98.160,17.880,82.120,133.05,224,0.875,bilinear,-85.190,-78.430,+4
vgg11_bn,1.720,98.280,18.000,82.000,132.87,224,0.875,bilinear,-85.800,-78.810,-2
dla46x_c,1.693,98.307,16.373,83.627,1.07,224,0.875,bilinear,-82.557,-78.907,+7
tf_mobilenetv3_large_minimal_100,1.627,98.373,17.187,82.813,3.92,224,0.875,bilinear,-87.323,-79.683,-11
dla60x_c,1.587,98.413,17.800,82.200,1.32,224,0.875,bilinear,-84.693,-78.360,+2
vgg11,1.587,98.413,15.907,84.093,132.86,224,0.875,bilinear,-84.993,-80.383,0
gluon_resnet18_v1b,1.547,98.453,16.600,83.400,11.69,224,0.875,bicubic,-86.833,-80.100,-8
hrnet_w18_small,1.507,98.493,18.107,81.893,13.19,224,0.875,bilinear,-87.553,-78.993,-17
dla46_c,1.453,98.547,15.027,84.973,1.30,224,0.875,bilinear,-82.187,-79.883,+2
regnetx_002,1.253,98.747,14.827,85.173,2.68,224,0.875,bicubic,-84.947,-81.143,-2
resnet18,1.120,98.880,16.173,83.827,11.69,224,0.875,bilinear,-86.250,-80.087,-9
tf_mobilenetv3_small_minimal_100,1.027,98.973,11.400,88.600,2.04,224,0.875,bilinear,-80.363,-82.270,+1
tv_resnet50,0.027,99.973,14.320,85.680,25.56,224,0.875,bilinear,-91.863,-83.720,-80

1 model top1 top1_err top5 top5_err param_count img_size cropt_pct interpolation top1_diff top5_diff rank_diff
2 tf_efficientnet_l2_ns 84.760 84.707 15.240 15.293 96.147 96.027 3.853 3.973 480.31 800 0.960 bicubic -13.790 -13.833 -3.673 -3.793 0 +1
3 tf_efficientnet_l2_ns_475 83.373 83.360 16.627 16.640 95.453 95.480 4.547 4.520 480.31 475 0.936 bicubic -15.127 -15.130 -4.377 -4.350 0 +2
4 vit_large_patch16_384 beit_large_patch16_512 71.227 82.893 28.773 17.107 89.840 95.693 10.160 4.307 304.72 305.67 384 512 1.000 bicubic -26.993 -15.667 -9.960 -4.147 0 -2
5 swin_large_patch4_window12_384 beit_large_patch16_384 69.627 80.187 30.373 19.813 89.560 94.787 10.440 5.213 196.74 305.00 384 1.000 bicubic -28.413 -18.313 -10.130 -5.033 0 -1
6 tf_efficientnet_b7_ns vit_large_patch16_384 67.040 71.067 32.960 28.933 88.667 89.667 11.333 10.333 66.35 304.72 600 384 0.949 1.000 bicubic -30.870 -27.143 -11.053 -10.133 0
7 tf_efficientnetv2_l_in21ft1k swin_large_patch4_window12_384 66.333 70.773 33.667 29.227 87.853 90.600 12.147 9.400 118.52 196.74 480 384 1.000 bicubic -31.367 -27.247 -11.817 -9.090 +3 +1
8 swin_base_patch4_window12_384 beit_large_patch16_224 64.480 69.013 35.520 30.987 87.493 89.947 12.507 10.053 87.90 304.43 384 224 1.000 0.900 bicubic -33.410 -29.157 -12.217 -9.813 -1
9 vit_base_patch16_384 beit_base_patch16_384 63.693 66.947 36.307 33.053 86.707 89.080 13.293 10.920 86.86 86.74 384 1.000 bicubic -34.147 -30.883 -12.963 -10.620 0 +3
10 cait_m48_448 tf_efficientnet_b7_ns 62.373 66.880 37.627 33.120 86.453 88.507 13.547 11.493 356.46 66.35 448 600 1.000 0.949 bicubic -35.107 -31.000 -13.097 -11.213 +10 -1
11 tf_efficientnet_b6_ns tf_efficientnetv2_xl_in21ft1k 62.267 66.480 37.733 33.520 85.173 86.773 14.827 13.227 43.04 208.12 528 512 0.942 1.000 bicubic -35.363 -31.190 -14.407 -12.717 +2 +4
12 vit_large_r50_s32_384 tf_efficientnetv2_l_in21ft1k 61.507 65.907 38.493 34.093 83.960 87.693 16.040 12.307 329.09 118.52 384 480 1.000 bicubic -36.353 -31.773 -15.710 -11.977 -4 +2
13 tf_efficientnetv2_m_in21ft1k swin_base_patch4_window12_384 61.387 65.333 38.613 34.667 85.413 88.600 14.587 11.400 54.14 87.90 480 384 1.000 bicubic -36.093 -32.537 -14.117 -11.110 +8 -3
14 ig_resnext101_32x48d vit_base_patch16_384 61.013 62.947 38.987 37.053 83.347 86.093 16.653 13.907 828.41 86.86 224 384 0.875 1.000 bilinear bicubic -36.607 -34.883 -16.353 -13.577 0 -1
15 swin_large_patch4_window7_224 cait_m48_448 60.893 62.093 39.107 37.907 85.840 86.440 14.160 13.560 196.53 356.46 224 448 0.900 1.000 bicubic -36.757 -35.387 -13.740 -13.110 -4 +12
16 resnetv2_152x4_bitm tf_efficientnet_b6_ns 60.787 61.640 39.213 38.360 83.573 84.787 16.427 15.213 936.53 43.04 480 528 1.000 0.942 bilinear bicubic -36.703 -35.990 -16.037 -14.793 +3
17 tf_efficientnet_b5_ns swin_large_patch4_window7_224 60.320 61.293 39.680 38.707 84.493 86.520 15.507 13.480 30.39 196.53 456 224 0.934 0.900 bicubic -37.180 -36.367 -15.137 -13.060 +1 -1
18 dm_nfnet_f6 vit_large_r50_s32_384 59.160 61.147 40.840 38.853 82.333 83.773 17.667 16.227 438.36 329.09 576 384 0.956 1.000 bicubic -38.440 -36.713 -17.217 -15.897 -3 -7
19 dm_nfnet_f5 ig_resnext101_32x48d 58.573 61.040 41.427 38.960 82.773 83.227 17.227 16.773 377.21 828.41 544 224 0.954 0.875 bicubic bilinear -38.967 -36.600 -16.797 -16.483 -2
20 dm_nfnet_f4 tf_efficientnetv2_m_in21ft1k 58.120 60.853 41.880 39.147 81.987 85.267 18.013 14.733 316.07 54.14 512 480 0.951 1.000 bicubic -39.460 -36.627 -17.523 -14.263 -4 +8
21 ig_resnext101_32x32d tf_efficientnet_b5_ns 58.093 59.800 41.907 40.200 80.653 84.213 19.347 15.787 468.53 30.39 224 456 0.875 0.934 bilinear bicubic -39.267 -37.690 -19.027 -15.417 +2 +5
22 cait_m36_384 xcit_large_24_p8_384_dist 57.840 59.787 42.160 40.213 84.813 85.333 15.187 14.667 271.22 188.93 384 1.000 bicubic -39.560 -37.743 -14.697 -14.207 0 +1
23 dm_nfnet_f3 resnetv2_152x4_bitm 55.827 59.587 44.173 40.413 80.947 83.133 19.053 16.867 254.92 936.53 416 480 0.940 1.000 bicubic bilinear -41.523 -37.903 -18.613 -16.487 +1 +2
24 vit_large_patch16_224 dm_nfnet_f5 55.627 58.307 44.373 41.693 80.093 82.533 19.907 17.467 304.33 377.21 224 544 0.900 0.954 bicubic -42.013 -39.233 -19.497 -17.037 -12 -2
25 vit_base_r50_s16_384 dm_nfnet_f6 54.627 58.280 45.373 41.720 81.213 81.907 18.787 18.093 98.95 438.36 384 576 1.000 0.956 bicubic -42.553 -39.330 -18.347 -17.643 +6 -5
26 cait_s36_384 ig_resnext101_32x32d 54.413 57.960 45.587 42.040 81.360 80.733 18.640 19.267 68.37 468.53 384 224 1.000 0.875 bicubic bilinear -42.917 -39.400 -18.170 -18.947 -1 +4
27 resnetv2_101x3_bitm dm_nfnet_f4 54.027 57.787 45.973 42.213 81.027 81.507 18.973 18.493 387.93 316.07 448 512 1.000 0.951 bilinear bicubic -42.963 -39.783 -18.463 -18.003 +14 -6
28 resnetv2_152x2_bitm cait_m36_384 54.013 57.667 45.987 42.333 82.000 84.693 18.000 15.307 236.34 271.22 448 384 1.000 bilinear bicubic -42.997 -39.733 -17.590 -14.817 +11 +1
29 tf_efficientnetv2_l xcit_medium_24_p8_384_dist 53.187 56.587 46.813 43.413 79.133 83.440 20.867 16.560 118.52 84.32 480 384 1.000 bicubic -44.093 -40.713 -20.417 -16.070 -3 +4
30 ig_resnext101_32x16d dm_nfnet_f3 53.067 55.333 46.933 44.667 76.907 80.480 23.093 19.520 194.03 254.92 224 416 0.875 0.940 bilinear bicubic -43.753 -42.017 -22.683 -19.080 +19 +1
31 swin_base_patch4_window7_224 vit_large_patch16_224 51.453 55.333 48.547 44.667 79.973 79.840 20.027 20.160 87.77 304.33 224 0.900 bicubic -45.797 -42.307 -19.557 -19.750 -4 -13
32 tf_efficientnet_b4_ns xcit_small_24_p8_384_dist 51.213 54.400 48.787 45.600 79.187 81.720 20.813 18.280 19.34 47.63 380 384 0.922 1.000 bicubic -45.737 -42.850 -20.393 -17.890 +12 +5
33 resnetv2_152x2_bit_teacher_384 vit_base_r50_s16_384 51.187 54.333 48.813 45.667 78.493 80.840 21.507 19.160 236.34 98.95 384 1.000 bicubic -45.643 -42.847 -20.957 -18.720 +15 +9
34 swsl_resnext101_32x8d cait_s36_384 51.187 54.240 48.813 45.760 78.240 81.267 21.760 18.733 88.79 68.37 224 384 0.875 1.000 bilinear bicubic -46.013 -43.100 -21.300 -18.263 -5 -2
35 cait_s24_384 ig_resnext101_32x16d 49.733 53.053 50.267 46.947 78.733 76.867 21.267 23.133 47.06 194.03 384 224 1.000 0.875 bicubic bilinear -47.337 -43.767 -20.697 -22.733 +2 +30
36 deit_base_distilled_patch16_384 tf_efficientnetv2_l 49.333 52.933 50.667 47.067 79.253 79.000 20.747 21.000 87.63 118.52 384 480 1.000 bicubic -47.627 -44.337 -20.227 -20.550 +7 -1
37 tf_efficientnet_b8 xcit_large_24_p16_384_dist 48.947 52.813 51.053 47.187 77.240 81.720 22.760 18.280 87.41 189.10 672 384 0.954 1.000 bicubic -48.253 -44.717 -22.330 -17.760 -9 -13
38 dm_nfnet_f2 resnetv2_152x2_bitm 48.920 52.733 51.080 47.267 77.160 81.187 22.840 18.813 193.78 236.34 352 448 0.920 1.000 bicubic bilinear -48.100 -44.297 -22.280 -18.253 0 +14
39 tf_efficientnetv2_s_in21ft1k resnetv2_101x3_bitm 48.507 52.400 51.493 47.600 77.880 79.867 22.120 20.133 21.46 387.93 384 448 1.000 bicubic bilinear -48.223 -44.620 -21.540 -19.623 +14 +15
40 resnest269e swin_base_patch4_window7_224 48.187 51.827 51.813 48.173 74.333 80.427 25.667 19.573 110.93 87.77 416 224 0.928 0.900 bicubic -48.333 -45.433 -25.017 -19.103 +30 -4
41 resnetv2_50x3_bitm swsl_resnext101_32x8d 47.293 51.187 52.707 48.813 77.333 78.200 22.667 21.800 217.32 88.79 448 224 1.000 0.875 bilinear -49.417 -46.013 -22.217 -21.370 +14 -1
42 tf_efficientnet_b8_ap tf_efficientnet_b4_ns 46.893 50.893 53.107 49.107 76.507 79.040 23.493 20.960 87.41 19.34 672 380 0.954 0.922 bicubic -50.217 -46.037 -23.153 -20.540 -9 +17
43 efficientnetv2_rw_m beit_base_patch16_224 46.280 50.707 53.720 49.293 75.707 79.893 24.293 20.107 53.24 86.53 416 224 1.000 0.900 bicubic -50.700 -46.373 -23.833 -19.717 -1 +5
44 swsl_resnext101_32x16d xcit_small_12_p8_384_dist 46.200 50.533 53.800 49.467 72.200 79.600 27.800 20.400 194.03 26.21 224 384 0.875 1.000 bilinear bicubic -50.400 -46.697 -27.320 -19.880 +21 -6
45 vit_small_patch16_384 resnetv2_152x2_bit_teacher_384 45.933 50.067 54.067 49.933 76.720 77.733 23.280 22.267 22.20 236.34 384 1.000 bicubic -50.767 -46.743 -22.760 -21.717 +12 +21
46 ecaresnet269d cait_s24_384 45.893 49.400 54.107 50.600 75.133 78.640 24.867 21.360 102.09 47.06 352 384 1.000 bicubic -51.187 -47.680 -24.337 -20.790 -11 +3
47 vit_small_r26_s32_384 xcit_medium_24_p16_384_dist 45.720 49.227 54.280 50.773 76.067 79.720 23.933 20.280 36.47 84.40 384 1.000 bicubic -50.960 -48.053 -23.503 -19.740 +14 -13
48 tf_efficientnetv2_m deit_base_distilled_patch16_384 45.533 49.040 54.467 50.960 74.533 79.000 25.467 21.000 54.14 87.63 480 384 1.000 bicubic -51.607 -47.930 -24.877 -20.490 -16 +9
49 tf_efficientnet_b7_ap dm_nfnet_f2 45.373 48.387 54.627 51.613 74.213 76.760 25.787 23.240 66.35 193.78 600 352 0.949 0.920 bicubic -51.827 -48.643 -25.287 -22.830 -19 +4
50 dm_nfnet_f1 tf_efficientnetv2_s_in21ft1k 45.333 48.053 54.667 51.947 74.107 77.720 25.893 22.280 132.63 21.46 320 384 0.910 1.000 bicubic -51.587 -48.687 -25.303 -21.700 -5 +22
51 ig_resnext101_32x8d tf_efficientnet_b8 45.320 47.987 54.680 52.013 70.867 76.467 29.133 23.533 88.79 87.41 224 672 0.875 0.954 bilinear bicubic -51.000 -49.223 -28.563 -23.033 +30 -12
52 eca_nfnet_l2 xcit_large_24_p8_224_dist 44.960 47.893 55.040 52.107 75.893 79.133 24.107 20.867 56.72 188.93 384 224 1.000 bicubic -52.130 -49.167 -23.617 -20.287 -18 -1
53 resnest200e resnest269e 44.147 47.653 55.853 52.347 73.467 74.000 26.533 26.000 70.20 110.93 320 416 0.909 0.928 bicubic -52.463 -48.867 -25.883 -25.350 +11 +39
54 cait_xs24_384 xcit_large_24_p8_224 43.947 46.867 56.053 53.133 75.187 74.400 24.813 25.600 26.67 188.93 384 224 1.000 bicubic -52.603 -49.533 -24.233 -24.580 +13 +44
55 tresnet_xl_448 xcit_small_24_p16_384_dist 43.480 46.773 56.520 53.227 72.453 77.013 27.547 22.987 78.44 47.67 448 384 0.875 1.000 bilinear bicubic -52.490 -50.357 -26.677 -22.437 +41 -11
56 vit_base_patch16_224 tf_efficientnet_b8_ap 43.240 46.453 56.760 53.547 72.920 76.160 27.080 23.840 86.57 87.41 224 672 0.900 0.954 bicubic -53.640 -50.657 -26.610 -23.500 -9 -11
57 resnetrs420 resnetv2_50x3_bitm 43.147 46.293 56.853 53.707 70.453 76.627 29.547 23.373 191.89 217.32 416 448 1.000 bicubic bilinear -53.763 -50.437 -29.007 -22.913 -11 +16
58 tf_efficientnet_b7 efficientnetv2_rw_m 42.960 46.160 57.040 53.840 73.133 75.827 26.867 24.173 66.35 53.24 600 416 0.949 1.000 bicubic -54.050 -50.830 -26.387 -23.703 -18 -2
59 vit_large_r50_s32_224 swsl_resnext101_32x16d 41.640 45.933 58.360 54.067 70.227 72.053 29.773 27.947 328.99 194.03 224 0.900 0.875 bicubic bilinear -55.150 -50.667 -29.123 -27.217 -9 +26
60 swsl_resnext101_32x4d ecaresnet269d 41.560 45.720 58.440 54.280 71.760 74.920 28.240 25.080 44.18 102.09 224 352 0.875 1.000 bilinear bicubic -54.860 -51.370 -27.710 -24.550 +14 -13
61 tf_efficientnet_b6_ap vit_small_patch16_384 40.800 45.360 59.200 54.640 71.627 76.160 28.373 23.840 43.04 22.20 528 384 0.942 1.000 bicubic -56.280 -51.330 -27.993 -23.320 -25 +16
62 resmlp_big_24_224_in22ft1k tf_efficientnet_b7_ap 40.373 45.267 59.627 54.733 74.760 74.027 25.240 25.973 129.14 66.35 224 600 0.875 0.949 bicubic -56.247 -51.933 -24.750 -25.513 +1 -21
63 tresnet_l_448 tf_efficientnetv2_m 40.200 45.253 59.800 54.747 69.893 74.267 30.107 25.733 55.99 54.14 448 480 0.875 1.000 bilinear bicubic -55.660 -51.887 -29.227 -25.143 +40 -20
64 deit_base_patch16_384 vit_small_r26_s32_384 40.173 45.240 59.827 54.760 70.760 75.427 29.240 24.573 86.86 36.47 384 1.000 bicubic -55.977 -51.440 -28.380 -24.143 +22 +15
65 resnetrs350 ig_resnext101_32x8d 39.960 45.213 60.040 54.787 68.907 70.840 31.093 29.160 163.96 88.79 384 224 1.000 0.875 bicubic bilinear -56.800 -51.097 -30.463 -28.590 -13 +42
66 vit_large_patch32_384 xcit_medium_24_p8_224_dist 38.933 45.160 61.067 54.840 68.920 76.720 31.080 23.280 306.63 84.32 384 224 1.000 bicubic -56.897 -51.770 -30.230 -22.670 +39 -6
67 resnetv2_101x1_bitm dm_nfnet_f1 38.920 44.853 61.080 55.147 71.040 73.653 28.960 26.347 44.54 132.63 448 320 1.000 0.910 bilinear bicubic -57.180 -52.037 -28.240 -25.757 +26 -5
68 resnet200d eca_nfnet_l2 38.147 44.627 61.853 55.373 68.613 75.773 31.387 24.227 64.69 56.72 320 384 1.000 bicubic -58.573 -52.463 -30.717 -23.737 -14 -22
69 seresnet152d crossvit_18_dagger_408 37.640 43.867 62.360 56.133 69.480 73.600 30.520 26.400 66.84 44.61 320 408 1.000 bicubic -59.130 -52.663 -29.970 -25.660 -18 +22
70 eca_nfnet_l1 resnest200e 37.533 43.867 62.467 56.133 70.947 73.293 29.053 26.707 41.41 70.20 320 1.000 0.909 bicubic -59.167 -52.753 -28.343 -26.057 -14 +13
71 twins_svt_large cait_xs24_384 37.200 43.640 62.800 56.360 69.227 74.907 30.773 25.093 99.27 26.67 224 384 0.900 1.000 bicubic -59.070 -52.920 -29.943 -24.513 +12 +17
72 vit_base_patch32_384 tresnet_xl_448 37.080 43.187 62.920 56.813 69.760 72.120 30.240 27.880 88.30 78.44 384 448 1.000 0.875 bicubic bilinear -59.410 -52.783 -29.650 -27.000 -1 +57
73 efficientnetv2_rw_s vit_base_patch16_224 36.787 43.107 63.213 56.893 68.320 72.547 31.680 27.453 23.94 86.57 384 224 1.000 0.900 bicubic -59.753 -53.763 -31.040 -26.983 -5 -10
74 regnety_160 xcit_small_12_p16_384_dist 36.747 43.067 63.253 56.933 69.107 73.787 30.893 26.213 83.59 26.25 288 384 1.000 bicubic -59.603 -53.873 -30.223 -25.613 +4 -16
75 cait_xxs36_384 xcit_medium_24_p8_224 36.227 43.027 63.773 56.973 67.800 70.080 32.200 29.920 17.37 84.32 384 224 1.000 bicubic -59.623 -53.083 -31.290 -28.810 +29 +45
76 pit_b_distilled_224 resnetrs420 35.627 42.440 64.373 57.560 69.120 70.120 30.880 29.880 74.79 191.89 224 416 0.900 1.000 bicubic -61.053 -54.470 -30.230 -29.340 -17 -15
77 tf_efficientnet_b3_ns xcit_tiny_24_p8_384_dist 35.520 42.253 64.480 57.747 67.773 72.773 32.227 27.227 12.23 12.11 300 384 0.904 1.000 bicubic -60.870 -54.297 -31.577 -26.547 -2 +12
78 tf_efficientnet_b6 tf_efficientnet_b7 35.213 42.200 64.787 57.800 67.720 72.547 32.280 27.453 43.04 66.35 528 600 0.942 0.949 bicubic -61.457 -54.810 -31.650 -26.973 -16 -23
79 resnetrs270 crossvit_15_dagger_408 35.013 41.773 64.987 58.227 65.480 71.973 34.520 28.027 129.86 28.50 352 408 1.000 bicubic -61.677 -54.617 -33.870 -27.177 -21 +21
80 tf_efficientnet_b5_ap swsl_resnext101_32x4d 34.787 41.653 65.213 58.347 67.493 71.867 32.507 28.133 30.39 44.18 456 224 0.934 0.875 bicubic bilinear -61.893 -54.767 -31.967 -27.603 -20 +17
81 vit_base_patch16_224_miil xcit_small_24_p8_224 34.507 41.640 65.493 58.360 65.000 70.840 35.000 29.160 86.54 47.63 224 0.875 1.000 bilinear bicubic -61.953 -54.760 -34.300 -28.300 -9 +18
82 resnet152d vit_large_r50_s32_224 34.320 41.520 65.680 58.480 65.907 70.360 34.093 29.640 60.21 328.99 320 224 1.000 0.900 bicubic -62.040 -55.270 -33.483 -28.990 -5 -14
83 tresnet_m_448 xcit_small_24_p8_224_dist 34.107 41.467 65.893 58.533 64.493 73.707 35.507 26.293 31.39 47.63 448 224 0.875 1.000 bilinear bicubic -60.883 -55.403 -34.487 -25.773 +69 -19
84 resmlp_big_24_distilled_224 resmlp_big_24_224_in22ft1k 34.067 40.453 65.933 59.547 69.600 74.653 30.400 25.347 129.14 224 0.875 bicubic -62.383 -56.167 -29.710 -24.857 -11 -2
85 twins_pcpvt_large tf_efficientnet_b6_ap 33.387 40.333 66.613 59.667 67.933 71.400 32.067 28.600 60.99 43.04 224 528 0.900 0.942 bicubic -62.763 -56.747 -31.247 -28.220 +4 -35
86 pit_b_224 tresnet_l_448 33.173 40.133 66.827 59.867 62.320 69.707 37.680 30.293 73.76 55.99 224 448 0.900 0.875 bicubic bilinear -62.467 -55.737 -36.340 -29.413 +27 +50
87 twins_svt_base deit_base_patch16_384 33.173 39.880 66.827 60.120 65.773 70.440 34.227 29.560 56.07 86.86 224 384 0.900 1.000 bicubic -62.987 -56.270 -33.287 -28.700 -2 +28
88 resnetv2_152x2_bit_teacher resnetrs350 33.053 39.347 66.947 60.653 64.267 68.293 35.733 31.707 236.34 163.96 224 384 0.875 1.000 bicubic -63.047 -57.413 -35.013 -31.067 +4 -18
89 swsl_resnext50_32x4d vit_large_patch32_384 33.013 38.867 66.987 61.133 65.067 68.573 34.933 31.427 25.03 306.63 224 384 0.875 1.000 bilinear bicubic -62.857 -56.963 -34.183 -30.577 +11 +50
90 ssl_resnext101_32x16d resnetv2_101x1_bitm 32.600 38.240 67.400 61.760 64.000 70.267 36.000 29.733 194.03 44.54 224 448 0.875 1.000 bilinear -63.200 -57.860 -35.180 -29.013 +16 +33
91 swin_small_patch4_window7_224 xcit_small_12_p8_224_dist 32.600 38.173 67.400 61.827 65.440 71.320 34.560 28.680 49.61 26.21 224 0.900 1.000 bicubic -63.310 -58.527 -33.580 -28.070 +7 -16
92 tf_efficientnet_b5 resnet200d 31.840 37.827 68.160 62.173 65.293 68.200 34.707 31.800 30.39 64.69 456 320 0.934 1.000 bicubic -64.510 -58.913 -34.017 -31.140 -13 -21
93 resnest101e seresnet152d 31.413 37.440 68.587 62.560 64.360 69.053 35.640 30.947 48.28 66.84 256 320 0.875 1.000 bilinear bicubic -64.447 -59.330 -34.850 -30.397 +8 -24
94 cait_s24_224 xcit_large_24_p16_224_dist 31.200 37.307 68.800 62.693 64.560 71.427 35.440 28.573 46.92 189.10 224 1.000 bicubic -65.180 -59.493 -34.590 -27.923 -18 -27
95 efficientnet_b4 twins_svt_large 30.867 37.253 69.133 62.747 64.600 69.320 35.400 30.680 19.34 99.27 384 224 1.000 0.900 bicubic -65.283 -58.997 -34.600 -29.850 -7 +14
96 resnetrs200 xcit_small_12_p8_224 30.773 37.200 69.227 62.800 63.320 68.200 36.680 31.800 93.21 26.21 320 224 1.000 bicubic -65.757 -58.910 -36.030 -30.960 -27 +25
97 dm_nfnet_f0 eca_nfnet_l1 30.547 37.013 69.453 62.987 62.867 70.560 37.133 29.440 71.49 41.41 256 320 0.900 1.000 bicubic -65.603 -59.687 -36.383 -28.730 -10 -23
98 cait_xxs24_384 regnetz_d 30.027 36.760 69.973 63.240 63.933 70.080 36.067 29.920 12.03 27.58 384 320 1.000 0.950 bicubic -65.233 -59.830 -35.027 -29.300 +33 -12
99 twins_pcpvt_base efficientnetv2_rw_s 29.960 36.547 70.040 63.453 64.587 68.040 35.413 31.960 43.83 23.94 224 384 0.900 1.000 bicubic -65.830 -59.993 -34.543 -31.320 +8 -9
100 swsl_resnet50 vit_base_patch32_384 29.867 36.507 70.133 63.493 63.853 69.147 36.147 30.853 25.56 88.30 224 384 0.875 1.000 bilinear bicubic -65.543 -59.993 -35.437 -30.263 +26 -6
101 deit_base_distilled_patch16_224 regnety_160 29.600 36.440 70.400 63.560 64.453 68.773 35.547 31.227 87.34 83.59 224 288 0.900 1.000 bicubic -66.490 -59.900 -34.737 -30.557 -7 +3
102 convit_base cait_xxs36_384 29.520 35.933 70.480 64.067 61.787 67.293 38.213 32.707 86.54 17.37 224 384 0.875 1.000 bicubic -66.030 -59.927 -37.083 -31.797 +13 +35
103 ssl_resnext101_32x8d jx_nest_base 29.040 35.920 70.960 64.080 60.973 66.613 39.027 33.387 88.79 67.72 224 0.875 bilinear bicubic -66.430 -60.320 -38.137 -32.597 +18 +7
104 tf_efficientnetv2_s pit_b_distilled_224 29.040 35.507 70.960 64.493 61.213 68.840 38.787 31.160 21.46 74.79 384 224 1.000 0.900 bicubic -67.300 -61.163 -37.987 -30.510 -24
105 resnet101d tf_efficientnet_b3_ns 28.987 35.493 71.013 64.507 62.053 67.720 37.947 32.280 44.57 12.23 320 300 1.000 0.904 bicubic -67.303 -60.877 -37.177 -31.630 -23 -3
106 resnetrs152 tf_efficientnet_b6 28.920 34.947 71.080 65.053 60.520 67.293 39.480 32.707 86.62 43.04 320 528 1.000 0.942 bicubic -67.660 -61.723 -38.720 -32.077 -40 -25
107 coat_lite_small resnetrs270 27.547 34.587 72.453 65.413 58.547 65.133 41.453 34.867 19.84 129.86 224 352 0.900 1.000 bicubic -67.993 -62.103 -40.313 -34.217 +9 -31
108 deit_base_patch16_224 tf_efficientnet_b5_ap 27.440 34.347 72.560 65.653 58.893 67.040 41.107 32.960 86.57 30.39 224 456 0.900 0.934 bicubic -68.000 -62.333 -39.947 -32.420 +14 -30
109 resnetv2_50x1_bitm xcit_tiny_12_p8_384_dist 27.293 34.213 72.707 65.787 62.853 66.160 37.147 33.840 25.55 6.71 448 384 1.000 bilinear bicubic -67.717 -61.847 -36.207 -32.980 +40 +16
110 vit_small_patch16_224 vit_base_patch16_224_miil 27.053 34.133 72.947 65.867 59.213 64.547 40.787 35.453 22.05 86.54 224 0.900 0.875 bicubic bilinear -68.317 -62.307 -39.937 -34.763 +17 -14
111 tf_efficientnet_b4 xcit_medium_24_p16_224_dist 26.293 34.013 73.707 65.987 60.107 67.627 39.893 32.373 19.34 84.40 380 224 0.922 1.000 bicubic -69.607 -62.587 -39.063 -31.903 -12 -27
112 tf_efficientnet_b4_ap resmlp_big_24_distilled_224 26.240 33.787 73.760 66.213 60.227 69.293 39.773 30.707 19.34 129.14 380 224 0.922 0.875 bicubic -69.920 -62.683 -39.053 -30.017 -28 -17
113 nfnet_l0 resnet152d 26.213 33.707 73.787 66.293 61.720 65.480 38.280 34.520 35.07 60.21 288 320 1.000 bicubic -69.907 -62.643 -37.520 -33.910 -22 -10
114 regnety_032 tresnet_m_448 26.213 33.627 73.787 66.373 60.987 64.280 39.013 35.720 19.44 31.39 288 448 1.000 0.875 bicubic bilinear -69.757 -61.363 -38.203 -34.700 -19 +94
115 ecaresnet50t xcit_tiny_24_p16_384_dist 26.133 33.573 73.867 66.427 60.027 65.227 39.973 34.773 25.57 12.12 320 384 0.950 1.000 bicubic -69.377 -62.347 -39.093 -33.993 +4 +16
116 ecaresnet101d twins_pcpvt_large 26.027 33.133 73.973 66.867 58.987 67.920 41.013 32.080 44.57 60.99 224 0.875 0.900 bicubic -69.503 -63.017 -40.143 -31.270 +1 0
117 visformer_small swsl_resnext50_32x4d 25.840 33.053 74.160 66.947 58.907 65.187 41.093 34.813 40.22 25.03 224 0.900 0.875 bicubic bilinear -69.650 -62.827 -39.993 -33.833 +3 +17
118 coat_mini twins_svt_base 25.520 33.000 74.480 67.000 57.693 65.613 42.307 34.387 10.34 56.07 224 0.900 bicubic -69.450 -63.160 -41.087 -33.447 +35 -4
119 resnetv2_50x1_bit_distilled pit_b_224 25.107 32.760 74.893 67.240 59.613 62.227 40.387 37.773 25.55 73.76 224 0.875 0.900 bicubic -71.023 -62.870 -39.667 -36.443 -29 +35
120 convit_small xcit_large_24_p16_224 25.093 32.653 74.907 67.347 57.280 61.667 42.720 38.333 27.78 189.10 224 0.875 1.000 bicubic -70.107 -62.757 -41.620 -36.963 +14 +53
121 eca_nfnet_l0 ssl_resnext101_32x16d 24.827 32.400 75.173 67.600 60.093 63.707 39.907 36.293 24.14 194.03 288 224 1.000 0.875 bicubic bilinear -71.123 -63.400 -39.117 -35.473 -24 +21
122 tnt_s_patch16_224 swin_small_patch4_window7_224 24.733 32.347 75.267 67.653 58.187 65.200 41.813 34.800 23.76 49.61 224 0.900 bicubic -70.307 -63.533 -40.693 -34.050 +24 +13
123 ssl_resnext101_32x4d jx_nest_small 24.173 32.307 75.827 67.693 57.413 63.813 42.587 36.187 44.18 38.35 224 0.875 bilinear bicubic -71.267 -63.663 -41.717 -35.227 0 +5
124 twins_svt_small resnetv2_152x2_bit_teacher 24.133 31.973 75.867 68.027 57.147 63.600 42.853 36.400 24.06 236.34 224 0.900 0.875 bicubic -71.067 -64.117 -41.733 -35.670 +11 0
125 vit_small_r26_s32_224 resnest101e 24.080 31.587 75.920 68.413 56.213 64.040 43.787 35.960 36.43 48.28 224 256 0.900 0.875 bicubic bilinear -71.550 -64.273 -42.977 -35.170 -11 +13
126 tf_efficientnet_b2_ns cait_s24_224 24.013 31.107 75.987 68.893 57.293 64.200 42.707 35.800 9.11 46.92 260 224 0.890 1.000 bicubic -71.757 -65.283 -41.827 -34.960 -18 -25
127 vit_small_patch32_384 tf_efficientnet_b5 23.773 31.107 76.227 68.893 57.307 64.493 42.693 35.507 22.92 30.39 384 456 1.000 0.934 bicubic -71.277 -65.233 -41.683 -34.817 +17 -22
128 nasnetalarge crossvit_base_240 23.493 31.040 76.507 68.960 55.027 60.960 44.973 39.040 88.75 105.03 331 240 0.911 0.875 bicubic -72.187 -64.480 -43.903 -37.860 -16 +35
129 levit_384 efficientnet_b4 23.440 30.547 76.560 69.453 56.387 64.333 43.613 35.667 39.13 19.34 224 384 0.900 1.000 bicubic -72.090 -65.613 -42.663 -34.867 -11 -16
130 pnasnet5large crossvit_18_240 23.333 30.387 76.667 69.613 53.640 61.547 46.360 38.453 86.06 43.27 331 240 0.911 0.875 bicubic -72.377 -65.063 -45.280 -37.243 -19 +38
131 efficientnet_b3 xcit_small_24_p16_224_dist 23.213 30.347 76.787 69.653 55.960 64.440 44.040 35.560 12.23 47.67 320 224 1.000 bicubic -72.497 -65.863 -43.080 -34.770 -21 -20
132 resmlp_big_24_224 resnetrs200 22.853 30.187 77.147 69.813 54.307 62.773 45.693 37.227 129.14 93.21 224 320 0.875 1.000 bicubic -71.807 -66.333 -44.173 -36.577 +38 -39
133 twins_pcpvt_small dm_nfnet_f0 22.720 30.173 77.280 69.827 56.853 62.360 43.147 37.640 24.11 71.49 224 256 0.900 bicubic -72.490 -65.967 -42.027 -36.890 0 -16
134 vit_base_patch32_224 crossvit_18_dagger_240 22.400 30.120 77.600 69.880 53.933 61.613 46.067 38.387 88.22 44.27 224 240 0.900 0.875 bicubic -72.600 -65.440 -45.097 -37.447 +17 +23
135 pit_s_distilled_224 xcit_medium_24_p16_224 22.360 29.920 77.640 70.080 57.120 59.213 42.880 40.787 24.04 84.40 224 0.900 1.000 bicubic -72.880 -65.600 -41.930 -39.557 -3 +29
136 tresnet_m swsl_resnet50 21.680 29.773 78.320 70.227 53.840 63.720 46.160 36.280 31.39 25.56 224 0.875 bilinear -74.040 -65.627 -45.190 -35.570 -27 +38
137 swin_tiny_patch4_window7_224 twins_pcpvt_base 21.173 29.773 78.827 70.227 55.973 64.467 44.027 35.533 28.29 43.83 224 0.900 bicubic -73.967 -66.017 -42.877 -34.663 +1 +7
138 pit_s_224 cait_xxs24_384 21.080 29.693 78.920 70.307 53.573 63.733 46.427 36.267 23.46 12.03 224 384 0.900 1.000 bicubic -73.510 -65.577 -45.137 -35.227 +37 +42
139 resnet51q convit_base 20.960 29.333 79.040 70.667 55.720 61.520 44.280 38.480 35.70 86.54 288 224 1.000 0.875 bilinear bicubic -74.900 -66.217 -43.400 -37.370 -37 +19
140 resnetrs101 deit_base_distilled_patch16_224 20.893 29.320 79.107 70.680 52.813 64.093 47.187 35.907 63.62 87.34 288 224 0.940 0.900 bicubic -74.537 -66.780 -46.217 -35.097 -15 -18
141 deit_small_distilled_patch16_224 tf_efficientnetv2_s 20.707 29.000 79.293 71.000 55.133 61.120 44.867 38.880 22.44 21.46 224 384 0.900 1.000 bicubic -74.003 -67.340 -43.897 -38.080 +26 -35
142 resnest50d_4s2x40d ssl_resnext101_32x8d 20.387 28.893 79.613 71.107 52.800 60.613 47.200 39.387 30.42 88.79 224 0.875 bicubic bilinear -74.573 -66.577 -46.270 -38.507 +12 +25
143 ssl_resnext50_32x4d resnet101d 20.000 28.747 80.000 71.253 53.613 62.013 46.387 37.987 25.03 44.57 224 320 0.875 1.000 bilinear bicubic -74.870 -67.553 -45.267 -37.217 +18 -35
144 tresnet_xl resnetrs152 19.640 28.640 80.360 71.360 53.133 60.000 46.867 40.000 78.44 86.62 224 320 0.875 1.000 bilinear bicubic -75.800 -67.930 -45.917 -39.240 -20 -57
145 gluon_senet154 xcit_tiny_24_p8_224 19.307 28.507 80.693 71.493 47.533 60.253 52.467 39.747 115.09 12.11 224 0.875 1.000 bicubic -75.613 -67.163 -51.227 -38.797 +12 +7
146 rexnet_200 xcit_tiny_24_p8_224_dist 19.227 28.467 80.773 71.533 52.720 61.173 47.280 38.827 16.37 12.11 224 0.875 1.000 bicubic -75.713 -67.353 -46.290 -38.037 +9 -6
147 levit_256 regnetz_c 19.200 28.453 80.800 71.547 50.067 63.160 49.933 36.840 18.89 13.46 224 320 0.900 0.940 bicubic -75.810 -67.347 -48.823 -35.940 +1 -6
148 repvgg_b3 crossvit_15_dagger_240 19.107 28.227 80.893 71.773 50.253 60.013 49.747 39.987 123.09 28.21 224 240 0.875 bilinear bicubic -75.463 -67.443 -48.527 -38.807 +28 +3
149 legacy_senet154 xcit_small_24_p16_224 19.053 28.040 80.947 71.960 47.947 58.467 52.053 41.533 115.09 47.67 224 0.875 1.000 bilinear bicubic -76.017 -67.490 -50.883 -40.303 -6 +13
150 mixer_b16_224_miil coat_lite_small 19.053 27.453 80.947 72.547 51.227 58.427 48.773 41.573 59.88 19.84 224 0.875 0.900 bilinear bicubic -76.247 -68.077 -47.653 -40.433 -21 +10
151 deit_small_patch16_224 deit_base_patch16_224 18.907 27.147 81.093 72.853 51.413 58.693 48.587 41.307 22.05 86.57 224 0.900 bicubic -75.493 -68.293 -47.277 -40.147 +41 +18
152 gluon_seresnext101_64x4d resnetv2_50x1_bitm 18.907 27.093 81.093 72.907 49.187 62.600 50.813 37.400 88.23 25.55 224 448 0.875 1.000 bicubic bilinear -76.023 -67.927 -49.643 -36.450 +4 +52
153 tf_efficientnet_b1_ns xcit_small_12_p16_224_dist 18.693 26.867 81.307 73.133 51.667 59.587 48.333 40.413 7.79 26.25 240 224 0.882 1.000 bicubic -76.477 -69.163 -47.443 -39.543 -17 -27
154 seresnext50_32x4d vit_small_patch16_224 18.360 26.760 81.640 73.240 50.973 58.880 49.027 41.120 27.56 22.05 224 0.875 0.900 bicubic -76.680 -68.610 -47.957 -40.270 -9 +22
155 cait_xxs36_224 regnety_032 18.253 26.067 81.747 73.933 49.427 60.880 50.573 39.120 17.30 19.44 224 288 1.000 bicubic -76.007 -69.913 -49.293 -38.310 +47 -28
156 ecaresnet50d nfnet_l0 18.227 25.960 81.773 74.040 51.880 61.653 48.120 38.347 25.58 35.07 224 288 0.875 1.000 bicubic -76.403 -70.170 -47.010 -37.587 +15 -38
157 tf_efficientnet_lite4 tf_efficientnet_b4 18.133 25.853 81.867 74.147 50.707 59.880 49.293 40.120 13.01 19.34 380 0.920 0.922 bilinear bicubic -76.757 -70.037 -48.143 -39.290 +2 -25
158 vit_tiny_patch16_384 tf_efficientnet_b4_ap 18.027 25.840 81.973 74.160 50.307 59.640 49.693 40.360 5.79 19.34 384 380 1.000 0.922 bicubic -75.623 -70.330 -48.293 -39.640 +97 -46
159 resnest50d_1s4x24d ecaresnet101d 17.693 25.760 82.307 74.240 49.800 58.707 50.200 41.293 25.68 44.57 224 0.875 bicubic -77.057 -69.780 -49.180 -40.423 +5 0
160 resnest50d ecaresnet50t 17.373 25.640 82.627 74.360 50.707 59.720 49.293 40.280 27.48 25.57 224 320 0.875 0.950 bilinear bicubic -77.457 -69.860 -48.173 -39.180 +1 +6
161 gluon_seresnext101_32x4d visformer_small 17.373 25.480 82.627 74.520 46.373 58.520 53.627 41.480 48.96 40.22 224 0.875 0.900 bicubic -77.547 -70.020 -52.437 -40.600 -2 +4
162 efficientnet_el crossvit_15_240 17.347 25.440 82.653 74.560 49.987 57.320 50.013 42.680 10.59 27.53 300 240 0.904 0.875 bicubic -77.773 -69.680 -49.003 -41.610 -23 +27
163 inception_v4 coat_mini 17.267 25.387 82.733 74.613 45.920 57.413 54.080 42.587 42.68 10.34 299 224 0.875 0.900 bicubic -77.113 -69.603 -52.660 -41.367 +31 +44
164 tf_efficientnet_b3_ap resnetv2_50x1_bit_distilled 17.187 25.107 82.813 74.893 49.680 59.373 50.320 40.627 12.23 25.55 300 224 0.904 0.875 bicubic -78.133 -71.003 -49.220 -39.907 -36 -45
165 tf_efficientnet_b3 xcit_small_12_p16_224 17.000 25.080 83.000 74.920 49.267 55.653 50.733 44.347 12.23 26.25 300 224 0.904 1.000 bicubic -78.010 -70.320 -49.643 -43.177 -15 +10
166 xception71 convit_small 17.000 24.773 83.000 75.227 45.520 56.947 54.480 43.053 42.34 27.78 299 224 0.903 0.875 bicubic -77.280 -70.407 -53.120 -41.973 +35 +19
167 resmlp_36_distilled_224 gc_efficientnetv2_rw_t 16.880 24.560 83.120 75.440 51.467 57.533 48.533 42.467 44.69 13.68 224 288 0.875 1.000 bicubic -78.010 -71.180 -47.553 -41.487 -7 -21
168 gluon_resnext101_64x4d tnt_s_patch16_224 16.853 24.547 83.147 75.453 44.213 57.773 55.787 42.227 83.46 23.76 224 0.875 0.900 bicubic -77.817 -70.493 -54.437 -41.067 0 +33
169 tf_efficientnetv2_b3 eca_nfnet_l0 16.667 24.493 83.333 75.507 48.680 59.600 51.320 40.400 14.36 24.14 300 288 0.904 1.000 bicubic -78.493 -71.467 -50.140 -39.610 -32 -39
170 tresnet_l efficientnetv2_rw_t 16.600 24.240 83.400 75.760 49.920 57.187 50.080 42.813 55.99 13.65 224 288 0.875 1.000 bilinear bicubic -78.690 -71.370 -49.090 -41.883 -40 -14
171 gluon_resnet152_v1d xcit_tiny_12_p16_384_dist 16.573 24.160 83.427 75.840 44.280 57.000 55.720 43.000 60.21 6.72 224 384 0.875 1.000 bicubic -78.167 -70.950 -54.460 -42.020 -6 +21
172 gluon_resnet152_v1s tf_efficientnet_b2_ns 16.573 24.120 83.427 75.880 44.533 57.480 55.467 42.520 60.32 9.11 224 260 0.875 0.890 bicubic -78.467 -71.630 -54.297 -41.640 -25 -27
173 inception_resnet_v2 vit_small_r26_s32_224 16.573 23.933 83.427 76.067 44.960 55.960 55.040 44.040 55.84 36.43 299 224 0.897 0.900 bicubic -77.967 -71.707 -53.830 -43.230 +6 -20
174 resmlp_24_distilled_224 twins_svt_small 16.467 23.800 83.533 76.200 50.387 57.253 49.613 42.747 30.02 24.06 224 0.875 0.900 bicubic -77.993 -71.410 -48.353 -41.637 +13 +10
175 gluon_xception65 ssl_resnext101_32x4d 16.440 23.760 83.560 76.240 46.027 57.133 53.973 42.867 39.92 44.18 299 224 0.903 0.875 bicubic bilinear -77.820 -71.670 -52.543 -41.997 +28 -4
176 gernet_l vit_small_patch32_384 16.373 23.547 83.627 76.453 47.213 56.907 52.787 43.093 31.08 22.92 256 384 0.875 1.000 bilinear bicubic -78.717 -71.513 -51.687 -41.923 -36 +20
177 wide_resnet50_2 crossvit_small_240 16.280 23.413 83.720 76.587 48.347 56.400 51.653 43.600 68.88 26.86 224 240 0.875 bicubic -78.800 -71.417 -50.623 -42.620 -35 +43
178 ens_adv_inception_resnet_v2 jx_nest_tiny 16.240 23.133 83.760 76.867 43.640 56.053 56.360 43.947 55.84 17.06 299 224 0.897 0.875 bicubic -77.920 -72.117 -54.960 -42.927 +38 +3
179 repvgg_b3g4 nasnetalarge 16.213 23.120 83.787 76.880 47.653 54.533 52.347 45.467 83.83 88.75 224 331 0.875 0.911 bilinear bicubic -78.307 -72.560 -51.317 -44.397 +3 -30
180 xception65 efficientnet_b3 16.027 23.120 83.973 76.880 43.773 55.813 56.227 44.187 39.92 12.23 299 320 0.903 1.000 bicubic -77.733 -72.600 -54.597 -43.107 +66 -30
181 ssl_resnet50 pnasnet5large 15.960 23.107 84.040 76.893 49.467 53.320 50.533 46.680 25.56 86.06 224 331 0.875 0.911 bilinear bicubic -78.490 -72.613 -49.453 -45.720 +8 -33
182 regnety_320 levit_384 15.627 23.013 84.373 76.987 44.827 55.840 55.173 44.160 145.05 39.13 224 0.875 0.900 bicubic -78.913 -72.517 -54.023 -43.210 -2 -21
183 ecaresnet101d_pruned resnet61q 15.600 22.693 84.400 77.307 48.027 55.440 51.973 44.560 24.88 36.85 224 288 0.875 1.000 bicubic -79.480 -73.097 -50.953 -43.550 -42 -40
184 ecaresnet26t resmlp_big_24_224 15.467 22.627 84.533 77.373 47.920 54.067 52.080 45.933 16.01 129.14 320 224 0.950 0.875 bicubic -78.843 -72.023 -50.720 -44.423 +16 +47
185 coat_tiny twins_pcpvt_small 15.413 22.440 84.587 77.560 45.600 56.547 54.400 43.453 5.50 24.11 224 0.900 bicubic -78.177 -72.790 -52.830 -42.333 +74 -2
186 skresnext50_32x4d vit_base_patch32_224 15.373 22.253 84.627 77.747 44.493 53.760 55.507 46.240 27.48 88.22 224 0.875 0.900 bicubic -78.887 -72.757 -53.967 -45.260 +19 +20
187 ecaresnetlight pit_s_distilled_224 15.160 22.147 84.840 77.853 45.827 56.867 54.173 43.133 30.16 24.04 224 0.875 0.900 bicubic -79.610 -73.093 -52.973 -42.183 -25 -5
188 cait_xxs24_224 xcit_tiny_12_p8_224_dist 15.160 22.040 84.840 77.960 44.960 53.920 55.040 46.080 11.96 6.71 224 1.000 bicubic -78.440 -73.040 -53.480 -44.990 +71 +6
189 levit_192 halonet50ts 14.893 21.773 85.107 78.227 44.920 51.293 55.080 48.707 10.95 22.73 224 256 0.900 0.940 bicubic -79.277 -73.177 -53.620 -47.457 +25 +20
190 rexnet_150 tresnet_m 14.720 21.267 85.280 78.733 46.907 53.480 53.093 46.520 9.73 31.39 224 0.875 bicubic bilinear -79.760 -74.463 -51.903 -45.550 -5 -43
191 coat_lite_mini pit_s_224 14.507 21.040 85.493 78.960 44.507 53.520 55.493 46.480 11.01 23.46 224 0.900 bicubic -79.553 -73.540 -54.053 -45.200 +35 +46
192 efficientnet_el_pruned swin_tiny_patch4_window7_224 14.480 21.027 85.520 78.973 46.120 55.627 53.880 44.373 10.59 28.29 300 224 0.904 0.900 bicubic -79.920 -74.103 -52.620 -43.223 +1 -4
193 efficientnet_b2 convmixer_1536_20 14.440 20.907 85.560 79.093 46.080 55.267 53.920 44.733 9.11 51.63 288 224 1.000 0.960 bicubic -80.170 -74.173 -52.630 -43.763 -19 0
194 legacy_seresnext101_32x4d xcit_tiny_12_p8_224 14.147 20.893 85.853 79.107 42.973 52.307 57.027 47.693 48.96 6.71 224 0.875 1.000 bilinear bicubic -80.223 -73.817 -55.677 -46.523 +1 +34
195 seresnet50 regnetz_b 14.147 20.787 85.853 79.213 45.467 53.453 54.533 46.547 28.09 9.72 224 288 0.875 0.940 bicubic -80.403 -74.273 -53.283 -45.597 -17 +2
196 gernet_m deit_small_distilled_patch16_224 14.013 20.680 85.987 79.320 46.067 54.853 53.933 45.147 21.14 22.44 224 0.875 0.900 bilinear bicubic -80.607 -74.030 -52.793 -44.177 -23 +30
197 gluon_resnext101_32x4d resnet51q 13.867 20.533 86.133 79.467 41.653 55.133 58.347 44.867 44.18 35.70 224 288 0.875 1.000 bicubic bilinear -80.663 -75.347 -56.977 -43.987 -16 -64
198 gluon_seresnext50_32x4d resnetrs101 13.600 20.280 86.400 79.720 43.760 52.533 56.240 47.467 27.56 63.62 224 288 0.875 0.940 bicubic -80.740 -75.140 -54.850 -46.497 -1 -26
199 resmlp_36_224 resnest50d_4s2x40d 13.507 20.080 86.493 79.920 46.693 52.920 53.307 47.080 44.69 30.42 224 0.875 bicubic -80.683 -74.870 -51.647 -46.150 +12 +11
200 repvgg_b2g4 ssl_resnext50_32x4d 13.440 19.680 86.560 80.320 43.787 53.213 56.213 46.787 61.76 25.03 224 0.875 bilinear -80.420 -75.180 -54.863 -45.657 +38 +18
201 ese_vovnet39b xcit_nano_12_p8_384_dist 13.320 19.680 86.680 80.320 43.813 50.413 56.187 49.587 24.57 3.05 224 384 0.875 1.000 bicubic -80.770 -73.800 -54.847 -48.117 +23 +142
202 regnetx_320 haloregnetz_b 13.307 19.560 86.693 80.440 40.720 49.720 59.280 50.280 107.81 11.68 224 0.875 0.940 bicubic -81.153 -75.150 -58.050 -48.940 -14 +25
203 pit_xs_distilled_224 tresnet_xl 13.240 19.320 86.760 80.680 44.573 52.867 55.427 47.133 11.00 78.44 224 0.900 0.875 bicubic bilinear -80.570 -76.120 -54.097 -46.193 +40 -33
204 efficientnet_b3_pruned resnetv2_101 13.173 19.307 86.827 80.693 45.213 48.800 54.787 51.200 9.86 44.54 300 224 0.904 0.950 bicubic -81.457 -76.323 -53.547 -50.190 -32 -49
205 gluon_resnet101_v1d gluon_senet154 13.160 19.067 86.840 80.933 41.493 47.160 58.507 52.840 44.57 115.09 224 0.875 bicubic -81.060 -75.863 -57.057 -51.610 +4 +8
206 mixnet_xl gluon_seresnext101_64x4d 13.120 18.960 86.880 81.040 43.253 48.960 56.747 51.040 11.90 88.23 224 0.875 bicubic -81.070 -75.980 -55.407 -49.860 +6 +5
207 nf_regnet_b1 legacy_senet154 12.947 18.920 87.053 81.080 44.400 47.627 55.600 52.373 10.22 115.09 288 224 0.900 0.875 bicubic bilinear -81.173 -76.140 -54.230 -51.363 +14 -9
208 pit_xs_224 tf_efficientnet_b1_ns 12.813 18.920 87.187 81.080 42.840 51.707 57.160 48.293 10.62 7.79 224 240 0.900 0.882 bicubic -80.297 -76.250 -55.550 -47.413 +84 -22
209 gluon_inception_v3 levit_256 12.640 18.893 87.360 81.107 40.493 49.653 59.507 50.347 23.83 18.89 299 224 0.875 0.900 bicubic -80.820 -76.137 -58.077 -49.237 +59 -7
210 coat_lite_tiny repvgg_b3 12.520 18.880 87.480 81.120 41.160 49.800 58.840 50.200 5.72 123.09 224 0.900 0.875 bicubic bilinear -80.720 -75.690 -57.100 -48.990 +74 +28
211 resmlp_24_224 rexnet_200 12.493 18.880 87.507 81.120 43.427 52.587 56.573 47.413 30.02 16.37 224 0.875 bicubic -81.527 -76.060 -54.903 -46.413 +16 +1
212 regnety_120 deit_small_patch16_224 12.427 18.720 87.573 81.280 42.200 51.093 57.800 48.907 51.82 22.05 224 0.875 0.900 bicubic -82.053 -75.680 -56.480 -47.597 -28 +46
213 efficientnet_em mixer_b16_224_miil 12.360 18.480 87.640 81.520 43.880 50.987 56.120 49.013 6.90 59.88 240 224 0.882 0.875 bicubic bilinear -81.480 -76.830 -54.930 -47.903 +27 -35
214 hrnet_w64 seresnext50_32x4d 12.027 18.227 87.973 81.773 40.787 50.907 59.213 49.093 128.06 27.56 224 0.875 bilinear bicubic -81.983 -76.803 -57.823 -47.983 +15 -11
215 cspdarknet53 cait_xxs36_224 12.013 18.053 87.987 81.947 43.253 49.267 56.747 50.733 27.64 17.30 256 224 0.887 1.000 bilinear bicubic -82.647 -76.207 -55.547 -49.443 -46 +56
216 gluon_resnet101_v1s ecaresnet50d 11.880 17.960 88.120 82.040 40.973 51.453 59.027 48.547 44.67 25.58 224 0.875 bicubic -82.840 -76.660 -57.847 -47.437 -50 +18
217 gmixer_24_224 sehalonet33ts 11.853 17.827 88.147 82.173 37.773 47.347 62.227 52.653 24.72 13.69 224 256 0.875 0.940 bicubic -80.977 -76.953 -60.407 -51.223 +89 +5
218 nf_resnet50 resnest50d_1s4x24d 11.760 17.640 88.240 82.360 45.933 49.613 54.067 50.387 25.56 25.68 288 224 0.940 0.875 bicubic -82.800 -77.130 -52.857 -49.367 -41 +6
219 resnet50d tf_efficientnet_lite4 11.693 17.627 88.307 82.373 42.453 50.253 57.547 49.747 25.58 13.01 224 380 0.875 0.920 bicubic bilinear -82.567 -77.233 -56.267 -48.767 -15 0
220 dpn92 vit_tiny_patch16_384 11.627 17.547 88.373 82.453 40.267 49.920 59.733 50.080 37.67 5.79 224 384 0.875 1.000 bicubic -82.603 -76.103 -58.463 -48.680 -13 +109
221 xception41 gluon_seresnext101_32x4d 11.600 17.373 88.400 82.627 39.133 46.467 60.867 53.533 26.97 48.96 299 224 0.903 0.875 bicubic -81.830 -77.547 -59.297 -52.343 +50 -7
222 dla102x2 inception_v4 11.573 17.293 88.427 82.707 41.293 45.387 58.707 54.613 41.28 42.68 224 299 0.875 bilinear bicubic -82.377 -77.077 -57.197 -53.223 +9 +40
223 vit_small_patch32_224 resnest50d 11.480 17.293 88.520 82.707 39.573 50.533 60.427 49.467 22.88 27.48 224 0.900 0.875 bicubic bilinear -80.560 -77.537 -58.657 -48.347 +119 -2
224 levit_128 efficientnet_el 11.427 17.013 88.573 82.987 40.267 49.933 59.733 50.067 9.21 10.59 224 300 0.900 0.904 bicubic -81.913 -78.107 -58.113 -49.047 +51 -34
225 regnety_080 tf_efficientnet_b3_ap 11.413 17.000 88.587 83.000 40.613 49.387 59.387 50.613 39.18 12.23 224 300 0.875 0.904 bicubic -82.757 -78.320 -58.067 -49.513 -10 -48
226 efficientnet_b2_pruned xcit_tiny_24_p16_224_dist 11.360 16.960 88.640 83.040 42.027 47.253 57.973 52.747 8.31 12.12 260 224 0.890 1.000 bicubic -82.780 -77.560 -56.503 -51.537 -7 +19
227 tf_efficientnet_el gluon_resnext101_64x4d 11.333 16.707 88.667 83.293 42.040 43.933 57.960 56.067 10.59 83.46 300 224 0.904 0.875 bicubic -83.077 -77.933 -56.670 -54.737 -36 +5
228 gluon_resnet152_v1c resmlp_36_distilled_224 11.093 16.707 88.907 83.293 37.120 51.093 62.880 48.907 60.21 44.69 224 0.875 bicubic -83.067 -78.163 -61.520 -47.767 -11 -13
229 vit_tiny_r_s16_p8_384 tf_efficientnet_b3 11.093 16.680 88.907 83.320 39.987 49.107 60.013 50.893 6.36 12.23 384 300 1.000 0.904 bicubic -80.947 -78.340 -58.303 -49.803 +114 -24
230 dpn107 xception71 11.080 16.600 88.920 83.400 38.693 45.240 61.307 54.760 86.92 42.34 224 299 0.875 0.903 bicubic -83.230 -77.690 -60.027 -53.400 -31 +39
231 hrnet_w48 tf_efficientnetv2_b3 11.080 16.493 88.920 83.507 40.320 48.400 59.680 51.600 77.47 14.36 224 300 0.875 0.904 bilinear bicubic -82.840 -78.677 -58.290 -50.420 +2 -44
232 ecaresnet50d_pruned gluon_resnet152_v1s 11.027 16.467 88.973 83.533 41.947 44.227 58.053 55.773 19.94 60.32 224 0.875 bicubic -83.193 -78.583 -56.783 -54.703 -24 -33
233 tf_efficientnetv2_b2 inception_resnet_v2 11.027 16.467 88.973 83.533 39.760 44.720 60.240 55.280 10.10 55.84 260 299 0.890 0.897 bicubic -83.393 -78.073 -58.810 -54.070 -43 +10
234 adv_inception_v3 tresnet_l 11.013 16.413 88.987 83.587 36.720 49.587 63.280 50.413 23.83 55.99 299 224 0.875 bicubic bilinear -81.867 -78.877 -61.420 -49.423 +68 -55
235 tf_efficientnet_b0_ns resmlp_24_distilled_224 10.933 16.253 89.067 83.747 40.067 49.960 59.933 50.040 5.29 30.02 224 0.875 bicubic -82.697 -78.197 -58.573 -48.810 +21 +19
236 tf_inception_v3 gluon_xception65 10.840 16.240 89.160 83.760 36.853 45.933 63.147 54.067 23.83 39.92 299 0.875 0.903 bicubic -82.480 -78.020 -61.177 -52.637 +42 +36
237 resnext50_32x4d gcresnet50t 10.800 16.227 89.200 83.773 40.307 48.107 59.693 51.893 25.03 25.90 224 256 0.875 0.900 bicubic -83.300 -78.633 -58.043 -50.693 -14 -20
238 dpn131 gernet_l 10.787 16.187 89.213 83.813 37.200 46.973 62.800 53.027 79.25 31.08 224 256 0.875 bicubic bilinear -83.223 -78.923 -61.520 -51.927 -10 -47
239 tf_efficientnet_b2_ap wide_resnet50_2 10.533 16.187 89.467 83.813 40.107 48.053 59.893 51.947 9.11 68.88 260 224 0.890 0.875 bicubic -83.957 -78.863 -58.513 -50.917 -56 -39
240 resnext50d_32x4d gluon_resnet152_v1d 10.413 16.160 89.587 83.840 39.733 44.107 60.267 55.893 25.05 60.21 224 0.875 bicubic -83.767 -78.590 -58.837 -54.633 -27 -15
241 rexnet_130 ens_adv_inception_resnet_v2 10.400 16.093 89.600 83.907 41.547 43.413 58.453 56.587 7.56 55.84 224 299 0.875 0.897 bicubic -83.500 -78.067 -56.853 -55.197 -7 +44
242 hrnet_w44 gmlp_s16_224 10.320 16.093 89.680 83.907 39.507 44.693 60.493 55.307 67.06 19.42 224 0.875 bilinear bicubic -83.230 -78.057 -59.193 -53.807 +19 +45
243 resnext101_32x8d gcresnext50ts 10.187 16.040 89.813 83.960 37.827 46.080 62.173 53.920 88.79 15.67 224 256 0.875 0.900 bilinear bicubic -83.643 -78.440 -60.753 -52.590 -2 +6
244 regnetx_160 xcit_tiny_24_p16_224 10.147 16.027 89.853 83.973 38.000 45.600 62.000 54.400 54.28 12.12 224 0.875 1.000 bicubic -83.973 -78.053 -60.750 -52.910 -22 +53
245 dpn98 xception65 10.133 15.907 89.867 84.093 36.587 43.467 63.413 56.533 61.57 39.92 224 299 0.875 0.903 bicubic -83.997 -77.863 -61.983 -54.893 -25 +74
246 cspresnext50 ssl_resnet50 10.120 15.840 89.880 84.160 40.373 49.280 59.627 50.720 20.57 25.56 224 0.875 bilinear -84.360 -78.630 -58.417 -49.640 -60 +7
247 legacy_seresnext50_32x4d repvgg_b3g4 10.107 15.813 89.893 84.187 39.200 47.373 60.800 52.627 27.56 83.83 224 0.875 bilinear -83.623 -78.717 -59.380 -51.587 +3 -3
248 resnetrs50 ecaresnet26t 10.093 15.480 89.907 84.520 37.507 47.800 62.493 52.200 35.69 16.01 224 320 0.910 0.950 bicubic -84.217 -78.820 -60.973 -50.910 -50 +19
249 inception_v3 ecaresnet101d_pruned 10.027 15.480 89.973 84.520 35.227 47.933 64.773 52.067 23.83 24.88 299 224 0.875 bicubic -82.693 -79.590 -62.743 -51.047 +64 -54
250 efficientnet_b1 regnety_320 10.013 15.453 89.987 84.547 37.547 44.560 62.453 55.440 7.79 145.05 256 224 1.000 0.875 bicubic -83.237 -79.097 -60.743 -54.290 +33 -9
251 xception coat_tiny 9.987 15.440 90.013 84.560 38.027 45.560 61.973 54.440 22.86 5.50 299 224 0.897 0.900 bicubic -83.473 -78.140 -60.503 -52.850 +18 +83
252 regnety_064 convmixer_768_32 9.947 15.360 90.053 84.640 39.067 47.667 60.933 52.333 30.58 21.11 224 0.875 0.960 bicubic -84.203 -79.130 -59.663 -50.953 -34 -5
253 dpn68b ecaresnetlight 9.787 15.160 90.213 84.840 38.053 45.680 61.947 54.320 12.61 30.16 224 0.875 bicubic -83.903 -79.610 -60.307 -53.120 0 -30
254 gluon_resnet152_v1b skresnext50_32x4d 9.747 15.107 90.253 84.893 36.067 44.467 63.933 55.533 60.19 27.48 224 0.875 bicubic -84.333 -79.153 -62.383 -54.003 -29 +19
255 tf_efficientnet_lite3 cait_xxs24_224 9.667 14.893 90.333 85.107 39.000 44.547 61.000 55.453 8.20 11.96 300 224 0.904 1.000 bilinear bicubic -84.533 -78.697 -59.640 -53.893 -45 +78
256 tf_efficientnet_b2 levit_192 9.653 14.667 90.347 85.333 38.880 44.627 61.120 55.373 9.11 10.95 260 224 0.890 0.900 bicubic -84.707 -79.513 -59.730 -53.933 -60 +27
257 tf_efficientnet_cc_b1_8e efficientnet_el_pruned 9.573 14.373 90.427 85.627 36.773 45.853 63.227 54.147 39.72 10.59 240 300 0.882 0.904 bicubic -84.327 -80.017 -61.487 -52.897 -22 +3
258 res2net101_26w_4s rexnet_150 9.520 14.347 90.480 85.653 35.027 46.587 64.973 53.413 45.21 9.73 224 0.875 bilinear bicubic -84.230 -80.123 -63.283 -52.203 -10 -6
259 legacy_seresnet152 efficientnet_b2 9.347 14.307 90.653 85.693 37.413 45.773 62.587 54.227 66.82 9.11 224 288 0.875 1.000 bilinear bicubic -84.053 -80.323 -60.937 -52.937 +14 -26
260 cspresnet50 coat_lite_mini 9.253 14.280 90.747 85.720 39.640 44.347 60.360 55.653 21.62 11.01 256 224 0.887 0.900 bilinear bicubic -84.487 -79.770 -59.000 -54.193 -11 +38
261 hrnet_w40 seresnet33ts 9.227 14.267 90.773 85.733 36.893 45.707 63.107 54.293 57.56 19.78 224 256 0.875 0.900 bilinear bicubic -84.263 -80.603 -61.687 -53.083 +6 -45
262 regnetx_120 seresnet50 9.187 14.040 90.813 85.960 37.200 45.347 62.800 54.653 46.11 28.09 224 0.875 bicubic -85.053 -80.520 -61.450 -53.403 -56 -22
263 seresnext26d_32x4d eca_resnet33ts 9.147 14.013 90.853 85.987 36.840 46.907 63.160 53.093 16.81 19.68 224 256 0.875 0.900 bicubic -83.553 -80.187 -61.310 -51.433 +51 +16
264 resnest26d gernet_m 9.080 14.000 90.920 86.000 37.853 45.853 62.147 54.147 17.07 21.14 224 0.875 bilinear -84.250 -80.620 -60.777 -53.007 +13 -28
265 vit_tiny_patch16_224 legacy_seresnext101_32x4d 9.067 13.867 90.933 86.133 34.573 42.653 65.427 57.347 5.72 48.96 224 0.900 0.875 bicubic bilinear -82.693 -80.483 -63.467 -55.977 +91 -2
266 regnety_040 gluon_resnext101_32x4d 9.000 13.667 91.000 86.333 37.053 41.480 62.947 58.520 20.65 44.18 224 0.875 bicubic -84.860 -80.873 -61.537 -57.150 -27 -24
267 gluon_resnext50_32x4d gluon_seresnext50_32x4d 8.947 13.453 91.053 86.547 36.333 43.507 63.667 56.493 25.03 27.56 224 0.875 bicubic -84.863 -80.877 -62.077 -55.113 -25 -3
268 rexnet_100 resmlp_36_224 8.893 13.400 91.107 86.600 36.373 46.267 63.627 53.733 4.80 44.69 224 0.875 bicubic -84.137 -80.790 -61.817 -52.393 +28 +12
269 seresnext26t_32x4d gcresnet33ts 8.893 13.360 91.107 86.640 36.907 44.480 63.093 55.520 16.81 19.88 224 256 0.875 0.900 bicubic -83.927 -81.120 -61.463 -54.300 +38 -21
270 mixnet_l repvgg_b2g4 8.853 13.240 91.147 86.760 36.187 43.453 63.813 56.547 7.33 61.76 224 0.875 bicubic bilinear -84.597 -80.600 -62.033 -55.147 0 +43
271 convit_tiny regnetx_320 8.840 13.187 91.160 86.813 34.360 40.240 65.640 59.760 5.71 107.81 224 0.875 bicubic -81.790 -81.253 -63.380 -58.490 +113 -16
272 mobilenetv3_large_100_miil ese_vovnet39b 8.840 13.147 91.160 86.853 32.973 43.667 67.027 56.333 5.48 24.57 224 0.875 bilinear bicubic -83.420 -80.943 -64.667 -54.993 +62 +23
273 levit_128s pit_xs_distilled_224 8.653 13.120 91.347 86.880 33.107 44.440 66.893 55.560 7.78 11.00 224 0.900 bicubic -83.317 -80.700 -64.953 -54.230 +74 +43
274 dla169 mixnet_xl 8.640 13.000 91.360 87.000 36.040 43.133 63.960 56.867 53.39 11.90 224 0.875 bilinear bicubic -84.700 -81.200 -62.560 -55.637 0 +3
275 hrnet_w30 efficientnet_b3_pruned 8.613 12.987 91.387 87.013 37.040 44.813 62.960 55.187 37.71 9.86 224 300 0.875 0.904 bilinear bicubic -84.587 -81.633 -61.370 -53.957 +10 -40
276 mixer_b16_224 nf_regnet_b1 8.600 12.840 91.400 87.160 29.413 44.027 70.587 55.973 59.88 10.22 224 288 0.875 0.900 bicubic -83.270 -81.280 -67.837 -54.593 +76 +16
277 legacy_seresnet101 gluon_resnet101_v1d 8.533 12.747 91.467 87.253 36.013 41.280 63.987 58.720 49.33 44.57 224 0.875 bilinear bicubic -84.747 -81.453 -62.497 -57.290 +5 +1
278 tf_efficientnet_b1_ap pit_xs_224 8.453 12.747 91.547 87.253 35.253 42.627 64.747 57.373 7.79 10.62 240 224 0.882 0.900 bicubic -85.237 -80.373 -63.257 -55.693 -26 +91
279 repvgg_b2 crossvit_9_dagger_240 8.427 12.560 91.573 87.440 36.467 41.480 63.533 58.520 89.02 8.78 224 240 0.875 bilinear bicubic -85.073 -80.360 -62.263 -56.770 -14 +103
280 resmlp_12_distilled_224 gluon_inception_v3 8.307 12.520 91.693 87.480 36.853 40.187 63.147 59.813 15.35 23.83 224 299 0.875 bicubic -84.523 -80.940 -61.287 -58.373 +25 +66
281 resnetblur50 resmlp_24_224 8.240 12.387 91.760 87.613 37.400 43.133 62.600 56.867 25.56 30.02 224 0.875 bicubic -85.720 -81.633 -61.190 -55.197 -51 +18
282 dla102x coat_lite_tiny 8.200 12.267 91.800 87.733 37.013 41.067 62.987 58.933 26.31 5.72 224 0.875 0.900 bilinear bicubic -85.320 -80.953 -61.497 -57.203 -18 +82
283 hrnet_w32 regnety_120 8.040 12.240 91.960 87.760 37.507 41.880 62.493 58.120 41.23 51.82 224 0.875 bilinear bicubic -85.490 -82.240 -60.943 -56.930 -20 -33
284 res2net50_26w_8s gluon_resnet101_v1s 8.000 12.000 92.000 88.000 33.853 40.773 66.147 59.227 48.40 44.67 224 0.875 bilinear bicubic -85.540 -82.700 -64.407 -58.047 -22 -55
285 gluon_resnet101_v1c efficientnet_em 7.987 11.960 92.013 88.040 33.360 43.667 66.640 56.333 44.57 6.90 224 240 0.875 0.882 bicubic -85.683 -81.880 -65.060 -55.143 -31 +27
286 gluon_resnet50_v1d hrnet_w64 7.920 11.867 92.080 88.133 35.000 40.560 65.000 59.440 25.58 128.06 224 0.875 bicubic bilinear -85.850 -82.123 -63.390 -58.060 -41 +15
287 dla60_res2next xcit_tiny_12_p16_224_dist 7.787 11.707 92.213 88.293 34.987 39.840 65.013 60.160 17.03 6.72 224 0.875 1.000 bilinear bicubic -85.393 -81.693 -63.423 -58.650 0 +65
288 densenetblur121d cspdarknet53 7.720 11.680 92.280 88.320 34.733 42.880 65.267 57.120 8.00 27.64 224 256 0.875 0.887 bicubic bilinear -84.190 -82.990 -63.337 -55.930 +62 -58
289 deit_tiny_distilled_patch16_224 nf_resnet50 7.707 11.680 92.293 88.320 33.560 45.320 66.440 54.680 5.91 25.56 224 288 0.900 0.940 bicubic -82.993 -82.880 -64.010 -53.470 +92 -50
290 tf_efficientnetv2_b1 resnet50d 7.693 11.640 92.307 88.360 34.653 42.080 65.347 57.920 8.14 25.58 240 224 0.882 0.875 bicubic -86.247 -82.630 -63.967 -56.640 -58 -20
291 dla60_res2net gmixer_24_224 7.560 11.600 92.440 88.400 34.627 37.173 65.373 62.827 20.85 24.72 224 0.875 bilinear bicubic -85.620 -81.240 -63.793 -60.707 -5 +94
292 efficientnet_b1_pruned xception41 7.440 11.547 92.560 88.453 34.533 38.760 65.467 61.240 6.33 26.97 240 299 0.882 0.903 bicubic -85.330 -81.863 -63.507 -59.660 +17 +58
293 wide_resnet101_2 vit_small_patch32_224 7.360 11.507 92.640 88.493 34.147 39.453 65.853 60.547 126.89 22.88 224 0.875 0.900 bilinear bicubic -86.360 -80.523 -64.393 -58.777 -42 +137
294 regnetx_064 dla102x2 7.333 11.400 92.667 88.600 34.373 41.240 65.627 58.760 26.21 41.28 224 0.875 bicubic bilinear -86.557 -82.560 -64.257 -57.240 -58 +9
295 deit_tiny_patch16_224 dpn92 7.307 11.333 92.693 88.667 30.707 39.507 69.293 60.493 5.72 37.67 224 0.900 0.875 bicubic -82.363 -82.887 -66.743 -59.223 +101 -20
296 hardcorenas_e lambda_resnet26t 7.240 11.293 92.760 88.707 33.293 39.987 66.707 60.013 8.07 10.96 224 256 0.875 0.940 bilinear bicubic -85.330 -82.527 -64.817 -58.663 +25 +19
297 gluon_resnet101_v1b efficientnet_b2_pruned 7.227 11.253 92.773 88.747 32.773 41.773 67.227 58.227 44.55 8.31 224 260 0.875 0.890 bicubic -86.523 -82.887 -65.607 -56.747 -50 -7
298 efficientnet_b0 regnety_080 7.213 11.253 92.787 88.747 34.013 40.627 65.987 59.373 5.29 39.18 224 0.875 bicubic -85.477 -82.927 -64.057 -58.053 +17 -14
299 gluon_resnet50_v1s levit_128 7.213 11.213 92.787 88.787 33.507 40.053 66.493 59.947 25.68 9.21 224 0.875 0.900 bicubic -86.407 -82.127 -64.953 -58.327 -42 +56
300 tf_mixnet_l xcit_nano_12_p16_384_dist 7.147 11.187 92.853 88.813 31.613 39.560 68.387 60.440 7.33 3.05 224 384 0.875 1.000 bicubic -86.163 -80.643 -66.417 -58.450 -21 +143
301 tf_efficientnet_b1 tf_efficientnet_el 7.133 11.173 92.867 88.827 33.040 41.360 66.960 58.640 7.79 10.59 240 300 0.882 0.904 bicubic -86.367 -83.227 -65.320 -57.350 -35 -42
302 tf_efficientnet_cc_b0_8e tf_efficientnet_b0_ns 7.120 11.080 92.880 88.920 31.787 39.880 68.213 60.120 24.01 5.29 224 0.875 bicubic -85.710 -82.540 -66.093 -58.760 +2 +29
303 resmlp_12_224 ecaresnet50d_pruned 7.013 11.000 92.987 89.000 33.947 42.013 66.053 57.987 15.35 19.94 224 0.875 bicubic -85.197 -83.210 -64.213 -56.717 +34 -27
304 hardcorenas_f vit_tiny_r_s16_p8_384 6.827 10.933 93.173 89.067 34.093 39.427 65.907 60.573 8.20 6.36 224 384 0.875 1.000 bilinear bicubic -86.123 -81.097 -64.067 -58.863 -4 +127
305 ese_vovnet19b_dw xcit_tiny_12_p16_224 6.733 10.920 93.267 89.080 33.413 36.840 66.587 63.160 6.54 6.72 224 0.875 1.000 bicubic -85.557 -81.570 -64.677 -61.410 +27 +105
306 selecsls60b eca_halonext26ts 6.733 10.867 93.267 89.133 33.267 39.560 66.733 60.440 32.77 10.76 224 256 0.875 0.940 bicubic -86.567 -82.643 -65.013 -58.720 -26 +33
307 efficientnet_es hrnet_w48 6.707 10.853 93.293 89.147 33.840 39.973 66.160 60.027 5.44 77.47 224 0.875 bicubic bilinear -86.433 -83.087 -64.580 -58.637 -19 -3
308 res2net50_26w_6s tf_efficientnetv2_b2 6.693 10.853 93.307 89.147 31.653 39.493 68.347 60.507 37.05 10.10 224 260 0.875 0.890 bilinear bicubic -86.717 -83.557 -66.627 -59.077 -36 -51
309 legacy_seresnext26_32x4d dpn107 6.627 10.827 93.373 89.173 33.253 38.453 66.747 61.547 16.79 86.92 224 0.875 bicubic -86.013 -83.473 -64.877 -60.017 +9 -44
310 mixnet_m tf_inception_v3 6.627 10.827 93.373 89.173 32.053 36.680 67.947 63.320 5.01 23.83 224 299 0.875 bicubic -85.803 -82.503 -65.817 -61.830 +16 +45
311 pit_ti_distilled_224 adv_inception_v3 6.627 10.827 93.373 89.173 30.760 36.480 69.240 63.520 5.10 23.83 224 299 0.900 0.875 bicubic -84.273 -82.063 -66.940 -61.650 +66 +74
312 skresnet34 halonet26t 6.480 10.813 93.520 89.187 31.547 38.587 68.453 61.413 22.28 12.48 224 256 0.875 0.950 bicubic -85.910 -83.167 -66.603 -59.903 +17 -10
313 repvgg_b1 gluon_resnet152_v1c 6.467 10.747 93.533 89.253 33.827 36.840 66.173 63.160 57.42 60.21 224 0.875 bilinear bicubic -86.863 -83.413 -64.683 -61.800 -37 -27
314 hardcorenas_d resnext50_32x4d 6.440 10.640 93.560 89.360 32.213 40.213 67.787 59.787 7.50 25.03 224 0.875 bilinear bicubic -85.960 -83.470 -65.857 -58.137 +13 -20
315 dla60x xcit_nano_12_p8_224_dist 6.427 10.573 93.573 89.427 34.080 38.053 65.920 61.947 17.35 3.05 224 0.875 1.000 bilinear bicubic -86.693 -81.527 -64.430 -60.107 -26 +113
316 resnet34d dpn131 6.400 10.560 93.600 89.440 31.493 37.000 68.507 63.000 21.82 79.25 224 0.875 bicubic -86.280 -83.430 -66.817 -61.720 0 -16
317 regnetx_080 resnetv2_50 6.307 10.547 93.693 89.453 32.320 39.173 67.680 60.827 39.57 25.55 224 0.875 0.950 bicubic -87.563 -83.893 -66.200 -59.557 -80 -61
318 swsl_resnet18 resnext50d_32x4d 6.240 10.427 93.760 89.573 31.600 39.333 68.400 60.667 11.69 25.05 224 0.875 bilinear bicubic -84.450 -83.763 -66.100 -59.237 +65 -37
319 legacy_seresnet50 tf_efficientnet_b2_ap 6.187 10.413 93.813 89.587 32.653 39.760 67.347 60.240 28.09 9.11 224 260 0.875 0.890 bilinear bicubic -86.773 -84.077 -65.537 -59.090 -20 -73
320 pit_ti_224 hrnet_w44 6.120 10.333 93.880 89.667 30.227 39.200 69.773 60.800 4.85 67.06 224 0.900 0.875 bicubic bilinear -83.820 -83.247 -67.223 -59.500 +73 +15
321 tv_resnet152 rexnet_130 6.040 10.333 93.960 89.667 32.053 41.387 67.947 58.613 60.19 7.56 224 0.875 bilinear bicubic -87.260 -83.567 -66.337 -57.013 -40 -13
322 regnetx_040 xcit_nano_12_p8_224 5.973 10.213 94.027 89.787 31.547 37.200 68.453 62.800 22.12 3.05 224 0.875 1.000 bicubic -87.587 -80.777 -66.993 -60.600 -62 +144
323 tf_efficientnet_cc_b0_4e cspresnext50 5.973 10.133 94.027 89.867 29.600 40.213 70.400 59.787 13.31 20.57 224 0.875 bicubic bilinear -86.617 -84.337 -68.480 -58.467 -3 -72
324 resnet50 dpn98 5.933 10.120 94.067 89.880 29.093 36.440 70.907 63.560 25.56 61.57 224 0.875 bicubic -87.877 -84.000 -69.297 -62.140 -80 -33
325 tf_efficientnetv2_b0 resnetrs50 5.893 10.067 94.107 89.933 30.773 37.227 69.227 62.773 7.14 35.69 224 0.875 0.910 bicubic -87.217 -84.223 -67.537 -61.413 -34 -57
326 dla102 resnet50 5.880 10.000 94.120 90.000 32.707 37.947 67.293 62.053 33.27 25.56 224 0.875 0.950 bilinear bicubic -87.180 -84.330 -65.833 -60.493 -33 -62
327 mixer_l16_224 regnety_064 5.867 10.000 94.133 90.000 18.533 38.960 81.467 61.040 208.20 30.58 224 0.875 bicubic -81.283 -84.150 -74.987 -59.780 +85 -38
328 regnety_016 regnetx_160 5.680 9.973 94.320 90.027 30.413 37.760 69.587 62.240 11.20 54.28 224 0.875 bicubic -87.350 -84.147 -67.947 -60.980 -33 -35
329 selecsls60 resnext101_32x8d 5.653 9.947 94.347 90.053 32.507 37.453 67.493 62.547 30.67 88.79 224 0.875 bicubic bilinear -87.377 -83.843 -65.793 -61.127 -32 -12
330 hardcorenas_c lambda_resnet26rpt_256 5.640 9.907 94.360 90.093 30.400 37.520 69.600 62.480 5.52 10.99 224 256 0.875 0.940 bilinear bicubic -86.380 -83.813 -67.440 -60.980 +14 -8
331 res2next50 legacy_seresnext50_32x4d 5.627 9.880 94.373 90.120 30.867 39.013 69.133 60.987 24.67 27.56 224 0.875 bilinear -87.213 -83.840 -67.313 -59.567 -28 -8
332 hrnet_w18 efficientnet_b1 5.493 9.867 94.507 90.133 30.960 37.293 69.040 62.707 21.30 7.79 224 256 0.875 1.000 bilinear bicubic -86.827 -83.373 -67.280 -60.997 -1 +31
333 resnest14d xception 5.480 9.853 94.520 90.147 28.547 37.920 71.453 62.080 10.61 22.86 224 299 0.875 0.897 bilinear bicubic -86.240 -83.627 -69.323 -60.600 +25 +11
334 tf_efficientnet_lite2 inception_v3 5.360 9.827 94.640 90.173 30.907 35.040 69.093 64.960 6.09 23.83 260 299 0.890 0.875 bicubic -87.290 -82.893 -67.323 -62.920 -17 +62
335 tf_efficientnet_em tf_efficientnet_b2 5.347 9.653 94.653 90.347 31.107 38.640 68.893 61.360 6.90 9.11 240 260 0.882 0.890 bicubic -87.583 -84.717 -67.083 -59.940 -34 -74
336 gernet_s tf_efficientnet_cc_b1_8e 5.307 9.613 94.693 90.387 30.133 36.867 69.867 63.133 8.17 39.72 224 240 0.875 0.882 bilinear bicubic -86.833 -84.307 -68.057 -61.383 +4 -29
337 tf_efficientnet_b0_ap dpn68b 5.307 9.587 94.693 90.413 28.813 37.720 71.187 62.280 5.29 12.61 224 0.875 bicubic -86.893 -84.093 -69.207 -60.810 +1 -10
338 densenet121 gluon_resnet152_v1b 5.293 9.573 94.707 90.427 29.907 35.707 70.093 64.293 7.98 60.19 224 0.875 bicubic -86.277 -84.507 -68.123 -62.753 +21 -42
339 repvgg_b1g4 tf_efficientnet_lite3 5.293 9.480 94.707 90.520 30.813 38.947 69.187 61.053 39.97 8.20 224 300 0.875 0.904 bilinear -87.687 -84.710 -67.617 -59.693 -41 -57
340 res2net50_26w_4s res2net101_26w_4s 5.160 9.413 94.840 90.587 29.360 34.440 70.640 65.560 25.70 45.21 224 0.875 bilinear -87.340 -84.307 -68.700 -63.880 -15 -16
341 tf_mixnet_m legacy_seresnet152 5.080 9.240 94.920 90.760 28.147 37.093 71.853 62.907 5.01 66.82 224 0.875 bicubic bilinear -87.250 -84.180 -69.743 -61.247 -11 +8
342 vit_tiny_r_s16_p8_224 cspresnet50 5.080 9.227 94.920 90.773 27.080 39.493 72.920 60.507 6.34 21.62 224 256 0.900 0.887 bicubic bilinear -84.090 -84.523 -70.150 -59.137 +58 -22
343 tf_efficientnet_b0 hrnet_w40 5.067 9.120 94.933 90.880 28.800 36.533 71.200 63.467 5.29 57.56 224 0.875 bicubic bilinear -87.183 -84.370 -69.200 -62.197 -9 -1
344 mobilenetv3_large_100 regnetx_120 5.067 9.067 94.933 90.933 28.187 36.947 71.813 63.053 5.48 46.11 224 0.875 bicubic -86.253 -85.173 -69.523 -61.723 +21 -70
345 res2net50_14w_8s vit_tiny_patch16_224 5.040 9.040 94.960 90.960 28.773 34.267 71.227 65.733 25.06 5.72 224 0.875 0.900 bilinear bicubic -87.700 -82.720 -69.407 -63.773 -34 +100
346 hardcorenas_b gluon_resnext50_32x4d 4.947 9.027 95.053 90.973 28.120 36.307 71.880 63.693 5.18 25.03 224 0.875 bilinear bicubic -86.823 -84.793 -69.660 -62.103 +9 -32
347 mixnet_s vit_base_patch16_sam_224 4.907 9.013 95.093 90.987 28.573 36.080 71.427 63.920 4.13 86.57 224 0.875 0.900 bicubic -86.923 -85.137 -69.117 -62.590 +6 -58
348 mobilenetv3_rw resnest26d 4.907 9.000 95.093 91.000 29.853 37.533 70.147 62.467 5.48 17.07 224 0.875 bicubic bilinear -86.303 -84.360 -67.807 -61.107 +19 +5
349 gluon_resnet50_v1c resnet33ts 4.893 9.000 95.107 91.000 28.147 38.240 71.853 61.760 25.58 19.68 224 256 0.875 0.900 bicubic -88.137 -84.600 -70.243 -60.290 -55 -17
350 hardcorenas_a crossvit_tiny_240 4.867 8.893 95.133 91.107 28.093 34.320 71.907 65.680 5.26 7.01 224 240 0.875 bilinear bicubic -86.483 -81.357 -69.767 -63.290 +13 +132
351 regnetx_032 bat_resnext26ts 4.853 8.867 95.147 91.133 30.280 35.987 69.720 64.013 15.30 10.73 224 256 0.875 0.900 bicubic -88.267 -84.443 -68.110 -62.043 -61 +9
352 tv_resnext50_32x4d regnety_040 4.840 8.853 95.160 91.147 30.307 37.000 69.693 63.000 25.03 20.65 224 0.875 bilinear bicubic -87.900 -85.007 -67.963 -61.640 -40 -41
353 tv_resnet101 rexnet_100 4.707 8.827 95.293 91.173 29.333 36.240 70.667 63.760 44.55 4.80 224 0.875 bilinear bicubic -88.103 -84.203 -68.917 -62.130 -45 +21
354 densenet161 seresnext26t_32x4d 4.693 8.813 95.307 91.187 29.547 36.573 70.453 63.427 28.68 16.81 224 0.875 bicubic -87.807 -83.997 -68.743 -61.797 -30 +34
355 selecsls42b seresnext26d_32x4d 4.667 8.800 95.333 91.200 28.587 36.467 71.413 63.533 32.46 16.81 224 0.875 bicubic -87.613 -83.940 -69.563 -61.683 -22 +40
356 tf_efficientnet_lite1 mixnet_l 4.613 8.733 95.387 91.267 28.387 36.173 71.613 63.827 5.42 7.33 240 224 0.882 0.875 bicubic -88.007 -84.697 -69.693 -62.047 -37 -9
357 mobilenetv2_120d mobilenetv3_large_100_miil 4.533 8.720 95.467 91.280 29.280 32.893 70.720 67.107 5.83 5.48 224 0.875 bicubic bilinear -87.867 -83.550 -68.770 -64.747 -29 +64
358 efficientnet_es_pruned convit_tiny 4.187 8.693 95.813 91.307 26.520 33.987 73.480 66.013 5.44 5.71 224 0.875 bicubic -86.993 -81.917 -71.230 -63.743 +11 +118
359 fbnetc_100 levit_128s 4.133 8.667 95.867 91.333 25.933 32.800 74.067 67.200 5.57 7.78 224 0.875 0.900 bilinear bicubic -86.567 -83.283 -71.277 -65.260 +23 +76
360 densenet201 gcresnext26ts 4.120 8.560 95.880 91.440 27.547 35.547 72.453 64.453 20.01 10.48 224 256 0.875 0.900 bicubic -88.630 -84.210 -70.683 -62.493 -50 +30
361 gluon_resnet50_v1b hrnet_w30 4.120 8.533 95.880 91.467 26.933 36.800 73.067 63.200 25.56 37.71 224 0.875 bicubic bilinear -88.420 -84.667 -71.237 -61.610 -38 +5
362 resnet26d resnet32ts 4.040 8.480 95.960 91.520 28.520 36.880 71.480 63.120 16.01 17.96 224 256 0.875 0.900 bicubic -88.030 -84.990 -69.440 -61.610 -21 -17
363 semnasnet_100 dla169 3.960 8.373 96.040 91.627 26.947 35.867 73.053 64.133 3.89 53.39 224 0.875 bicubic bilinear -87.320 -84.967 -70.613 -62.733 +2 -9
364 repvgg_a2 mixer_b16_224 3.947 8.360 96.053 91.640 27.267 29.320 72.733 70.680 28.21 59.88 224 0.875 bilinear bicubic -87.993 -83.500 -70.883 -68.610 -16 +77
365 tf_mixnet_s tf_efficientnet_b1_ap 3.880 8.333 96.120 91.667 25.253 35.160 74.747 64.840 4.13 7.79 224 240 0.875 0.882 bicubic -87.630 -85.377 -72.367 -63.200 -5 -39
366 dpn68 legacy_seresnet101 3.867 8.253 96.133 91.747 26.080 35.747 73.920 64.253 12.61 49.33 224 0.875 bicubic bilinear -88.143 -85.047 -71.970 -62.753 -21 -5
367 tf_efficientnet_es resnetblur50 3.827 8.213 96.173 91.787 26.107 37.360 73.893 62.640 5.44 25.56 224 0.875 bicubic -88.153 -85.717 -71.753 -61.220 -21 -61
368 regnety_008 repvgg_b2 3.813 8.173 96.187 91.827 27.133 36.040 72.867 63.960 6.26 89.02 224 0.875 bicubic bilinear -87.937 -85.317 -71.047 -62.550 -11 -27
369 dla60 dla102x 3.773 8.160 96.227 91.840 27.933 36.787 72.067 63.213 22.04 26.31 224 0.875 bilinear -88.457 -85.350 -70.177 -61.713 -33 -31
370 ssl_resnet18 crossvit_9_240 3.747 8.147 96.253 91.853 25.427 34.027 74.573 65.973 11.69 8.55 224 240 0.875 bilinear bicubic -86.473 -82.513 -72.123 -63.713 +19 +105
371 mobilenetv2_140 eca_botnext26ts_256 3.720 8.133 96.280 91.867 26.747 30.947 73.253 69.053 6.11 10.59 224 256 0.875 0.950 bicubic -88.110 -82.417 -71.113 -66.303 -17 +106
372 densenet169 eca_resnext26ts 3.707 8.120 96.293 91.880 25.613 35.747 74.387 64.253 14.15 10.30 224 256 0.875 0.900 bicubic -88.223 -84.540 -72.487 -62.513 -23 +29
373 regnetx_016 resmlp_12_distilled_224 3.627 8.080 96.373 91.920 26.293 36.573 73.707 63.427 9.19 15.35 224 0.875 bicubic -88.543 -84.750 -71.917 -61.567 -34 +13
374 res2net50_48w_2s hrnet_w32 3.587 7.947 96.413 92.053 26.613 37.267 73.387 62.733 25.29 41.23 224 0.875 bilinear -88.963 -85.573 -71.467 -61.173 -52 -37
375 spnasnet_100 gluon_resnet50_v1d 3.547 7.840 96.453 92.160 24.293 34.773 75.707 65.227 4.42 25.58 224 0.875 bilinear bicubic -86.803 -85.940 -72.897 -63.627 +13 -57
376 tf_mobilenetv3_large_100 res2net50_26w_8s 3.547 7.813 96.453 92.187 25.053 33.147 74.947 66.853 5.48 48.40 224 0.875 bilinear -87.693 -85.617 -72.607 -65.033 -10 -28
377 regnety_006 gluon_resnet101_v1c 3.467 7.800 96.533 92.200 24.893 32.973 75.107 67.027 6.06 44.57 224 0.875 bicubic -87.903 -85.860 -72.817 -65.437 -15 -49
378 legacy_seresnet34 dla60_res2next 3.333 7.733 96.667 92.267 23.800 34.653 76.200 65.347 21.96 17.03 224 0.875 bilinear -87.557 -85.447 -73.780 -63.757 0 -11
379 efficientnet_lite0 tf_efficientnetv2_b1 3.253 7.720 96.747 92.280 25.867 34.360 74.133 65.640 4.65 8.14 224 240 0.875 0.882 bicubic -87.887 -86.220 -71.763 -64.260 -9 -74
380 dla34 deit_tiny_distilled_patch16_224 3.227 7.707 96.773 92.293 23.573 33.520 76.427 66.480 15.74 5.91 224 0.875 0.900 bilinear bicubic -87.533 -83.023 -74.087 -64.060 0 +92
381 ghostnet_100 densenetblur121d 3.227 7.573 96.773 92.427 24.853 34.587 75.147 65.413 5.18 8.00 224 0.875 bilinear bicubic -86.793 -84.337 -72.517 -63.503 +11 +57
382 regnety_004 dla60_res2net 3.200 7.373 96.800 92.627 22.653 34.400 77.347 65.600 4.34 20.85 224 0.875 bicubic bilinear -87.300 -85.787 -74.887 -64.010 +4 -14
383 mobilenetv2_110d regnetx_064 3.173 7.333 96.827 92.667 24.587 34.360 75.413 65.640 4.52 26.21 224 0.875 bicubic -87.777 -86.557 -72.963 -64.270 -7 -74
384 mnasnet_100 wide_resnet101_2 3.120 7.307 96.880 92.693 24.227 33.693 75.773 66.307 4.38 126.89 224 0.875 bicubic bilinear -87.390 -86.413 -73.243 -64.847 +1 -59
385 tf_efficientnet_lite0 efficientnet_b1_pruned 3.080 7.280 96.920 92.720 22.907 34.427 77.093 65.573 4.65 6.33 224 240 0.875 0.882 bicubic -87.960 -85.490 -74.683 -63.843 -11 +6
386 skresnet18 deit_tiny_patch16_224 3.013 7.227 96.987 92.773 22.800 30.667 77.200 69.333 11.96 5.72 224 0.875 0.900 bicubic -86.647 -82.443 -74.430 -66.773 +11 +106
387 vgg19_bn hardcorenas_e 2.947 7.227 97.053 92.773 23.480 33.160 76.520 66.840 143.68 8.07 224 0.875 bilinear -87.133 -85.353 -74.100 -64.950 +4 +19
388 resnet34 efficientnet_b0 2.920 7.213 97.080 92.787 23.680 33.840 76.320 66.160 21.80 5.29 224 0.875 bilinear bicubic -88.210 -85.457 -73.940 -64.240 -17 +12
389 tf_mobilenetv3_large_075 gluon_resnet101_v1b 2.867 7.160 97.133 92.840 21.573 32.720 78.427 67.280 3.99 44.55 224 0.875 bilinear bicubic -86.813 -86.570 -75.637 -65.680 +6 -68
390 hrnet_w18_small_v2 tf_efficientnet_cc_b0_8e 2.720 7.120 97.280 92.880 23.693 31.653 76.307 68.347 15.60 24.01 224 0.875 bilinear bicubic -88.470 -85.700 -74.207 -66.527 -22 -4
391 gluon_resnet34_v1b tf_efficientnet_b1 2.667 7.120 97.333 92.880 21.680 33.107 78.320 66.893 21.80 7.79 224 240 0.875 0.882 bicubic -88.293 -86.390 -75.950 -65.253 -16 -50
392 regnetx_008 gluon_resnet50_v1s 2.653 7.080 97.347 92.920 22.453 33.200 77.547 66.800 7.26 25.68 224 0.875 bicubic -88.397 -86.550 -75.257 -65.270 -19 -62
393 vgg16_bn tf_mixnet_l 2.653 7.080 97.347 92.920 23.773 31.587 76.227 68.413 138.37 7.33 224 0.875 bilinear bicubic -87.437 -86.230 -73.597 -66.763 -3 -34
394 vgg16 resmlp_12_224 2.640 7.067 97.360 92.933 20.427 33.853 79.573 66.147 138.36 15.35 224 0.875 bilinear bicubic -85.910 -85.123 -76.363 -64.307 +13 +31
395 resnet18d convmixer_1024_20_ks9_p14 2.600 7.027 97.400 92.973 21.613 32.693 78.387 67.307 11.71 24.38 224 0.875 0.960 bicubic -86.680 -85.403 -75.537 -65.577 +4 +18
396 tv_densenet121 seresnext26ts 2.560 6.933 97.440 93.067 22.667 34.600 77.333 65.400 7.98 10.39 224 256 0.875 0.900 bicubic -88.330 -85.747 -75.043 -63.700 -17 +3
397 repvgg_b0 hardcorenas_f 2.547 6.853 97.453 93.147 24.013 33.907 75.987 66.093 15.82 8.20 224 0.875 bilinear -88.883 -86.097 -73.977 -64.253 -36 -18
398 regnetx_006 mixnet_m 2.507 6.667 97.493 93.333 20.653 32.040 79.347 67.960 6.20 5.01 224 0.875 bicubic -87.843 -85.773 -76.777 -65.830 -11 +14
399 legacy_seresnet18 ese_vovnet19b_dw 2.493 6.627 97.507 93.373 20.080 33.107 79.920 66.893 11.78 6.54 224 0.875 bicubic -86.387 -85.643 -76.900 -64.993 +6 +21
400 resnet26 selecsls60b 2.480 6.613 97.520 93.387 22.987 33.133 77.013 66.867 16.00 32.77 224 0.875 bicubic -88.630 -86.677 -74.753 -65.147 -28 -38
401 mobilenetv2_100 efficientnet_es 2.147 6.560 97.853 93.440 19.907 33.693 80.093 66.307 3.50 5.44 224 0.875 bicubic -87.453 -86.640 -77.233 -64.707 -3 -36
402 regnety_002 pit_ti_distilled_224 2.147 6.547 97.853 93.453 18.880 30.507 81.120 69.493 3.16 5.10 224 0.875 0.900 bicubic -85.233 -84.333 -77.710 -67.213 +9 +68
403 vgg19 res2net50_26w_6s 2.107 6.507 97.893 93.493 20.733 31.467 79.267 68.533 143.67 37.05 224 0.875 bilinear -86.933 -86.893 -76.137 -66.813 -1 -52
404 vgg13_bn hardcorenas_d 2.093 6.453 97.907 93.547 20.307 32.053 79.693 67.947 133.05 7.50 224 0.875 bilinear -86.667 -85.967 -76.663 -66.017 +2 +10
405 tf_mobilenetv3_small_100 legacy_seresnext26_32x4d 2.013 6.440 97.987 93.560 15.867 32.920 84.133 67.080 2.54 16.79 224 0.875 bilinear bicubic -83.177 -86.190 -79.903 -65.200 +12 -2
406 tf_mobilenetv3_small_075 skresnet34 2.000 6.387 98.000 93.613 14.813 31.493 85.187 68.507 2.04 22.28 224 0.875 bilinear bicubic -81.520 -85.993 -79.977 -66.647 +14 +10
407 regnetx_004 regnetx_080 1.960 6.360 98.040 93.640 19.173 32.213 80.827 67.787 5.16 39.57 224 0.875 bicubic -86.940 -87.510 -77.947 -66.307 -3 -97
408 vgg13 resnet34d 1.867 6.347 98.133 93.653 17.960 31.680 82.040 68.320 133.05 21.82 224 0.875 bilinear bicubic -85.183 -86.353 -78.360 -66.620 +4 -10
409 tv_resnet34 dla60x 1.867 6.307 98.133 93.693 20.000 33.787 80.000 66.213 21.80 17.35 224 0.875 bilinear -88.073 -86.783 -77.340 -64.703 -14 -37
410 dla46x_c repvgg_b1 1.760 6.240 98.240 93.760 16.480 33.307 83.520 66.693 1.07 57.42 224 0.875 bilinear -82.490 -87.090 -78.790 -65.083 +8 -52
411 vgg11_bn swsl_resnet18 1.720 6.213 98.280 93.787 18.093 31.347 81.907 68.653 132.87 11.69 224 0.875 bilinear -85.780 -84.467 -78.727 -66.363 -2 +63
412 tf_mobilenetv3_large_minimal_100 legacy_seresnet50 1.627 6.067 98.373 93.933 17.120 32.453 82.880 67.547 3.92 28.09 224 0.875 bilinear -87.343 -86.883 -79.740 -65.737 -9 -32
413 dla60x_c pit_ti_224 1.613 6.053 98.387 93.947 18.040 30.053 81.960 69.947 1.32 4.85 224 0.875 0.900 bilinear bicubic -84.677 -83.877 -78.120 -67.387 +2 +74
414 vgg11 tv_resnet152 1.560 6.000 98.440 94.000 16.227 31.640 83.773 68.360 132.86 60.19 224 0.875 bilinear -84.990 -87.330 -80.053 -66.400 0 -57
415 gluon_resnet18_v1b resnet26t 1.547 5.987 98.453 94.013 16.613 31.720 83.387 68.280 11.69 16.01 224 256 0.875 0.940 bicubic -86.853 -86.763 -80.067 -66.520 -7 -21
416 hrnet_w18_small tf_efficientnet_cc_b0_4e 1.533 5.960 98.467 94.040 18.120 29.533 81.880 70.467 13.19 13.31 224 0.875 bilinear bicubic -87.517 -86.660 -78.990 -68.547 -15 -12
417 dla46_c tf_efficientnetv2_b0 1.520 5.893 98.480 94.107 15.267 30.613 84.733 69.387 1.30 7.14 224 0.875 bilinear bicubic -82.130 -87.217 -79.653 -67.777 +2 -46
418 regnetx_002 mixer_l16_224 1.373 5.853 98.627 94.147 15.027 18.200 84.973 81.800 2.68 208.20 224 0.875 bicubic -84.817 -81.307 -80.953 -75.330 -2 +92
419 resnet18 dla102 1.160 5.840 98.840 94.160 16.213 32.453 83.787 67.547 11.69 33.27 224 0.875 bilinear -86.230 -87.240 -80.077 -66.087 -9 -46
420 tf_mobilenetv3_small_minimal_100 regnetx_040 1.013 5.800 98.987 94.200 11.493 31.187 88.507 68.813 2.04 22.12 224 0.875 bilinear bicubic -80.367 -87.750 -82.177 -67.373 +1 -84
421 tv_resnet50 selecsls60 0.000 5.720 100.000 94.280 14.453 32.280 85.547 67.720 25.56 30.67 224 0.875 bilinear bicubic -91.880 -87.300 -83.587 -66.030 -70 -44
422 hardcorenas_c 5.600 94.400 30.213 69.787 5.52 224 0.875 bilinear -86.420 -67.627 +11
423 regnety_016 5.573 94.427 30.280 69.720 11.20 224 0.875 bicubic -87.457 -67.910 -47
424 res2next50 5.520 94.480 30.600 69.400 24.67 224 0.875 bilinear -87.330 -67.580 -40
425 hrnet_w18 5.453 94.547 30.813 69.187 21.30 224 0.875 bilinear -86.857 -67.437 -7
426 tf_efficientnet_lite2 5.373 94.627 30.907 69.093 6.09 260 0.890 bicubic -87.287 -67.323 -24
427 botnet26t_256 5.333 94.667 24.307 75.693 12.49 256 0.950 bicubic -82.127 -71.883 +80
428 resnest14d 5.333 94.667 28.547 71.453 10.61 224 0.875 bilinear -86.397 -69.323 +19
429 tf_efficientnet_b0_ap 5.320 94.680 28.707 71.293 5.29 224 0.875 bicubic -86.900 -69.403 -6
430 gernet_s 5.200 94.800 30.067 69.933 8.17 224 0.875 bilinear -86.940 -68.123 -3
431 tf_efficientnet_em 5.200 94.800 30.653 69.347 6.90 240 0.882 bicubic -87.750 -67.557 -50
432 mobilenetv3_large_100 5.107 94.893 28.053 71.947 5.48 224 0.875 bicubic -86.233 -69.657 +22
433 repvgg_b1g4 5.107 94.893 30.467 69.533 39.97 224 0.875 bilinear -87.893 -67.963 -55
434 xcit_nano_12_p16_224_dist 5.107 94.893 26.280 73.720 3.05 224 1.000 bicubic -84.573 -70.810 +57
435 densenet121 5.080 94.920 29.627 70.373 7.98 224 0.875 bicubic -86.490 -68.403 +14
436 res2net50_26w_4s 5.053 94.947 28.987 71.013 25.70 224 0.875 bilinear -87.427 -69.083 -25
437 tf_efficientnet_b0 5.040 94.960 28.907 71.093 5.29 224 0.875 bicubic -87.190 -69.093 -15
438 tf_mixnet_m 5.040 94.960 28.093 71.907 5.01 224 0.875 bicubic -87.290 -69.797 -21
439 vit_tiny_r_s16_p8_224 4.947 95.053 26.707 73.293 6.34 224 0.900 bicubic -84.243 -70.523 +57
440 hardcorenas_a 4.893 95.107 27.987 72.013 5.26 224 0.875 bilinear -86.447 -69.873 +13
441 regnetx_032 4.880 95.120 29.893 70.107 15.30 224 0.875 bicubic -88.240 -68.497 -71
442 res2net50_14w_8s 4.880 95.120 28.320 71.680 25.06 224 0.875 bilinear -87.840 -69.870 -45
443 mixnet_s 4.840 95.160 28.507 71.493 4.13 224 0.875 bicubic -86.980 -69.183 +1
444 hardcorenas_b 4.827 95.173 27.800 72.200 5.18 224 0.875 bilinear -86.913 -69.980 +2
445 mobilenetv3_rw 4.813 95.187 29.507 70.493 5.48 224 0.875 bicubic -86.397 -68.153 +12
446 xcit_nano_12_p16_224 4.800 95.200 25.253 74.747 3.05 224 1.000 bicubic -83.790 -71.537 +57
447 gluon_resnet50_v1c 4.773 95.227 27.787 72.213 25.58 224 0.875 bicubic -88.257 -70.573 -72
448 selecsls42b 4.707 95.293 28.333 71.667 32.46 224 0.875 bicubic -87.593 -69.807 -29
449 tv_resnext50_32x4d 4.693 95.307 29.813 70.187 25.03 224 0.875 bilinear -88.067 -68.467 -57
450 resnext26ts 4.640 95.360 28.733 71.267 10.30 256 0.900 bicubic -87.220 -68.497 -10
451 densenet161 4.573 95.427 29.520 70.480 28.68 224 0.875 bicubic -87.927 -68.770 -42
452 tv_resnet101 4.573 95.427 28.867 71.133 44.55 224 0.875 bilinear -88.237 -69.363 -63
453 tf_efficientnet_lite1 4.467 95.533 28.360 71.640 5.42 240 0.882 bicubic -88.153 -69.720 -48
454 mobilenetv2_120d 4.440 95.560 29.067 70.933 5.83 224 0.875 bicubic -87.960 -68.983 -39
455 vit_base_patch32_sam_224 4.307 95.693 24.347 75.653 88.22 224 0.900 bicubic -85.443 -72.653 +34
456 efficientnet_es_pruned 4.120 95.880 26.547 73.453 5.44 224 0.875 bicubic -87.070 -71.193 +2
457 fbnetc_100 4.093 95.907 25.493 74.507 5.57 224 0.875 bilinear -86.627 -71.717 +16
458 gluon_resnet50_v1b 4.027 95.973 26.827 73.173 25.56 224 0.875 bicubic -88.513 -71.363 -50
459 densenet201 3.973 96.027 27.280 72.720 20.01 224 0.875 bicubic -88.777 -70.960 -66
460 dpn68 3.933 96.067 26.000 74.000 12.61 224 0.875 bicubic -88.087 -72.040 -28
461 resnet26d 3.920 96.080 28.240 71.760 16.01 224 0.875 bicubic -88.130 -69.720 -32
462 tf_mixnet_s 3.920 96.080 25.200 74.800 4.13 224 0.875 bicubic -87.590 -72.410 -12
463 semnasnet_100 3.880 96.120 26.840 73.160 3.89 224 0.875 bicubic -87.400 -70.730 -8
464 repvgg_a2 3.800 96.200 27.293 72.707 28.21 224 0.875 bilinear -88.140 -70.857 -28
465 tf_efficientnet_es 3.747 96.253 25.973 74.027 5.44 224 0.875 bicubic -88.243 -71.897 -31
466 regnety_008 3.707 96.293 26.853 73.147 6.26 224 0.875 bicubic -88.003 -71.327 -18
467 ssl_resnet18 3.693 96.307 25.280 74.720 11.69 224 0.875 bilinear -86.537 -72.280 +16
468 densenet169 3.680 96.320 25.520 74.480 14.15 224 0.875 bicubic -88.230 -72.580 -31
469 mobilenetv2_140 3.667 96.333 26.507 73.493 6.11 224 0.875 bicubic -88.163 -71.353 -27
470 tf_mobilenetv3_large_100 3.653 96.347 24.987 75.013 5.48 224 0.875 bilinear -87.577 -72.673 -14
471 dla60 3.587 96.413 27.920 72.080 22.04 224 0.875 bilinear -88.633 -70.100 -47
472 res2net50_48w_2s 3.573 96.427 26.333 73.667 25.29 224 0.875 bilinear -88.977 -71.747 -65
473 spnasnet_100 3.533 96.467 24.213 75.787 4.42 224 0.875 bilinear -86.817 -72.977 +7
474 regnety_006 3.507 96.493 24.893 75.107 6.06 224 0.875 bicubic -87.873 -72.817 -22
475 regnetx_016 3.467 96.533 26.373 73.627 9.19 224 0.875 bicubic -88.693 -71.837 -49
476 legacy_seresnet34 3.293 96.707 23.613 76.387 21.96 224 0.875 bilinear -87.607 -73.967 -8
477 efficientnet_lite0 3.280 96.720 25.720 74.280 4.65 224 0.875 bicubic -87.860 -71.910 -17
478 ghostnet_100 3.253 96.747 24.720 75.280 5.18 224 0.875 bilinear -86.777 -72.650 +8
479 dla34 3.173 96.827 23.587 76.413 15.74 224 0.875 bilinear -87.597 -74.063 -8
480 mobilenetv2_110d 3.107 96.893 24.387 75.613 4.52 224 0.875 bicubic -87.863 -73.173 -13
481 mnasnet_100 3.093 96.907 24.227 75.773 4.38 224 0.875 bicubic -87.417 -73.243 -3
482 regnety_004 3.067 96.933 22.587 77.413 4.34 224 0.875 bicubic -87.413 -74.973 -3
483 tf_efficientnet_lite0 3.067 96.933 22.827 77.173 4.65 224 0.875 bicubic -87.983 -74.743 -19
484 skresnet18 2.960 97.040 22.733 77.267 11.96 224 0.875 bicubic -86.700 -74.487 +9
485 resnet34 2.893 97.107 23.560 76.440 21.80 224 0.875 bilinear -88.227 -74.070 -23
486 tf_mobilenetv3_large_075 2.867 97.133 21.600 78.400 3.99 224 0.875 bilinear -86.843 -75.620 +4
487 vgg19_bn 2.867 97.133 23.547 76.453 143.68 224 0.875 bilinear -87.233 -74.033 -3
488 regnetx_008 2.733 97.267 22.333 77.667 7.26 224 0.875 bicubic -88.317 -75.377 -25
489 gluon_resnet34_v1b 2.653 97.347 21.533 78.467 21.80 224 0.875 bicubic -88.337 -76.117 -24
490 hrnet_w18_small_v2 2.627 97.373 23.587 76.413 15.60 224 0.875 bilinear -88.563 -74.313 -31
491 vgg16 2.560 97.440 19.960 80.040 138.36 224 0.875 bilinear -85.990 -76.830 +13
492 vgg16_bn 2.547 97.453 23.587 76.413 138.37 224 0.875 bilinear -87.543 -73.783 -7
493 repvgg_b0 2.533 97.467 23.920 76.080 15.82 224 0.875 bilinear -88.917 -74.060 -42
494 resnet18d 2.493 97.507 21.600 78.400 11.71 224 0.875 bicubic -86.797 -75.540 +1
495 regnetx_006 2.453 97.547 20.600 79.400 6.20 224 0.875 bicubic -87.867 -76.830 -14
496 tv_densenet121 2.453 97.547 22.533 77.467 7.98 224 0.875 bicubic -88.447 -75.167 -27
497 legacy_seresnet18 2.440 97.560 19.827 80.173 11.78 224 0.875 bicubic -86.440 -77.143 +3
498 resnet26 2.387 97.613 22.733 77.267 16.00 224 0.875 bicubic -88.743 -75.007 -37
499 mobilenetv2_100 2.147 97.853 19.653 80.347 3.50 224 0.875 bicubic -87.463 -77.497 -5
500 regnety_002 2.080 97.920 18.600 81.400 3.16 224 0.875 bicubic -85.280 -77.970 +9
501 vgg13_bn 2.080 97.920 20.040 79.960 133.05 224 0.875 bilinear -86.700 -76.930 +1
502 vgg19 2.027 97.973 20.480 79.520 143.67 224 0.875 bilinear -87.033 -76.390 -4
503 tf_mobilenetv3_small_100 2.000 98.000 15.880 84.120 2.54 224 0.875 bilinear -83.210 -79.900 +12
504 tf_mobilenetv3_small_075 1.973 98.027 14.840 85.160 2.04 224 0.875 bilinear -81.507 -79.960 +14
505 regnetx_004 1.960 98.040 19.067 80.933 5.16 224 0.875 bicubic -86.920 -78.053 -4
506 tv_resnet34 1.840 98.160 19.800 80.200 21.80 224 0.875 bilinear -88.080 -77.540 -18
507 vgg13 1.840 98.160 17.880 82.120 133.05 224 0.875 bilinear -85.190 -78.430 +4
508 vgg11_bn 1.720 98.280 18.000 82.000 132.87 224 0.875 bilinear -85.800 -78.810 -2
509 dla46x_c 1.693 98.307 16.373 83.627 1.07 224 0.875 bilinear -82.557 -78.907 +7
510 tf_mobilenetv3_large_minimal_100 1.627 98.373 17.187 82.813 3.92 224 0.875 bilinear -87.323 -79.683 -11
511 dla60x_c 1.587 98.413 17.800 82.200 1.32 224 0.875 bilinear -84.693 -78.360 +2
512 vgg11 1.587 98.413 15.907 84.093 132.86 224 0.875 bilinear -84.993 -80.383 0
513 gluon_resnet18_v1b 1.547 98.453 16.600 83.400 11.69 224 0.875 bicubic -86.833 -80.100 -8
514 hrnet_w18_small 1.507 98.493 18.107 81.893 13.19 224 0.875 bilinear -87.553 -78.993 -17
515 dla46_c 1.453 98.547 15.027 84.973 1.30 224 0.875 bilinear -82.187 -79.883 +2
516 regnetx_002 1.253 98.747 14.827 85.173 2.68 224 0.875 bicubic -84.947 -81.143 -2
517 resnet18 1.120 98.880 16.173 83.827 11.69 224 0.875 bilinear -86.250 -80.087 -9
518 tf_mobilenetv3_small_minimal_100 1.027 98.973 11.400 88.600 2.04 224 0.875 bilinear -80.363 -82.270 +1
519 tv_resnet50 0.027 99.973 14.320 85.680 25.56 224 0.875 bilinear -91.863 -83.720 -80

@ -1,421 +1,519 @@
model,top1,top1_err,top5,top5_err,param_count,img_size,cropt_pct,interpolation
tf_efficientnet_l2_ns,97.780,2.220,99.890,0.110,480.31,800,0.960,bicubic
beit_large_patch16_384,97.820,2.180,99.790,0.210,305.00,384,1.000,bicubic
tf_efficientnet_l2_ns,97.770,2.230,99.890,0.110,480.31,800,0.960,bicubic
beit_large_patch16_512,97.770,2.230,99.810,0.190,305.67,512,1.000,bicubic
tf_efficientnet_l2_ns_475,97.750,2.250,99.820,0.180,480.31,475,0.936,bicubic
beit_large_patch16_224,97.470,2.530,99.690,0.310,304.43,224,0.900,bicubic
vit_large_patch16_384,97.420,2.580,99.780,0.220,304.72,384,1.000,bicubic
tf_efficientnet_b7_ns,97.200,2.800,99.700,0.300,66.35,600,0.949,bicubic
swin_large_patch4_window12_384,97.170,2.830,99.680,0.320,196.74,384,1.000,bicubic
swin_base_patch4_window12_384,97.120,2.880,99.780,0.220,87.90,384,1.000,bicubic
tf_efficientnetv2_l_in21ft1k,97.110,2.890,99.710,0.290,118.52,480,1.000,bicubic
tf_efficientnet_b6_ns,97.020,2.980,99.710,0.290,43.04,528,0.942,bicubic
vit_base_patch16_384,97.020,2.980,99.710,0.290,86.86,384,1.000,bicubic
ig_resnext101_32x48d,96.970,3.030,99.670,0.330,828.41,224,0.875,bilinear
tf_efficientnetv2_m_in21ft1k,96.970,3.030,99.610,0.390,54.14,480,1.000,bicubic
beit_base_patch16_384,97.350,2.650,99.710,0.290,86.74,384,1.000,bicubic
tf_efficientnet_b7_ns,97.210,2.790,99.700,0.300,66.35,600,0.949,bicubic
swin_large_patch4_window12_384,97.180,2.820,99.690,0.310,196.74,384,1.000,bicubic
tf_efficientnetv2_xl_in21ft1k,97.150,2.850,99.620,0.380,208.12,512,1.000,bicubic
tf_efficientnetv2_l_in21ft1k,97.110,2.890,99.700,0.300,118.52,480,1.000,bicubic
swin_base_patch4_window12_384,97.070,2.930,99.770,0.230,87.90,384,1.000,bicubic
tf_efficientnet_b6_ns,97.030,2.970,99.710,0.290,43.04,528,0.942,bicubic
vit_base_patch16_384,97.020,2.980,99.700,0.300,86.86,384,1.000,bicubic
ig_resnext101_32x48d,96.960,3.040,99.670,0.330,828.41,224,0.875,bilinear
swin_large_patch4_window7_224,96.950,3.050,99.660,0.340,196.53,224,0.900,bicubic
vit_large_r50_s32_384,96.950,3.050,99.710,0.290,329.09,384,1.000,bicubic
dm_nfnet_f6,96.920,3.080,99.720,0.280,438.36,576,0.956,bicubic
cait_m48_448,96.880,3.120,99.620,0.380,356.46,448,1.000,bicubic
resnetv2_152x4_bitm,96.870,3.130,99.660,0.340,936.53,480,1.000,bilinear
tf_efficientnet_b5_ns,96.870,3.130,99.640,0.360,30.39,456,0.934,bicubic
cait_m36_384,96.830,3.170,99.660,0.340,271.22,384,1.000,bicubic
dm_nfnet_f5,96.810,3.190,99.670,0.330,377.21,544,0.954,bicubic
tf_efficientnetv2_m_in21ft1k,96.950,3.050,99.610,0.390,54.14,480,1.000,bicubic
vit_large_r50_s32_384,96.950,3.050,99.720,0.280,329.09,384,1.000,bicubic
xcit_large_24_p16_384_dist,96.930,3.070,99.510,0.490,189.10,384,1.000,bicubic
dm_nfnet_f6,96.910,3.090,99.720,0.280,438.36,576,0.956,bicubic
resnetv2_152x4_bitm,96.880,3.120,99.660,0.340,936.53,480,1.000,bilinear
tf_efficientnet_b5_ns,96.880,3.120,99.640,0.360,30.39,456,0.934,bicubic
cait_m48_448,96.870,3.130,99.620,0.380,356.46,448,1.000,bicubic
xcit_small_24_p8_384_dist,96.830,3.170,99.630,0.370,47.63,384,1.000,bicubic
cait_m36_384,96.820,3.180,99.660,0.340,271.22,384,1.000,bicubic
dm_nfnet_f5,96.800,3.200,99.670,0.330,377.21,544,0.954,bicubic
dm_nfnet_f4,96.780,3.220,99.620,0.380,316.07,512,0.951,bicubic
ig_resnext101_32x32d,96.780,3.220,99.530,0.470,468.53,224,0.875,bilinear
dm_nfnet_f3,96.730,3.270,99.630,0.370,254.92,416,0.940,bicubic
xcit_medium_24_p8_384_dist,96.780,3.220,99.620,0.380,84.32,384,1.000,bicubic
xcit_large_24_p8_384_dist,96.760,3.240,99.560,0.440,188.93,384,1.000,bicubic
dm_nfnet_f3,96.720,3.280,99.630,0.370,254.92,416,0.940,bicubic
tf_efficientnet_b4_ns,96.710,3.290,99.640,0.360,19.34,380,0.922,bicubic
vit_large_patch16_224,96.710,3.290,99.650,0.350,304.33,224,0.900,bicubic
tf_efficientnet_b8,96.700,3.300,99.530,0.470,87.41,672,0.954,bicubic
swin_base_patch4_window7_224,96.680,3.320,99.660,0.340,87.77,224,0.900,bicubic
tf_efficientnetv2_l,96.650,3.350,99.560,0.440,118.52,480,1.000,bicubic
cait_s36_384,96.630,3.370,99.600,0.400,68.37,384,1.000,bicubic
tf_efficientnet_b8,96.700,3.300,99.550,0.450,87.41,672,0.954,bicubic
xcit_medium_24_p16_384_dist,96.690,3.310,99.600,0.400,84.40,384,1.000,bicubic
swin_base_patch4_window7_224,96.670,3.330,99.670,0.330,87.77,224,0.900,bicubic
tf_efficientnetv2_l,96.650,3.350,99.570,0.430,118.52,480,1.000,bicubic
beit_base_patch16_224,96.650,3.350,99.660,0.340,86.53,224,0.900,bicubic
cait_s36_384,96.630,3.370,99.590,0.410,68.37,384,1.000,bicubic
xcit_large_24_p8_224_dist,96.620,3.380,99.460,0.540,188.93,224,1.000,bicubic
cait_s24_384,96.580,3.420,99.550,0.450,47.06,384,1.000,bicubic
tf_efficientnet_b7,96.580,3.420,99.510,0.490,66.35,600,0.949,bicubic
cait_s24_384,96.570,3.430,99.550,0.450,47.06,384,1.000,bicubic
tf_efficientnet_b8_ap,96.550,3.450,99.540,0.460,87.41,672,0.954,bicubic
tf_efficientnet_b8_ap,96.560,3.440,99.550,0.450,87.41,672,0.954,bicubic
tf_efficientnetv2_m,96.550,3.450,99.570,0.430,54.14,480,1.000,bicubic
xcit_small_24_p8_224_dist,96.550,3.450,99.560,0.440,47.63,224,1.000,bicubic
resnetv2_152x2_bitm,96.520,3.480,99.590,0.410,236.34,448,1.000,bilinear
deit_base_distilled_patch16_384,96.510,3.490,99.590,0.410,87.63,384,1.000,bicubic
tf_efficientnetv2_s_in21ft1k,96.470,3.530,99.570,0.430,21.46,384,1.000,bicubic
dm_nfnet_f2,96.460,3.540,99.540,0.460,193.78,352,0.920,bicubic
xcit_medium_24_p8_224_dist,96.500,3.500,99.500,0.500,84.32,224,1.000,bicubic
deit_base_distilled_patch16_384,96.490,3.510,99.590,0.410,87.63,384,1.000,bicubic
xcit_small_12_p8_384_dist,96.480,3.520,99.480,0.520,26.21,384,1.000,bicubic
vit_base_r50_s16_384,96.470,3.530,99.660,0.340,98.95,384,1.000,bicubic
tf_efficientnetv2_s_in21ft1k,96.460,3.540,99.570,0.430,21.46,384,1.000,bicubic
eca_nfnet_l2,96.460,3.540,99.630,0.370,56.72,384,1.000,bicubic
ecaresnet269d,96.460,3.540,99.610,0.390,102.09,352,1.000,bicubic
eca_nfnet_l2,96.450,3.550,99.620,0.380,56.72,384,1.000,bicubic
vit_base_r50_s16_384,96.450,3.550,99.660,0.340,98.95,384,1.000,bicubic
ig_resnext101_32x16d,96.440,3.560,99.540,0.460,194.03,224,0.875,bilinear
dm_nfnet_f2,96.450,3.550,99.540,0.460,193.78,352,0.920,bicubic
ig_resnext101_32x16d,96.430,3.570,99.540,0.460,194.03,224,0.875,bilinear
resnetrs420,96.400,3.600,99.540,0.460,191.89,416,1.000,bicubic
dm_nfnet_f1,96.390,3.610,99.470,0.530,132.63,320,0.910,bicubic
tf_efficientnet_b6_ap,96.370,3.630,99.550,0.450,43.04,528,0.942,bicubic
resmlp_big_24_224_in22ft1k,96.350,3.650,99.520,0.480,129.14,224,0.875,bicubic
tf_efficientnet_b7_ap,96.350,3.650,99.590,0.410,66.35,600,0.949,bicubic
seresnet152d,96.310,3.690,99.510,0.490,66.84,320,1.000,bicubic
dm_nfnet_f1,96.370,3.630,99.480,0.520,132.63,320,0.910,bicubic
tf_efficientnet_b6_ap,96.360,3.640,99.550,0.450,43.04,528,0.942,bicubic
xcit_small_24_p16_384_dist,96.360,3.640,99.590,0.410,47.67,384,1.000,bicubic
tf_efficientnet_b7_ap,96.350,3.650,99.600,0.400,66.35,600,0.949,bicubic
resmlp_big_24_224_in22ft1k,96.340,3.660,99.510,0.490,129.14,224,0.875,bicubic
seresnet152d,96.330,3.670,99.510,0.490,66.84,320,1.000,bicubic
xcit_small_12_p16_384_dist,96.330,3.670,99.490,0.510,26.25,384,1.000,bicubic
xcit_large_24_p16_224_dist,96.310,3.690,99.500,0.500,189.10,224,1.000,bicubic
vit_base_patch16_224,96.300,3.700,99.560,0.440,86.57,224,0.900,bicubic
tf_efficientnet_b6,96.290,3.710,99.520,0.480,43.04,528,0.942,bicubic
resnetv2_101x3_bitm,96.290,3.710,99.580,0.420,387.93,448,1.000,bilinear
resnetv2_50x3_bitm,96.290,3.710,99.630,0.370,217.32,448,1.000,bilinear
swsl_resnext101_32x16d,96.280,3.720,99.500,0.500,194.03,224,0.875,bilinear
tf_efficientnet_b6,96.280,3.720,99.520,0.480,43.04,528,0.942,bicubic
efficientnetv2_rw_m,96.270,3.730,99.560,0.440,53.24,416,1.000,bicubic
resnetv2_50x3_bitm,96.270,3.730,99.630,0.370,217.32,448,1.000,bilinear
swsl_resnext101_32x16d,96.270,3.730,99.500,0.500,194.03,224,0.875,bilinear
resnetv2_101x3_bitm,96.250,3.750,99.590,0.410,387.93,448,1.000,bilinear
swsl_resnext101_32x8d,96.240,3.760,99.590,0.410,88.79,224,0.875,bilinear
xcit_medium_24_p16_224_dist,96.260,3.740,99.400,0.600,84.40,224,1.000,bicubic
xcit_tiny_24_p8_384_dist,96.250,3.750,99.440,0.560,12.11,384,1.000,bicubic
resnetrs350,96.240,3.760,99.470,0.530,163.96,384,1.000,bicubic
resnetv2_152x2_bit_teacher_384,96.190,3.810,99.500,0.500,236.34,384,1.000,bicubic
vit_large_r50_s32_224,96.180,3.820,99.530,0.470,328.99,224,0.900,bicubic
swsl_resnext101_32x8d,96.230,3.770,99.590,0.410,88.79,224,0.875,bilinear
vit_large_r50_s32_224,96.190,3.810,99.530,0.470,328.99,224,0.900,bicubic
resnetv2_152x2_bit_teacher_384,96.170,3.830,99.510,0.490,236.34,384,1.000,bicubic
resnest269e,96.120,3.880,99.520,0.480,110.93,416,0.928,bicubic
crossvit_18_dagger_408,96.110,3.890,99.470,0.530,44.61,408,1.000,bicubic
resnet200d,96.110,3.890,99.460,0.540,64.69,320,1.000,bicubic
tf_efficientnet_b3_ns,96.100,3.900,99.480,0.520,12.23,300,0.904,bicubic
tf_efficientnet_b3_ns,96.110,3.890,99.470,0.530,12.23,300,0.904,bicubic
tf_efficientnet_b5_ap,96.080,3.920,99.540,0.460,30.39,456,0.934,bicubic
pit_b_distilled_224,96.070,3.930,99.380,0.620,74.79,224,0.900,bicubic
resnest200e,96.070,3.930,99.480,0.520,70.20,320,0.909,bicubic
resnetrs270,96.060,3.940,99.490,0.510,129.86,352,1.000,bicubic
vit_small_r26_s32_384,96.060,3.940,99.560,0.440,36.47,384,1.000,bicubic
swsl_resnext101_32x4d,96.050,3.950,99.530,0.470,44.18,224,0.875,bilinear
vit_base_patch16_224_miil,96.030,3.970,99.350,0.650,86.54,224,0.875,bilinear
resnest200e,96.080,3.920,99.470,0.530,70.20,320,0.909,bicubic
pit_b_distilled_224,96.080,3.920,99.380,0.620,74.79,224,0.900,bicubic
resnetrs270,96.070,3.930,99.480,0.520,129.86,352,1.000,bicubic
vit_small_r26_s32_384,96.060,3.940,99.550,0.450,36.47,384,1.000,bicubic
xcit_large_24_p8_224,96.060,3.940,99.150,0.850,188.93,224,1.000,bicubic
swsl_resnext101_32x4d,96.050,3.950,99.540,0.460,44.18,224,0.875,bilinear
vit_base_patch16_224_miil,96.040,3.960,99.350,0.650,86.54,224,0.875,bilinear
cait_xs24_384,96.010,3.990,99.430,0.570,26.67,384,1.000,bicubic
resnetrs200,95.990,4.010,99.440,0.560,93.21,320,1.000,bicubic
resnetrs200,96.000,4.000,99.440,0.560,93.21,320,1.000,bicubic
tf_efficientnet_b5,95.980,4.020,99.450,0.550,30.39,456,0.934,bicubic
vit_small_patch16_384,95.980,4.020,99.590,0.410,22.20,384,1.000,bicubic
vit_small_patch16_384,95.980,4.020,99.600,0.400,22.20,384,1.000,bicubic
resnetrs152,95.960,4.040,99.380,0.620,86.62,320,1.000,bicubic
eca_nfnet_l1,95.940,4.060,99.490,0.510,41.41,320,1.000,bicubic
ig_resnext101_32x8d,95.930,4.070,99.380,0.620,88.79,224,0.875,bilinear
vit_base_patch32_384,95.900,4.100,99.440,0.560,88.30,384,1.000,bicubic
regnety_160,95.880,4.120,99.560,0.440,83.59,288,1.000,bicubic
xcit_small_12_p8_224_dist,95.960,4.040,99.420,0.580,26.21,224,1.000,bicubic
ig_resnext101_32x8d,95.950,4.050,99.390,0.610,88.79,224,0.875,bilinear
eca_nfnet_l1,95.920,4.080,99.500,0.500,41.41,320,1.000,bicubic
xcit_small_24_p8_224,95.910,4.090,99.180,0.820,47.63,224,1.000,bicubic
vit_base_patch32_384,95.910,4.090,99.440,0.560,88.30,384,1.000,bicubic
regnety_160,95.900,4.100,99.560,0.440,83.59,288,1.000,bicubic
resmlp_big_24_distilled_224,95.870,4.130,99.440,0.560,129.14,224,0.875,bicubic
resnet152d,95.870,4.130,99.430,0.570,60.21,320,1.000,bicubic
xcit_medium_24_p8_224,95.870,4.130,99.090,0.910,84.32,224,1.000,bicubic
regnetz_d,95.860,4.140,99.440,0.560,27.58,320,0.950,bicubic
resnet152d,95.850,4.150,99.430,0.570,60.21,320,1.000,bicubic
crossvit_15_dagger_408,95.820,4.180,99.300,0.700,28.50,408,1.000,bicubic
xcit_small_24_p16_224_dist,95.810,4.190,99.340,0.660,47.67,224,1.000,bicubic
deit_base_distilled_patch16_224,95.780,4.220,99.280,0.720,87.34,224,0.900,bicubic
resnet101d,95.750,4.250,99.440,0.560,44.57,320,1.000,bicubic
resnetv2_152x2_bit_teacher,95.750,4.250,99.430,0.570,236.34,224,0.875,bicubic
deit_base_distilled_patch16_224,95.750,4.250,99.280,0.720,87.34,224,0.900,bicubic
xcit_small_12_p16_224_dist,95.750,4.250,99.290,0.710,26.25,224,1.000,bicubic
resnetv2_152x2_bit_teacher,95.730,4.270,99.430,0.570,236.34,224,0.875,bicubic
swin_small_patch4_window7_224,95.720,4.280,99.290,0.710,49.61,224,0.900,bicubic
twins_pcpvt_large,95.720,4.280,99.490,0.510,60.99,224,0.900,bicubic
twins_svt_large,95.720,4.280,99.370,0.630,99.27,224,0.900,bicubic
swin_small_patch4_window7_224,95.720,4.280,99.290,0.710,49.61,224,0.900,bicubic
efficientnetv2_rw_s,95.710,4.290,99.380,0.620,23.94,384,1.000,bicubic
tf_efficientnetv2_s,95.710,4.290,99.400,0.600,21.46,384,1.000,bicubic
dm_nfnet_f0,95.690,4.310,99.330,0.670,71.49,256,0.900,bicubic
cait_s24_224,95.650,4.350,99.390,0.610,46.92,224,1.000,bicubic
deit_base_patch16_384,95.650,4.350,99.240,0.760,86.86,384,1.000,bicubic
swsl_resnext50_32x4d,95.620,4.380,99.440,0.560,25.03,224,0.875,bilinear
tf_efficientnet_b4,95.590,4.410,99.330,0.670,19.34,380,0.922,bicubic
resnest101e,95.570,4.430,99.270,0.730,48.28,256,0.875,bilinear
dm_nfnet_f0,95.710,4.290,99.330,0.670,71.49,256,0.900,bicubic
efficientnetv2_rw_s,95.700,4.300,99.380,0.620,23.94,384,1.000,bicubic
deit_base_patch16_384,95.660,4.340,99.240,0.760,86.86,384,1.000,bicubic
cait_s24_224,95.640,4.360,99.390,0.610,46.92,224,1.000,bicubic
swsl_resnext50_32x4d,95.590,4.410,99.440,0.560,25.03,224,0.875,bilinear
tf_efficientnet_b4,95.590,4.410,99.320,0.680,19.34,380,0.922,bicubic
resnest101e,95.580,4.420,99.270,0.730,48.28,256,0.875,bilinear
twins_svt_base,95.570,4.430,99.230,0.770,56.07,224,0.900,bicubic
tf_efficientnet_b2_ns,95.520,4.480,99.340,0.660,9.11,260,0.890,bicubic
efficientnet_b4,95.520,4.480,99.390,0.610,19.34,384,1.000,bicubic
tresnet_xl_448,95.510,4.490,99.340,0.660,78.44,448,0.875,bilinear
tf_efficientnet_b4_ap,95.490,4.510,99.390,0.610,19.34,380,0.922,bicubic
efficientnet_b4,95.540,4.460,99.400,0.600,19.34,384,1.000,bicubic
jx_nest_small,95.540,4.460,99.230,0.770,38.35,224,0.875,bicubic
jx_nest_base,95.530,4.470,99.300,0.700,67.72,224,0.875,bicubic
tf_efficientnet_b2_ns,95.530,4.470,99.340,0.660,9.11,260,0.890,bicubic
tresnet_xl_448,95.520,4.480,99.340,0.660,78.44,448,0.875,bilinear
tf_efficientnet_b4_ap,95.500,4.500,99.390,0.610,19.34,380,0.922,bicubic
regnety_032,95.470,4.530,99.320,0.680,19.44,288,1.000,bicubic
twins_pcpvt_base,95.460,4.540,99.390,0.610,43.83,224,0.900,bicubic
twins_pcpvt_base,95.470,4.530,99.380,0.620,43.83,224,0.900,bicubic
xcit_tiny_24_p16_384_dist,95.460,4.540,99.350,0.650,12.12,384,1.000,bicubic
xcit_tiny_24_p8_224_dist,95.460,4.540,99.370,0.630,12.11,224,1.000,bicubic
eca_nfnet_l0,95.450,4.550,99.390,0.610,24.14,288,1.000,bicubic
ssl_resnext101_32x16d,95.410,4.590,99.410,0.590,194.03,224,0.875,bilinear
tresnet_l_448,95.410,4.590,99.300,0.700,55.99,448,0.875,bilinear
nfnet_l0,95.390,4.610,99.420,0.580,35.07,288,1.000,bicubic
nfnet_l0,95.420,4.580,99.430,0.570,35.07,288,1.000,bicubic
xcit_small_12_p8_224,95.420,4.580,99.200,0.800,26.21,224,1.000,bicubic
regnetz_c,95.410,4.590,99.310,0.690,13.46,320,0.940,bicubic
ssl_resnext101_32x16d,95.400,4.600,99.410,0.590,194.03,224,0.875,bilinear
tresnet_m,95.400,4.600,99.150,0.850,31.39,224,0.875,bilinear
resnetv2_50x1_bit_distilled,95.390,4.610,99.430,0.570,25.55,224,0.875,bicubic
tresnet_m,95.380,4.620,99.150,0.850,31.39,224,0.875,bilinear
pnasnet5large,95.360,4.640,99.130,0.870,86.06,331,0.911,bicubic
ssl_resnext101_32x8d,95.340,4.660,99.320,0.680,88.79,224,0.875,bilinear
resnetv2_101x1_bitm,95.320,4.680,99.370,0.630,44.54,448,1.000,bilinear
resnetrs101,95.250,4.750,99.210,0.790,63.62,288,0.940,bicubic
vit_large_patch32_384,95.240,4.760,99.320,0.680,306.63,384,1.000,bicubic
cait_xxs36_384,95.220,4.780,99.320,0.680,17.37,384,1.000,bicubic
levit_384,95.210,4.790,99.160,0.840,39.13,224,0.900,bicubic
resnet51q,95.200,4.800,99.280,0.720,35.70,288,1.000,bilinear
swsl_resnet50,95.200,4.800,99.390,0.610,25.56,224,0.875,bilinear
tresnet_l_448,95.390,4.610,99.280,0.720,55.99,448,0.875,bilinear
pnasnet5large,95.370,4.630,99.130,0.870,86.06,331,0.911,bicubic
xcit_tiny_12_p8_384_dist,95.340,4.660,99.340,0.660,6.71,384,1.000,bicubic
resnetv2_101x1_bitm,95.330,4.670,99.380,0.620,44.54,448,1.000,bilinear
ssl_resnext101_32x8d,95.320,4.680,99.310,0.690,88.79,224,0.875,bilinear
gc_efficientnetv2_rw_t,95.280,4.720,99.220,0.780,13.68,288,1.000,bicubic
vit_large_patch32_384,95.250,4.750,99.320,0.680,306.63,384,1.000,bicubic
cait_xxs36_384,95.240,4.760,99.330,0.670,17.37,384,1.000,bicubic
resnetrs101,95.230,4.770,99.210,0.790,63.62,288,0.940,bicubic
swsl_resnet50,95.220,4.780,99.400,0.600,25.56,224,0.875,bilinear
levit_384,95.200,4.800,99.160,0.840,39.13,224,0.900,bicubic
resnet51q,95.190,4.810,99.280,0.720,35.70,288,1.000,bilinear
crossvit_18_dagger_240,95.180,4.820,99.120,0.880,44.27,240,0.875,bicubic
nasnetalarge,95.170,4.830,99.130,0.870,88.75,331,0.911,bicubic
ecaresnet101d,95.160,4.840,99.230,0.770,44.57,224,0.875,bicubic
ssl_resnext101_32x4d,95.160,4.840,99.300,0.700,44.18,224,0.875,bilinear
nasnetalarge,95.150,4.850,99.130,0.870,88.75,331,0.911,bicubic
efficientnet_b3,95.140,4.860,99.210,0.790,12.23,320,1.000,bicubic
vit_small_r26_s32_224,95.130,4.870,99.220,0.780,36.43,224,0.900,bicubic
tf_efficientnetv2_b3,95.120,4.880,99.200,0.800,14.36,300,0.904,bicubic
convit_base,95.100,4.900,99.140,0.860,86.54,224,0.875,bicubic
coat_lite_small,95.080,4.920,99.020,0.980,19.84,224,0.900,bicubic
ecaresnet50t,95.070,4.930,99.290,0.710,25.57,320,0.950,bicubic
tresnet_xl,95.060,4.940,99.260,0.740,78.44,224,0.875,bilinear
deit_base_patch16_224,95.010,4.990,98.980,1.020,86.57,224,0.900,bicubic
tf_efficientnet_b3_ap,94.970,5.030,99.110,0.890,12.23,300,0.904,bicubic
visformer_small,94.960,5.040,99.210,0.790,40.22,224,0.900,bicubic
gernet_l,94.930,5.070,99.200,0.800,31.08,256,0.875,bilinear
cait_xxs24_384,94.920,5.080,99.140,0.860,12.03,384,1.000,bicubic
convit_small,94.920,5.080,99.110,0.890,27.78,224,0.875,bicubic
tf_efficientnet_b3,94.910,5.090,99.110,0.890,12.23,300,0.904,bicubic
efficientnet_b3,95.150,4.850,99.210,0.790,12.23,320,1.000,bicubic
ssl_resnext101_32x4d,95.140,4.860,99.310,0.690,44.18,224,0.875,bilinear
xcit_medium_24_p16_224,95.130,4.870,98.930,1.070,84.40,224,1.000,bicubic
tf_efficientnetv2_b3,95.120,4.880,99.190,0.810,14.36,300,0.904,bicubic
vit_small_r26_s32_224,95.120,4.880,99.220,0.780,36.43,224,0.900,bicubic
coat_lite_small,95.110,4.890,99.030,0.970,19.84,224,0.900,bicubic
ecaresnet50t,95.110,4.890,99.290,0.710,25.57,320,0.950,bicubic
resnet61q,95.110,4.890,99.080,0.920,36.85,288,1.000,bicubic
convit_base,95.100,4.900,99.130,0.870,86.54,224,0.875,bicubic
tresnet_xl,95.080,4.920,99.250,0.750,78.44,224,0.875,bilinear
efficientnetv2_rw_t,95.080,4.920,99.220,0.780,13.65,288,1.000,bicubic
xcit_small_24_p16_224,95.070,4.930,99.060,0.940,47.67,224,1.000,bicubic
crossvit_base_240,95.060,4.940,98.980,1.020,105.03,240,0.875,bicubic
crossvit_18_240,95.050,4.950,99.120,0.880,43.27,240,0.875,bicubic
deit_base_patch16_224,95.020,4.980,98.970,1.030,86.57,224,0.900,bicubic
crossvit_15_dagger_240,94.970,5.030,99.150,0.850,28.21,240,0.875,bicubic
visformer_small,94.970,5.030,99.210,0.790,40.22,224,0.900,bicubic
tf_efficientnet_b3_ap,94.960,5.040,99.110,0.890,12.23,300,0.904,bicubic
convmixer_1536_20,94.950,5.050,99.170,0.830,51.63,224,0.960,bicubic
xcit_large_24_p16_224,94.950,5.050,98.830,1.170,189.10,224,1.000,bicubic
cait_xxs24_384,94.940,5.060,99.130,0.870,12.03,384,1.000,bicubic
jx_nest_tiny,94.940,5.060,99.100,0.900,17.06,224,0.875,bicubic
resnetv2_101,94.930,5.070,99.110,0.890,44.54,224,0.950,bicubic
convit_small,94.920,5.080,99.120,0.880,27.78,224,0.875,bicubic
gernet_l,94.920,5.080,99.200,0.800,31.08,256,0.875,bilinear
tf_efficientnet_b3,94.910,5.090,99.100,0.900,12.23,300,0.904,bicubic
vit_small_patch16_224,94.900,5.100,99.280,0.720,22.05,224,0.900,bicubic
tresnet_l,94.900,5.100,99.030,0.970,55.99,224,0.875,bilinear
vit_small_patch16_224,94.880,5.120,99.270,0.730,22.05,224,0.900,bicubic
mixer_b16_224_miil,94.880,5.120,99.080,0.920,59.88,224,0.875,bilinear
mixer_b16_224_miil,94.890,5.110,99.080,0.920,59.88,224,0.875,bilinear
tf_efficientnet_b1_ns,94.880,5.120,99.250,0.750,7.79,240,0.882,bicubic
tf_efficientnet_lite4,94.870,5.130,99.090,0.910,13.01,380,0.920,bilinear
tf_efficientnet_b1_ns,94.860,5.140,99.250,0.750,7.79,240,0.882,bicubic
seresnext50_32x4d,94.820,5.180,99.130,0.870,27.56,224,0.875,bicubic
pit_b_224,94.790,5.210,98.820,1.180,73.76,224,0.900,bicubic
coat_mini,94.770,5.230,98.950,1.050,10.34,224,0.900,bicubic
xcit_tiny_24_p8_224,94.870,5.130,99.190,0.810,12.11,224,1.000,bicubic
xcit_small_12_p16_224,94.810,5.190,99.060,0.940,26.25,224,1.000,bicubic
seresnext50_32x4d,94.800,5.200,99.130,0.870,27.56,224,0.875,bicubic
pit_b_224,94.790,5.210,98.810,1.190,73.76,224,0.900,bicubic
twins_svt_small,94.770,5.230,99.080,0.920,24.06,224,0.900,bicubic
coat_mini,94.760,5.240,98.950,1.050,10.34,224,0.900,bicubic
resnetv2_50x1_bitm,94.760,5.240,99.180,0.820,25.55,448,1.000,bilinear
pit_s_distilled_224,94.750,5.250,99.180,0.820,24.04,224,0.900,bicubic
xcit_tiny_12_p8_224_dist,94.740,5.260,99.180,0.820,6.71,224,1.000,bicubic
legacy_senet154,94.730,5.270,99.100,0.900,115.09,224,0.875,bilinear
pit_s_distilled_224,94.730,5.270,99.190,0.810,24.04,224,0.900,bicubic
resnetv2_50x1_bitm,94.730,5.270,99.180,0.820,25.55,448,1.000,bilinear
gluon_resnet152_v1s,94.720,5.280,99.060,0.940,60.32,224,0.875,bicubic
gluon_senet154,94.710,5.290,98.970,1.030,115.09,224,0.875,bicubic
resnest50d_4s2x40d,94.710,5.290,99.130,0.870,30.42,224,0.875,bicubic
gluon_senet154,94.700,5.300,98.970,1.030,115.09,224,0.875,bicubic
ssl_resnext50_32x4d,94.700,5.300,99.240,0.760,25.03,224,0.875,bilinear
gluon_resnet152_v1s,94.690,5.310,99.050,0.950,60.32,224,0.875,bicubic
regnetz_b,94.690,5.310,99.160,0.840,9.72,288,0.940,bicubic
crossvit_15_240,94.680,5.320,99.070,0.930,27.53,240,0.875,bicubic
efficientnet_el,94.670,5.330,99.130,0.870,10.59,300,0.904,bicubic
wide_resnet50_2,94.670,5.330,99.050,0.950,68.88,224,0.875,bicubic
rexnet_200,94.660,5.340,99.090,0.910,16.37,224,0.875,bicubic
tresnet_m_448,94.660,5.340,99.150,0.850,31.39,448,0.875,bilinear
gluon_seresnext101_64x4d,94.650,5.350,98.980,1.020,88.23,224,0.875,bicubic
rexnet_200,94.670,5.330,99.090,0.910,16.37,224,0.875,bicubic
tresnet_m_448,94.670,5.330,99.170,0.830,31.39,448,0.875,bilinear
gluon_seresnext101_64x4d,94.660,5.340,98.970,1.030,88.23,224,0.875,bicubic
wide_resnet50_2,94.650,5.350,99.050,0.950,68.88,224,0.875,bicubic
halonet50ts,94.640,5.360,98.900,1.100,22.73,256,0.940,bicubic
swin_tiny_patch4_window7_224,94.640,5.360,99.120,0.880,28.29,224,0.900,bicubic
resnest50d,94.620,5.380,99.030,0.970,27.48,224,0.875,bilinear
swin_tiny_patch4_window7_224,94.620,5.380,99.120,0.880,28.29,224,0.900,bicubic
twins_pcpvt_small,94.600,5.400,99.150,0.850,24.11,224,0.900,bicubic
deit_small_distilled_patch16_224,94.590,5.410,99.100,0.900,22.44,224,0.900,bicubic
gcresnet50t,94.610,5.390,98.990,1.010,25.90,256,0.900,bicubic
twins_pcpvt_small,94.600,5.400,99.140,0.860,24.11,224,0.900,bicubic
pit_s_224,94.590,5.410,98.930,1.070,23.46,224,0.900,bicubic
vit_small_patch32_384,94.590,5.410,99.140,0.860,22.92,384,1.000,bicubic
tnt_s_patch16_224,94.580,5.420,99.180,0.820,23.76,224,0.900,bicubic
crossvit_small_240,94.590,5.410,99.120,0.880,26.86,240,0.875,bicubic
deit_small_distilled_patch16_224,94.590,5.410,99.090,0.910,22.44,224,0.900,bicubic
efficientnet_b3_pruned,94.580,5.420,99.070,0.930,9.86,300,0.904,bicubic
resmlp_36_distilled_224,94.570,5.430,99.160,0.840,44.69,224,0.875,bicubic
gernet_m,94.550,5.450,98.930,1.070,21.14,224,0.875,bilinear
repvgg_b3,94.550,5.450,98.910,1.090,123.09,224,0.875,bilinear
regnety_320,94.520,5.480,99.170,0.830,145.05,224,0.875,bicubic
tnt_s_patch16_224,94.570,5.430,99.180,0.820,23.76,224,0.900,bicubic
vit_small_patch32_384,94.570,5.430,99.140,0.860,22.92,384,1.000,bicubic
repvgg_b3,94.560,5.440,98.910,1.090,123.09,224,0.875,bilinear
gernet_m,94.550,5.450,98.920,1.080,21.14,224,0.875,bilinear
resmlp_36_distilled_224,94.550,5.450,99.160,0.840,44.69,224,0.875,bicubic
xcit_tiny_12_p16_384_dist,94.540,5.460,99.170,0.830,6.72,384,1.000,bicubic
sehalonet33ts,94.530,5.470,98.780,1.220,13.69,256,0.940,bicubic
haloregnetz_b,94.500,5.500,98.960,1.040,11.68,224,0.940,bicubic
regnety_320,94.500,5.500,99.170,0.830,145.05,224,0.875,bicubic
repvgg_b3g4,94.490,5.510,99.020,0.980,83.83,224,0.875,bilinear
ecaresnet101d_pruned,94.450,5.550,99.100,0.900,24.88,224,0.875,bicubic
gluon_seresnext101_32x4d,94.450,5.550,99.090,0.910,48.96,224,0.875,bicubic
gluon_resnet152_v1d,94.440,5.560,99.010,0.990,60.21,224,0.875,bicubic
levit_256,94.400,5.600,99.060,0.940,18.89,224,0.900,bicubic
nf_resnet50,94.400,5.600,99.070,0.930,25.56,288,0.940,bicubic
vit_base_patch32_224,94.390,5.610,99.060,0.940,88.22,224,0.900,bicubic
resnest50d_1s4x24d,94.390,5.610,99.070,0.930,25.68,224,0.875,bicubic
inception_v4,94.380,5.620,98.820,1.180,42.68,299,0.875,bicubic
gluon_resnet152_v1d,94.460,5.540,99.000,1.000,60.21,224,0.875,bicubic
ecaresnet101d_pruned,94.440,5.560,99.100,0.900,24.88,224,0.875,bicubic
gluon_seresnext101_32x4d,94.430,5.570,99.090,0.910,48.96,224,0.875,bicubic
convmixer_768_32,94.430,5.570,99.110,0.890,21.11,224,0.960,bicubic
gcresnext50ts,94.410,5.590,98.990,1.010,15.67,256,0.900,bicubic
levit_256,94.410,5.590,99.060,0.940,18.89,224,0.900,bicubic
nf_resnet50,94.380,5.620,99.070,0.930,25.56,288,0.940,bicubic
resnest50d_1s4x24d,94.380,5.620,99.060,0.940,25.68,224,0.875,bicubic
vit_base_patch32_224,94.380,5.620,99.060,0.940,88.22,224,0.900,bicubic
efficientnet_b2,94.370,5.630,99.050,0.950,9.11,288,1.000,bicubic
tf_efficientnet_el,94.360,5.640,99.100,0.900,10.59,300,0.904,bicubic
gluon_resnext101_64x4d,94.350,5.650,98.880,1.120,83.46,224,0.875,bicubic
inception_resnet_v2,94.340,5.660,98.800,1.200,55.84,299,0.897,bicubic
resmlp_24_distilled_224,94.330,5.670,99.090,0.910,30.02,224,0.875,bicubic
ssl_resnet50,94.310,5.690,99.150,0.850,25.56,224,0.875,bilinear
regnetx_120,94.270,5.730,99.190,0.810,46.11,224,0.875,bicubic
rexnet_150,94.270,5.730,99.080,0.920,9.73,224,0.875,bicubic
tf_efficientnet_b2_ap,94.270,5.730,98.950,1.050,9.11,260,0.890,bicubic
resmlp_big_24_224,94.260,5.740,98.820,1.180,129.14,224,0.875,bicubic
mixnet_xl,94.230,5.770,98.820,1.180,11.90,224,0.875,bicubic
tf_efficientnet_b2,94.210,5.790,99.030,0.970,9.11,260,0.890,bicubic
inception_v4,94.370,5.630,98.820,1.180,42.68,299,0.875,bicubic
xcit_tiny_12_p8_224,94.370,5.630,99.070,0.930,6.71,224,1.000,bicubic
tf_efficientnet_el,94.350,5.650,99.090,0.910,10.59,300,0.904,bicubic
resmlp_24_distilled_224,94.340,5.660,99.090,0.910,30.02,224,0.875,bicubic
gluon_resnext101_64x4d,94.330,5.670,98.880,1.120,83.46,224,0.875,bicubic
inception_resnet_v2,94.320,5.680,98.800,1.200,55.84,299,0.897,bicubic
ssl_resnet50,94.320,5.680,99.160,0.840,25.56,224,0.875,bilinear
regnetx_120,94.290,5.710,99.200,0.800,46.11,224,0.875,bicubic
resnetv2_50,94.290,5.710,98.930,1.070,25.55,224,0.950,bicubic
tf_efficientnet_b2_ap,94.280,5.720,98.950,1.050,9.11,260,0.890,bicubic
resmlp_big_24_224,94.270,5.730,98.820,1.180,129.14,224,0.875,bicubic
rexnet_150,94.270,5.730,99.090,0.910,9.73,224,0.875,bicubic
seresnet33ts,94.260,5.740,98.780,1.220,19.78,256,0.900,bicubic
mixnet_xl,94.220,5.780,98.810,1.190,11.90,224,0.875,bicubic
xcit_tiny_24_p16_224_dist,94.220,5.780,98.960,1.040,12.12,224,1.000,bicubic
ecaresnet50d,94.210,5.790,99.010,0.990,25.58,224,0.875,bicubic
regnetx_320,94.210,5.790,99.050,0.950,107.81,224,0.875,bicubic
dpn92,94.190,5.810,98.930,1.070,37.67,224,0.875,bicubic
ecaresnet50d,94.190,5.810,99.020,0.980,25.58,224,0.875,bicubic
gluon_resnet101_v1d,94.170,5.830,98.940,1.060,44.57,224,0.875,bicubic
gluon_resnet101_v1s,94.170,5.830,99.010,0.990,44.67,224,0.875,bicubic
gluon_seresnext50_32x4d,94.170,5.830,98.910,1.090,27.56,224,0.875,bicubic
ecaresnetlight,94.140,5.860,98.950,1.050,30.16,224,0.875,bicubic
tf_efficientnet_b2,94.200,5.800,99.030,0.970,9.11,260,0.890,bicubic
dpn92,94.180,5.820,98.930,1.070,37.67,224,0.875,bicubic
gluon_resnet101_v1d,94.180,5.820,98.950,1.050,44.57,224,0.875,bicubic
gluon_resnet101_v1s,94.180,5.820,99.020,0.980,44.67,224,0.875,bicubic
gluon_seresnext50_32x4d,94.180,5.820,98.910,1.090,27.56,224,0.875,bicubic
legacy_seresnext101_32x4d,94.170,5.830,98.970,1.030,48.96,224,0.875,bilinear
ens_adv_inception_resnet_v2,94.140,5.860,98.790,1.210,55.84,299,0.897,bicubic
regnety_064,94.140,5.860,99.030,0.970,30.58,224,0.875,bicubic
ens_adv_inception_resnet_v2,94.130,5.870,98.790,1.210,55.84,299,0.897,bicubic
legacy_seresnext101_32x4d,94.130,5.870,98.970,1.030,48.96,224,0.875,bilinear
tf_efficientnet_lite3,94.130,5.870,98.960,1.040,8.20,300,0.904,bilinear
gluon_resnext101_32x4d,94.120,5.880,98.930,1.070,44.18,224,0.875,bicubic
efficientnet_el_pruned,94.090,5.910,99.010,0.990,10.59,300,0.904,bicubic
cspdarknet53,94.090,5.910,98.980,1.020,27.64,256,0.887,bilinear
seresnet50,94.080,5.920,98.970,1.030,28.09,224,0.875,bicubic
ecaresnetlight,94.140,5.860,98.950,1.050,30.16,224,0.875,bicubic
gluon_resnext101_32x4d,94.120,5.880,98.940,1.060,44.18,224,0.875,bicubic
tf_efficientnet_lite3,94.110,5.890,98.960,1.040,8.20,300,0.904,bilinear
cspdarknet53,94.100,5.900,98.980,1.020,27.64,256,0.887,bilinear
seresnet50,94.080,5.920,98.950,1.050,28.09,224,0.875,bicubic
resnet50d,94.070,5.930,98.920,1.080,25.58,224,0.875,bicubic
tf_efficientnetv2_b2,94.070,5.930,98.930,1.070,10.10,260,0.890,bicubic
gluon_resnet152_v1b,94.030,5.970,98.740,1.260,60.19,224,0.875,bicubic
hrnet_w48,94.030,5.970,99.040,0.960,77.47,224,0.875,bilinear
resnetrs50,94.020,5.980,98.850,1.150,35.69,224,0.910,bicubic
gluon_xception65,94.010,5.990,99.020,0.980,39.92,299,0.903,bicubic
regnety_120,94.010,5.990,99.030,0.970,51.82,224,0.875,bicubic
deit_small_patch16_224,94.000,6.000,98.960,1.040,22.05,224,0.900,bicubic
dla102x2,94.000,6.000,99.030,0.970,41.28,224,0.875,bilinear
efficientnet_el_pruned,94.060,5.940,99.020,0.980,10.59,300,0.904,bicubic
regnety_120,94.060,5.940,99.020,0.980,51.82,224,0.875,bicubic
tf_efficientnetv2_b2,94.060,5.940,98.940,1.060,10.10,260,0.890,bicubic
gluon_xception65,94.040,5.960,99.030,0.970,39.92,299,0.903,bicubic
hrnet_w48,94.030,5.970,99.030,0.970,77.47,224,0.875,bilinear
resnetrs50,94.030,5.970,98.830,1.170,35.69,224,0.910,bicubic
gluon_resnet152_v1b,94.020,5.980,98.750,1.250,60.19,224,0.875,bicubic
dla102x2,94.010,5.990,99.030,0.970,41.28,224,0.875,bilinear
deit_small_patch16_224,93.990,6.010,98.960,1.040,22.05,224,0.900,bicubic
dpn107,93.960,6.040,98.840,1.160,86.92,224,0.875,bicubic
skresnext50_32x4d,93.950,6.050,98.820,1.180,27.48,224,0.875,bicubic
ecaresnet26t,93.940,6.060,98.920,1.080,16.01,320,0.950,bicubic
cait_xxs36_224,93.940,6.060,98.890,1.110,17.30,224,1.000,bicubic
dpn98,93.940,6.060,98.920,1.080,61.57,224,0.875,bicubic
xception71,93.890,6.110,98.950,1.050,42.34,299,0.903,bicubic
regnety_080,93.890,6.110,99.000,1.000,39.18,224,0.875,bicubic
skresnext50_32x4d,93.950,6.050,98.830,1.170,27.48,224,0.875,bicubic
resnet50,93.950,6.050,98.470,1.530,25.56,224,0.950,bicubic
cait_xxs36_224,93.940,6.060,98.880,1.120,17.30,224,1.000,bicubic
dpn98,93.930,6.070,98.920,1.080,61.57,224,0.875,bicubic
ecaresnet26t,93.930,6.070,98.930,1.070,16.01,320,0.950,bicubic
regnetx_160,93.900,6.100,99.080,0.920,54.28,224,0.875,bicubic
regnety_080,93.900,6.100,98.990,1.010,39.18,224,0.875,bicubic
xception71,93.900,6.100,98.950,1.050,42.34,299,0.903,bicubic
nf_regnet_b1,93.890,6.110,98.750,1.250,10.22,288,0.900,bicubic
vit_base_patch16_sam_224,93.890,6.110,98.890,1.110,86.57,224,0.900,bicubic
gluon_resnet152_v1c,93.880,6.120,98.800,1.200,60.21,224,0.875,bicubic
regnetx_160,93.880,6.120,99.090,0.910,54.28,224,0.875,bicubic
nf_regnet_b1,93.880,6.120,98.740,1.260,10.22,288,0.900,bicubic
cspresnet50,93.860,6.140,98.870,1.130,21.62,256,0.887,bilinear
eca_resnet33ts,93.870,6.130,98.890,1.110,19.68,256,0.900,bicubic
hrnet_w64,93.850,6.150,98.930,1.070,128.06,224,0.875,bilinear
xcit_tiny_24_p16_224,93.850,6.150,98.770,1.230,12.12,224,1.000,bicubic
resnext50_32x4d,93.850,6.150,98.820,1.180,25.03,224,0.875,bicubic
ese_vovnet39b,93.850,6.150,98.900,1.100,24.57,224,0.875,bicubic
resnext50_32x4d,93.840,6.160,98.830,1.170,25.03,224,0.875,bicubic
hrnet_w64,93.830,6.170,98.930,1.070,128.06,224,0.875,bilinear
cspresnet50,93.850,6.150,98.870,1.130,21.62,256,0.887,bilinear
ecaresnet50d_pruned,93.820,6.180,99.000,1.000,19.94,224,0.875,bicubic
repvgg_b2g4,93.820,6.180,98.930,1.070,61.76,224,0.875,bilinear
resnext50d_32x4d,93.810,6.190,98.740,1.260,25.05,224,0.875,bicubic
gcresnet33ts,93.820,6.180,98.930,1.070,19.88,256,0.900,bicubic
repvgg_b2g4,93.820,6.180,98.920,1.080,61.76,224,0.875,bilinear
efficientnet_b2_pruned,93.800,6.200,98.910,1.090,8.31,260,0.890,bicubic
dla169,93.800,6.200,98.840,1.160,53.39,224,0.875,bilinear
regnetx_080,93.790,6.210,98.910,1.090,39.57,224,0.875,bicubic
resnext50d_32x4d,93.800,6.200,98.730,1.270,25.05,224,0.875,bicubic
regnetx_080,93.790,6.210,98.900,1.100,39.57,224,0.875,bicubic
dla169,93.780,6.220,98.830,1.170,53.39,224,0.875,bilinear
cspresnext50,93.770,6.230,98.840,1.160,20.57,224,0.875,bilinear
gluon_resnet101_v1b,93.770,6.230,98.720,1.280,44.55,224,0.875,bicubic
resnext101_32x8d,93.770,6.230,98.950,1.050,88.79,224,0.875,bilinear
cspresnext50,93.760,6.240,98.840,1.160,20.57,224,0.875,bilinear
dpn131,93.760,6.240,98.800,1.200,79.25,224,0.875,bicubic
gluon_resnet101_v1b,93.760,6.240,98.700,1.300,44.55,224,0.875,bicubic
xception65,93.760,6.240,98.860,1.140,39.92,299,0.903,bicubic
efficientnet_em,93.740,6.260,98.930,1.070,6.90,240,0.882,bicubic
tf_efficientnet_b0_ns,93.740,6.260,98.980,1.020,5.29,224,0.875,bicubic
wide_resnet101_2,93.730,6.270,98.810,1.190,126.89,224,0.875,bilinear
resnetblur50,93.710,6.290,98.810,1.190,25.56,224,0.875,bicubic
tf_efficientnetv2_b1,93.710,6.290,98.820,1.180,8.14,240,0.882,bicubic
tf_efficientnet_b1,93.710,6.290,98.800,1.200,7.79,240,0.882,bicubic
levit_192,93.710,6.290,98.790,1.210,10.95,224,0.900,bicubic
dpn131,93.760,6.240,98.850,1.150,79.25,224,0.875,bicubic
tf_efficientnet_b0_ns,93.760,6.240,98.980,1.020,5.29,224,0.875,bicubic
efficientnet_em,93.750,6.250,98.920,1.080,6.90,240,0.882,bicubic
xception65,93.740,6.260,98.870,1.130,39.92,299,0.903,bicubic
wide_resnet101_2,93.720,6.280,98.810,1.190,126.89,224,0.875,bilinear
hrnet_w40,93.710,6.290,98.800,1.200,57.56,224,0.875,bilinear
gluon_resnet101_v1c,93.690,6.310,98.760,1.240,44.57,224,0.875,bicubic
regnetx_040,93.680,6.320,98.940,1.060,22.12,224,0.875,bicubic
rexnet_130,93.670,6.330,98.710,1.290,7.56,224,0.875,bicubic
gluon_resnext50_32x4d,93.650,6.350,98.690,1.310,25.03,224,0.875,bicubic
resmlp_36_224,93.650,6.350,98.950,1.050,44.69,224,0.875,bicubic
xception,93.640,6.360,98.770,1.230,22.86,299,0.897,bicubic
regnetx_064,93.630,6.370,99.050,0.950,26.21,224,0.875,bicubic
tf_efficientnet_b1_ap,93.630,6.370,98.800,1.200,7.79,240,0.882,bicubic
hrnet_w44,93.620,6.380,98.960,1.040,67.06,224,0.875,bilinear
regnety_040,93.620,6.380,98.950,1.050,20.65,224,0.875,bicubic
dpn68b,93.620,6.380,98.700,1.300,12.61,224,0.875,bicubic
gluon_resnet50_v1s,93.590,6.410,98.840,1.160,25.68,224,0.875,bicubic
repvgg_b2,93.590,6.410,99.070,0.930,89.02,224,0.875,bilinear
res2net50_26w_6s,93.590,6.410,98.750,1.250,37.05,224,0.875,bilinear
dla60_res2next,93.570,6.430,98.800,1.200,17.03,224,0.875,bilinear
tf_efficientnet_cc_b1_8e,93.570,6.430,98.690,1.310,39.72,240,0.882,bicubic
gluon_inception_v3,93.540,6.460,98.830,1.170,23.83,299,0.875,bicubic
dla102x,93.530,6.470,98.850,1.150,26.31,224,0.875,bilinear
gluon_resnet50_v1d,93.530,6.470,98.710,1.290,25.58,224,0.875,bicubic
res2net101_26w_4s,93.520,6.480,98.600,1.400,45.21,224,0.875,bilinear
coat_tiny,93.510,6.490,98.690,1.310,5.50,224,0.900,bicubic
selecsls60b,93.500,6.500,98.840,1.160,32.77,224,0.875,bicubic
levit_192,93.710,6.290,98.790,1.210,10.95,224,0.900,bicubic
resnetblur50,93.710,6.290,98.800,1.200,25.56,224,0.875,bicubic
tf_efficientnet_b1,93.710,6.290,98.800,1.200,7.79,240,0.882,bicubic
tf_efficientnetv2_b1,93.700,6.300,98.810,1.190,8.14,240,0.882,bicubic
rexnet_130,93.690,6.310,98.720,1.280,7.56,224,0.875,bicubic
gluon_resnext50_32x4d,93.670,6.330,98.700,1.300,25.03,224,0.875,bicubic
regnetx_040,93.670,6.330,98.950,1.050,22.12,224,0.875,bicubic
resmlp_36_224,93.670,6.330,98.950,1.050,44.69,224,0.875,bicubic
gluon_resnet101_v1c,93.660,6.340,98.760,1.240,44.57,224,0.875,bicubic
regnetx_064,93.650,6.350,99.050,0.950,26.21,224,0.875,bicubic
xception,93.650,6.350,98.770,1.230,22.86,299,0.897,bicubic
tf_efficientnet_b1_ap,93.640,6.360,98.780,1.220,7.79,240,0.882,bicubic
hrnet_w44,93.620,6.380,98.950,1.050,67.06,224,0.875,bilinear
resnet33ts,93.620,6.380,98.770,1.230,19.68,256,0.900,bicubic
regnety_040,93.610,6.390,98.960,1.040,20.65,224,0.875,bicubic
halonet26t,93.610,6.390,98.640,1.360,12.48,256,0.950,bicubic
dpn68b,93.600,6.400,98.710,1.290,12.61,224,0.875,bicubic
gluon_inception_v3,93.590,6.410,98.840,1.160,23.83,299,0.875,bicubic
gluon_resnet50_v1s,93.590,6.410,98.830,1.170,25.68,224,0.875,bicubic
res2net50_26w_6s,93.580,6.420,98.740,1.260,37.05,224,0.875,bilinear
tf_efficientnet_cc_b1_8e,93.580,6.420,98.690,1.310,39.72,240,0.882,bicubic
repvgg_b2,93.570,6.430,99.070,0.930,89.02,224,0.875,bilinear
resnet32ts,93.570,6.430,98.750,1.250,17.96,256,0.900,bicubic
dla60_res2next,93.560,6.440,98.800,1.200,17.03,224,0.875,bilinear
gluon_resnet50_v1d,93.550,6.450,98.710,1.290,25.58,224,0.875,bicubic
res2net101_26w_4s,93.520,6.480,98.630,1.370,45.21,224,0.875,bilinear
dla102x,93.510,6.490,98.850,1.150,26.31,224,0.875,bilinear
gmlp_s16_224,93.510,6.490,98.780,1.220,19.42,224,0.875,bicubic
coat_tiny,93.500,6.500,98.680,1.320,5.50,224,0.900,bicubic
cait_xxs24_224,93.490,6.510,98.770,1.230,11.96,224,1.000,bicubic
xception41,93.480,6.520,98.750,1.250,26.97,299,0.903,bicubic
resnet50,93.460,6.540,98.600,1.400,25.56,224,0.875,bicubic
res2net50_26w_8s,93.450,6.550,98.700,1.300,48.40,224,0.875,bilinear
coat_lite_mini,93.450,6.550,98.780,1.220,11.01,224,0.900,bicubic
legacy_seresnet152,93.440,6.560,98.850,1.150,66.82,224,0.875,bilinear
resmlp_24_224,93.440,6.560,98.810,1.190,30.02,224,0.875,bicubic
legacy_seresnext50_32x4d,93.430,6.570,98.800,1.200,27.56,224,0.875,bilinear
vit_tiny_patch16_384,93.420,6.580,98.830,1.170,5.79,384,1.000,bicubic
repvgg_b1,93.410,6.590,98.790,1.210,57.42,224,0.875,bilinear
dla60_res2net,93.380,6.620,98.860,1.140,20.85,224,0.875,bilinear
hrnet_w30,93.370,6.630,98.830,1.170,37.71,224,0.875,bilinear
dla102,93.260,6.740,98.780,1.220,33.27,224,0.875,bilinear
legacy_seresnet101,93.260,6.740,98.740,1.260,49.33,224,0.875,bilinear
mixnet_l,93.260,6.740,98.700,1.300,7.33,224,0.875,bicubic
regnetx_032,93.250,6.750,98.730,1.270,15.30,224,0.875,bicubic
tv_resnet152,93.240,6.760,98.750,1.250,60.19,224,0.875,bilinear
pit_xs_distilled_224,93.240,6.760,98.820,1.180,11.00,224,0.900,bicubic
resnest26d,93.240,6.760,98.850,1.150,17.07,224,0.875,bilinear
tf_inception_v3,93.200,6.800,98.480,1.520,23.83,299,0.875,bicubic
dla60x,93.190,6.810,98.710,1.290,17.35,224,0.875,bilinear
coat_lite_mini,93.490,6.510,98.780,1.220,11.01,224,0.900,bicubic
xception41,93.480,6.520,98.760,1.240,26.97,299,0.903,bicubic
selecsls60b,93.480,6.520,98.840,1.160,32.77,224,0.875,bicubic
legacy_seresnet152,93.460,6.540,98.850,1.150,66.82,224,0.875,bilinear
lambda_resnet26rpt_256,93.440,6.560,98.880,1.120,10.99,256,0.940,bicubic
res2net50_26w_8s,93.430,6.570,98.670,1.330,48.40,224,0.875,bilinear
resmlp_24_224,93.430,6.570,98.810,1.190,30.02,224,0.875,bicubic
vit_tiny_patch16_384,93.430,6.570,98.840,1.160,5.79,384,1.000,bicubic
hrnet_w30,93.410,6.590,98.830,1.170,37.71,224,0.875,bilinear
legacy_seresnext50_32x4d,93.410,6.590,98.800,1.200,27.56,224,0.875,bilinear
repvgg_b1,93.410,6.590,98.780,1.220,57.42,224,0.875,bilinear
lambda_resnet26t,93.400,6.600,98.760,1.240,10.96,256,0.940,bicubic
dla60_res2net,93.380,6.620,98.830,1.170,20.85,224,0.875,bilinear
xcit_tiny_12_p16_224_dist,93.340,6.660,98.750,1.250,6.72,224,1.000,bicubic
dla102,93.290,6.710,98.780,1.220,33.27,224,0.875,bilinear
legacy_seresnet101,93.290,6.710,98.750,1.250,49.33,224,0.875,bilinear
mixnet_l,93.290,6.710,98.710,1.290,7.33,224,0.875,bicubic
regnetx_032,93.270,6.730,98.740,1.260,15.30,224,0.875,bicubic
resnest26d,93.260,6.740,98.840,1.160,17.07,224,0.875,bilinear
tv_resnet152,93.260,6.740,98.750,1.250,60.19,224,0.875,bilinear
xcit_nano_12_p8_384_dist,93.250,6.750,98.850,1.150,3.05,384,1.000,bicubic
pit_xs_distilled_224,93.230,6.770,98.820,1.180,11.00,224,0.900,bicubic
dla60x,93.210,6.790,98.720,1.280,17.35,224,0.875,bilinear
tf_inception_v3,93.210,6.790,98.490,1.510,23.83,299,0.875,bicubic
tf_efficientnet_em,93.200,6.800,98.680,1.320,6.90,240,0.882,bicubic
res2net50_26w_4s,93.180,6.820,98.670,1.330,25.70,224,0.875,bilinear
tf_efficientnet_em,93.170,6.830,98.670,1.330,6.90,240,0.882,bicubic
res2next50,93.150,6.850,98.660,1.340,24.67,224,0.875,bilinear
eca_halonext26ts,93.140,6.860,98.690,1.310,10.76,256,0.940,bicubic
res2next50,93.110,6.890,98.660,1.340,24.67,224,0.875,bilinear
bat_resnext26ts,93.100,6.900,98.720,1.280,10.73,256,0.900,bicubic
tf_efficientnetv2_b0,93.060,6.940,98.700,1.300,7.14,224,0.875,bicubic
levit_128,93.050,6.950,98.690,1.310,9.21,224,0.900,bicubic
tf_mixnet_l,93.040,6.960,98.540,1.460,7.33,224,0.875,bicubic
res2net50_14w_8s,93.030,6.970,98.700,1.300,25.06,224,0.875,bilinear
repvgg_b1g4,93.030,6.970,98.820,1.180,39.97,224,0.875,bilinear
efficientnet_b1,93.030,6.970,98.710,1.290,7.79,256,1.000,bicubic
adv_inception_v3,93.010,6.990,98.490,1.510,23.83,299,0.875,bicubic
selecsls60,93.010,6.990,98.830,1.170,30.67,224,0.875,bicubic
regnety_016,93.000,7.000,98.680,1.320,11.20,224,0.875,bicubic
efficientnet_b1_pruned,92.980,7.020,98.530,1.470,6.33,240,0.882,bicubic
tf_mixnet_l,93.050,6.950,98.540,1.460,7.33,224,0.875,bicubic
levit_128,93.040,6.960,98.690,1.310,9.21,224,0.900,bicubic
repvgg_b1g4,93.040,6.960,98.820,1.180,39.97,224,0.875,bilinear
regnety_016,93.030,6.970,98.690,1.310,11.20,224,0.875,bicubic
res2net50_14w_8s,93.020,6.980,98.700,1.300,25.06,224,0.875,bilinear
efficientnet_b1,93.020,6.980,98.710,1.290,7.79,256,1.000,bicubic
selecsls60,93.000,7.000,98.830,1.170,30.67,224,0.875,bicubic
adv_inception_v3,92.990,7.010,98.480,1.520,23.83,299,0.875,bicubic
hardcorenas_f,92.980,7.020,98.620,1.380,8.20,224,0.875,bilinear
hardcorenas_e,92.950,7.050,98.570,1.430,8.07,224,0.875,bilinear
efficientnet_b1_pruned,92.960,7.040,98.520,1.480,6.33,240,0.882,bicubic
hardcorenas_e,92.960,7.040,98.570,1.430,8.07,224,0.875,bilinear
hrnet_w32,92.950,7.050,98.840,1.160,41.23,224,0.875,bilinear
efficientnet_es,92.910,7.090,98.690,1.310,5.44,224,0.875,bicubic
gluon_resnet50_v1c,92.910,7.090,98.710,1.290,25.58,224,0.875,bicubic
pit_xs_224,92.910,7.090,98.780,1.220,10.62,224,0.900,bicubic
tv_resnext50_32x4d,92.900,7.100,98.720,1.280,25.03,224,0.875,bilinear
inception_v3,92.900,7.100,98.330,1.670,23.83,299,0.875,bicubic
densenet161,92.900,7.100,98.810,1.190,28.68,224,0.875,bicubic
efficientnet_es,92.940,7.060,98.690,1.310,5.44,224,0.875,bicubic
gluon_resnet50_v1c,92.920,7.080,98.710,1.290,25.58,224,0.875,bicubic
tv_resnext50_32x4d,92.910,7.090,98.730,1.270,25.03,224,0.875,bilinear
inception_v3,92.900,7.100,98.320,1.680,23.83,299,0.875,bicubic
pit_xs_224,92.900,7.100,98.790,1.210,10.62,224,0.900,bicubic
densenet161,92.880,7.120,98.810,1.190,28.68,224,0.875,bicubic
tv_resnet101,92.880,7.120,98.660,1.340,44.55,224,0.875,bilinear
resmlp_12_distilled_224,92.870,7.130,98.630,1.370,15.35,224,0.875,bicubic
tf_efficientnet_cc_b0_8e,92.870,7.130,98.460,1.540,24.01,224,0.875,bicubic
coat_lite_tiny,92.850,7.150,98.640,1.360,5.72,224,0.900,bicubic
rexnet_100,92.850,7.150,98.620,1.380,4.80,224,0.875,bicubic
tf_efficientnet_cc_b0_8e,92.850,7.150,98.460,1.540,24.01,224,0.875,bicubic
rexnet_100,92.840,7.160,98.620,1.380,4.80,224,0.875,bicubic
tf_efficientnet_cc_b0_4e,92.840,7.160,98.440,1.560,13.31,224,0.875,bicubic
seresnext26t_32x4d,92.820,7.180,98.560,1.440,16.81,224,0.875,bicubic
res2net50_48w_2s,92.790,7.210,98.470,1.530,25.29,224,0.875,bilinear
hrnet_w18,92.760,7.240,98.660,1.340,21.30,224,0.875,bilinear
densenet201,92.690,7.310,98.650,1.350,20.01,224,0.875,bicubic
repvgg_a2,92.680,7.320,98.520,1.480,28.21,224,0.875,bilinear
gmixer_24_224,92.680,7.320,98.280,1.720,24.72,224,0.875,bicubic
dla60,92.670,7.330,98.630,1.370,22.04,224,0.875,bilinear
legacy_seresnet50,92.670,7.330,98.650,1.350,28.09,224,0.875,bilinear
resnet34d,92.640,7.360,98.420,1.580,21.82,224,0.875,bicubic
coat_lite_tiny,92.830,7.170,98.640,1.360,5.72,224,0.900,bicubic
res2net50_48w_2s,92.800,7.200,98.470,1.530,25.29,224,0.875,bilinear
seresnext26ts,92.790,7.210,98.600,1.400,10.39,256,0.900,bicubic
seresnext26t_32x4d,92.770,7.230,98.550,1.450,16.81,224,0.875,bicubic
crossvit_9_dagger_240,92.750,7.250,98.510,1.490,8.78,240,0.875,bicubic
hrnet_w18,92.750,7.250,98.650,1.350,21.30,224,0.875,bilinear
densenet201,92.690,7.310,98.660,1.340,20.01,224,0.875,bicubic
dla60,92.690,7.310,98.630,1.370,22.04,224,0.875,bilinear
resnet26t,92.680,7.320,98.600,1.400,16.01,256,0.940,bicubic
gmixer_24_224,92.670,7.330,98.260,1.740,24.72,224,0.875,bicubic
legacy_seresnet50,92.670,7.330,98.660,1.340,28.09,224,0.875,bilinear
repvgg_a2,92.660,7.340,98.530,1.470,28.21,224,0.875,bilinear
resnet34d,92.640,7.360,98.440,1.560,21.82,224,0.875,bicubic
mobilenetv2_120d,92.610,7.390,98.510,1.490,5.83,224,0.875,bicubic
tf_efficientnet_b0_ap,92.610,7.390,98.370,1.630,5.29,224,0.875,bicubic
tf_efficientnet_b0_ap,92.600,7.400,98.370,1.630,5.29,224,0.875,bicubic
hardcorenas_d,92.600,7.400,98.430,1.570,7.50,224,0.875,bilinear
tf_efficientnet_lite2,92.590,7.410,98.550,1.450,6.09,260,0.890,bicubic
legacy_seresnext26_32x4d,92.570,7.430,98.420,1.580,16.79,224,0.875,bicubic
skresnet34,92.570,7.430,98.520,1.480,22.28,224,0.875,bicubic
gluon_resnet50_v1b,92.560,7.440,98.550,1.450,25.56,224,0.875,bicubic
regnetx_016,92.540,7.460,98.550,1.450,9.19,224,0.875,bicubic
legacy_seresnext26_32x4d,92.590,7.410,98.420,1.580,16.79,224,0.875,bicubic
tf_efficientnet_lite2,92.570,7.430,98.550,1.450,6.09,260,0.890,bicubic
regnetx_016,92.560,7.440,98.550,1.450,9.19,224,0.875,bicubic
skresnet34,92.560,7.440,98.510,1.490,22.28,224,0.875,bicubic
gluon_resnet50_v1b,92.550,7.450,98.550,1.450,25.56,224,0.875,bicubic
selecsls42b,92.480,7.520,98.440,1.560,32.46,224,0.875,bicubic
efficientnet_b0,92.480,7.520,98.680,1.320,5.29,224,0.875,bicubic
gernet_s,92.440,7.560,98.500,1.500,8.17,224,0.875,bilinear
seresnext26d_32x4d,92.440,7.560,98.540,1.460,16.81,224,0.875,bicubic
densenetblur121d,92.400,7.600,98.410,1.590,8.00,224,0.875,bicubic
efficientnet_b0,92.470,7.530,98.680,1.320,5.29,224,0.875,bicubic
gcresnext26ts,92.470,7.530,98.500,1.500,10.48,256,0.900,bicubic
xcit_tiny_12_p16_224,92.460,7.540,98.630,1.370,6.72,224,1.000,bicubic
gernet_s,92.440,7.560,98.490,1.510,8.17,224,0.875,bilinear
seresnext26d_32x4d,92.430,7.570,98.540,1.460,16.81,224,0.875,bicubic
eca_resnext26ts,92.420,7.580,98.610,1.390,10.30,256,0.900,bicubic
xcit_nano_12_p8_224_dist,92.410,7.590,98.510,1.490,3.05,224,1.000,bicubic
tf_efficientnet_b0,92.400,7.600,98.470,1.530,5.29,224,0.875,bicubic
densenetblur121d,92.400,7.600,98.420,1.580,8.00,224,0.875,bicubic
convmixer_1024_20_ks9_p14,92.350,7.650,98.420,1.580,24.38,224,0.960,bicubic
hardcorenas_c,92.330,7.670,98.340,1.660,5.52,224,0.875,bilinear
tf_efficientnet_lite1,92.310,7.690,98.490,1.510,5.42,240,0.882,bicubic
densenet169,92.300,7.700,98.590,1.410,14.15,224,0.875,bicubic
mixnet_m,92.270,7.730,98.350,1.650,5.01,224,0.875,bicubic
tf_efficientnet_lite1,92.320,7.680,98.490,1.510,5.42,240,0.882,bicubic
densenet169,92.290,7.710,98.590,1.410,14.15,224,0.875,bicubic
dpn68,92.260,7.740,98.600,1.400,12.61,224,0.875,bicubic
mixnet_m,92.260,7.740,98.370,1.630,5.01,224,0.875,bicubic
mobilenetv3_large_100_miil,92.250,7.750,98.250,1.750,5.48,224,0.875,bilinear
dpn68,92.240,7.760,98.610,1.390,12.61,224,0.875,bicubic
resnet26d,92.230,7.770,98.450,1.550,16.01,224,0.875,bicubic
tf_mixnet_m,92.200,7.800,98.420,1.580,5.01,224,0.875,bicubic
resnet26d,92.250,7.750,98.470,1.530,16.01,224,0.875,bicubic
resnext26ts,92.210,7.790,98.280,1.720,10.30,256,0.900,bicubic
tf_mixnet_m,92.170,7.830,98.420,1.580,5.01,224,0.875,bicubic
vit_small_patch32_224,92.150,7.850,98.510,1.490,22.88,224,0.900,bicubic
tv_resnet50,92.140,7.860,98.420,1.580,25.56,224,0.875,bilinear
resmlp_12_224,92.120,7.880,98.570,1.430,15.35,224,0.875,bicubic
tf_efficientnet_es,92.100,7.900,98.440,1.560,5.44,224,0.875,bicubic
resmlp_12_224,92.130,7.870,98.570,1.430,15.35,224,0.875,bicubic
tv_resnet50,92.110,7.890,98.420,1.580,25.56,224,0.875,bilinear
tf_efficientnet_es,92.100,7.900,98.430,1.570,5.44,224,0.875,bicubic
xcit_nano_12_p16_384_dist,92.100,7.900,98.520,1.480,3.05,384,1.000,bicubic
mobilenetv2_140,92.030,7.970,98.250,1.750,6.11,224,0.875,bicubic
ese_vovnet19b_dw,92.010,7.990,98.510,1.490,6.54,224,0.875,bicubic
ese_vovnet19b_dw,92.020,7.980,98.520,1.480,6.54,224,0.875,bicubic
hardcorenas_b,91.970,8.030,98.400,1.600,5.18,224,0.875,bilinear
densenet121,91.940,8.060,98.280,1.720,7.98,224,0.875,bicubic
hardcorenas_b,91.940,8.060,98.400,1.600,5.18,224,0.875,bilinear
vit_tiny_patch16_224,91.930,8.070,98.340,1.660,5.72,224,0.900,bicubic
regnety_008,91.900,8.100,98.420,1.580,6.26,224,0.875,bicubic
vit_tiny_patch16_224,91.930,8.070,98.330,1.670,5.72,224,0.900,bicubic
regnety_008,91.890,8.110,98.420,1.580,6.26,224,0.875,bicubic
mixnet_s,91.780,8.220,98.300,1.700,4.13,224,0.875,bicubic
vit_tiny_r_s16_p8_384,91.730,8.270,98.430,1.570,6.36,384,1.000,bicubic
efficientnet_es_pruned,91.700,8.300,98.420,1.580,5.44,224,0.875,bicubic
tf_mixnet_s,91.680,8.320,98.240,1.760,4.13,224,0.875,bicubic
repvgg_b0,91.680,8.320,98.450,1.550,15.82,224,0.875,bilinear
semnasnet_100,91.660,8.340,98.270,1.730,3.89,224,0.875,bicubic
hardcorenas_a,91.620,8.380,98.170,1.830,5.26,224,0.875,bilinear
regnety_006,91.570,8.430,98.430,1.570,6.06,224,0.875,bicubic
vit_tiny_r_s16_p8_384,91.720,8.280,98.430,1.570,6.36,384,1.000,bicubic
efficientnet_es_pruned,91.710,8.290,98.400,1.600,5.44,224,0.875,bicubic
tf_mixnet_s,91.690,8.310,98.240,1.760,4.13,224,0.875,bicubic
repvgg_b0,91.670,8.330,98.450,1.550,15.82,224,0.875,bilinear
semnasnet_100,91.660,8.340,98.260,1.740,3.89,224,0.875,bicubic
hardcorenas_a,91.610,8.390,98.170,1.830,5.26,224,0.875,bilinear
regnety_006,91.580,8.420,98.430,1.570,6.06,224,0.875,bicubic
mobilenetv3_rw,91.550,8.450,98.270,1.730,5.48,224,0.875,bicubic
levit_128s,91.500,8.500,98.400,1.600,7.78,224,0.900,bicubic
mobilenetv3_large_100,91.480,8.520,98.330,1.670,5.48,224,0.875,bicubic
legacy_seresnet34,91.480,8.520,98.200,1.800,21.96,224,0.875,bilinear
mobilenetv3_large_100,91.480,8.520,98.320,1.680,5.48,224,0.875,bicubic
resnet26,91.440,8.560,98.280,1.720,16.00,224,0.875,bicubic
tf_mobilenetv3_large_100,91.420,8.580,98.260,1.740,5.48,224,0.875,bilinear
resnet26,91.460,8.540,98.270,1.730,16.00,224,0.875,bicubic
tf_mobilenetv3_large_100,91.410,8.590,98.250,1.750,5.48,224,0.875,bilinear
tv_densenet121,91.400,8.600,98.250,1.750,7.98,224,0.875,bicubic
mobilenetv2_110d,91.350,8.650,98.190,1.810,4.52,224,0.875,bicubic
tf_efficientnet_lite0,91.300,8.700,98.090,1.910,4.65,224,0.875,bicubic
fbnetc_100,91.270,8.730,97.830,2.170,5.57,224,0.875,bilinear
efficientnet_lite0,91.260,8.740,98.250,1.750,4.65,224,0.875,bicubic
dla34,91.240,8.760,98.180,1.820,15.74,224,0.875,bilinear
mnasnet_100,91.200,8.800,98.050,1.950,4.38,224,0.875,bicubic
resnet34,91.200,8.800,98.240,1.760,21.80,224,0.875,bilinear
regnetx_008,91.180,8.820,98.380,1.620,7.26,224,0.875,bicubic
hrnet_w18_small_v2,91.170,8.830,98.340,1.660,15.60,224,0.875,bilinear
mixer_b16_224,91.140,8.860,97.400,2.600,59.88,224,0.875,bicubic
resnest14d,91.130,8.870,98.330,1.670,10.61,224,0.875,bilinear
deit_tiny_distilled_patch16_224,91.100,8.900,98.270,1.730,5.91,224,0.900,bicubic
gluon_resnet34_v1b,91.100,8.900,98.180,1.820,21.80,224,0.875,bicubic
mobilenetv2_110d,91.320,8.680,98.180,1.820,4.52,224,0.875,bicubic
tf_efficientnet_lite0,91.280,8.720,98.090,1.910,4.65,224,0.875,bicubic
fbnetc_100,91.260,8.740,97.820,2.180,5.57,224,0.875,bilinear
dla34,91.250,8.750,98.180,1.820,15.74,224,0.875,bilinear
efficientnet_lite0,91.250,8.750,98.250,1.750,4.65,224,0.875,bicubic
mnasnet_100,91.200,8.800,98.040,1.960,4.38,224,0.875,bicubic
regnetx_008,91.190,8.810,98.370,1.630,7.26,224,0.875,bicubic
resnet34,91.190,8.810,98.230,1.770,21.80,224,0.875,bilinear
hrnet_w18_small_v2,91.170,8.830,98.350,1.650,15.60,224,0.875,bilinear
resnest14d,91.150,8.850,98.350,1.650,10.61,224,0.875,bilinear
mixer_b16_224,91.130,8.870,97.410,2.590,59.88,224,0.875,bicubic
xcit_nano_12_p8_224,91.100,8.900,98.240,1.760,3.05,224,1.000,bicubic
swsl_resnet18,91.090,8.910,98.210,1.790,11.69,224,0.875,bilinear
vgg19_bn,91.000,9.000,98.110,1.890,143.68,224,0.875,bilinear
pit_ti_distilled_224,90.900,9.100,98.220,1.780,5.10,224,0.900,bicubic
regnety_004,90.780,9.220,98.080,1.920,4.34,224,0.875,bicubic
regnetx_006,90.760,9.240,98.100,1.900,6.20,224,0.875,bicubic
ssl_resnet18,90.700,9.300,98.020,1.980,11.69,224,0.875,bilinear
deit_tiny_distilled_patch16_224,91.090,8.910,98.270,1.730,5.91,224,0.900,bicubic
gluon_resnet34_v1b,91.090,8.910,98.180,1.820,21.80,224,0.875,bicubic
crossvit_9_240,91.070,8.930,98.310,1.690,8.55,240,0.875,bicubic
vgg19_bn,90.990,9.010,98.120,1.880,143.68,224,0.875,bilinear
pit_ti_distilled_224,90.900,9.100,98.230,1.770,5.10,224,0.900,bicubic
eca_botnext26ts_256,90.850,9.150,97.750,2.250,10.59,256,0.950,bicubic
regnetx_006,90.750,9.250,98.100,1.900,6.20,224,0.875,bicubic
regnety_004,90.750,9.250,98.080,1.920,4.34,224,0.875,bicubic
ssl_resnet18,90.700,9.300,98.030,1.970,11.69,224,0.875,bilinear
spnasnet_100,90.610,9.390,97.950,2.050,4.42,224,0.875,bilinear
vgg16_bn,90.540,9.460,97.990,2.010,138.37,224,0.875,bilinear
convit_tiny,90.530,9.470,98.210,1.790,5.71,224,0.875,bicubic
ghostnet_100,90.440,9.560,97.830,2.170,5.18,224,0.875,bilinear
pit_ti_224,90.420,9.580,98.010,1.990,4.85,224,0.900,bicubic
tf_mobilenetv3_large_075,90.320,9.680,97.870,2.130,3.99,224,0.875,bilinear
tv_resnet34,90.290,9.710,97.980,2.020,21.80,224,0.875,bilinear
skresnet18,90.160,9.840,97.780,2.220,11.96,224,0.875,bicubic
resnet18d,89.990,10.010,97.830,2.170,11.71,224,0.875,bicubic
hrnet_w18_small,89.880,10.120,97.900,2.100,13.19,224,0.875,bilinear
mobilenetv2_100,89.830,10.170,97.830,2.170,3.50,224,0.875,bicubic
vgg19,89.680,10.320,97.550,2.450,143.67,224,0.875,bilinear
deit_tiny_patch16_224,89.620,10.380,97.960,2.040,5.72,224,0.900,bicubic
regnetx_004,89.460,10.540,97.770,2.230,5.16,224,0.875,bicubic
vgg16,89.360,10.640,97.520,2.480,138.36,224,0.875,bilinear
vit_tiny_r_s16_p8_224,89.340,10.660,97.700,2.300,6.34,224,0.900,bicubic
legacy_seresnet18,89.270,10.730,97.680,2.320,11.78,224,0.875,bicubic
vgg13_bn,89.200,10.800,97.530,2.470,133.05,224,0.875,bilinear
tf_mobilenetv3_large_minimal_100,89.180,10.820,97.320,2.680,3.92,224,0.875,bilinear
gluon_resnet18_v1b,88.660,11.340,97.100,2.900,11.69,224,0.875,bicubic
vgg11_bn,88.390,11.610,97.270,2.730,132.87,224,0.875,bilinear
regnety_002,88.200,11.800,97.430,2.570,3.16,224,0.875,bicubic
resnet18,88.150,11.850,97.120,2.880,11.69,224,0.875,bilinear
vgg13,87.570,12.430,97.120,2.880,133.05,224,0.875,bilinear
regnetx_002,87.380,12.620,96.990,3.010,2.68,224,0.875,bicubic
vgg11,87.340,12.660,97.110,2.890,132.86,224,0.875,bilinear
dla60x_c,87.110,12.890,97.140,2.860,1.32,224,0.875,bilinear
mixer_l16_224,86.970,13.030,94.060,5.940,208.20,224,0.875,bicubic
tf_mobilenetv3_small_100,85.960,14.040,96.400,3.600,2.54,224,0.875,bilinear
dla46x_c,85.480,14.520,96.440,3.560,1.07,224,0.875,bilinear
dla46_c,84.660,15.340,96.200,3.800,1.30,224,0.875,bilinear
convit_tiny,90.550,9.450,98.210,1.790,5.71,224,0.875,bicubic
crossvit_tiny_240,90.530,9.470,97.950,2.050,7.01,240,0.875,bicubic
vgg16_bn,90.520,9.480,97.990,2.010,138.37,224,0.875,bilinear
ghostnet_100,90.440,9.560,97.840,2.160,5.18,224,0.875,bilinear
pit_ti_224,90.440,9.560,98.020,1.980,4.85,224,0.900,bicubic
tv_resnet34,90.310,9.690,97.970,2.030,21.80,224,0.875,bilinear
tf_mobilenetv3_large_075,90.310,9.690,97.880,2.120,3.99,224,0.875,bilinear
xcit_nano_12_p16_224_dist,90.190,9.810,97.760,2.240,3.05,224,1.000,bicubic
skresnet18,90.170,9.830,97.780,2.220,11.96,224,0.875,bicubic
resnet18d,89.990,10.010,97.840,2.160,11.71,224,0.875,bicubic
hrnet_w18_small,89.900,10.100,97.900,2.100,13.19,224,0.875,bilinear
vit_base_patch32_sam_224,89.870,10.130,97.600,2.400,88.22,224,0.900,bicubic
mobilenetv2_100,89.840,10.160,97.840,2.160,3.50,224,0.875,bicubic
vgg19,89.690,10.310,97.550,2.450,143.67,224,0.875,bilinear
deit_tiny_patch16_224,89.600,10.400,97.960,2.040,5.72,224,0.900,bicubic
regnetx_004,89.450,10.550,97.780,2.220,5.16,224,0.875,bicubic
vit_tiny_r_s16_p8_224,89.400,10.600,97.690,2.310,6.34,224,0.900,bicubic
vgg16,89.380,10.620,97.520,2.480,138.36,224,0.875,bilinear
legacy_seresnet18,89.250,10.750,97.690,2.310,11.78,224,0.875,bicubic
vgg13_bn,89.210,10.790,97.540,2.460,133.05,224,0.875,bilinear
tf_mobilenetv3_large_minimal_100,89.160,10.840,97.320,2.680,3.92,224,0.875,bilinear
xcit_nano_12_p16_224,88.960,11.040,97.410,2.590,3.05,224,1.000,bicubic
gluon_resnet18_v1b,88.670,11.330,97.110,2.890,11.69,224,0.875,bicubic
vgg11_bn,88.390,11.610,97.280,2.720,132.87,224,0.875,bilinear
regnety_002,88.210,11.790,97.420,2.580,3.16,224,0.875,bicubic
resnet18,88.160,11.840,97.120,2.880,11.69,224,0.875,bilinear
vgg13,87.550,12.450,97.120,2.880,133.05,224,0.875,bilinear
regnetx_002,87.360,12.640,96.990,3.010,2.68,224,0.875,bicubic
vgg11,87.330,12.670,97.110,2.890,132.86,224,0.875,bilinear
botnet26t_256,87.240,12.760,96.750,3.250,12.49,256,0.950,bicubic
dla60x_c,87.080,12.920,97.140,2.860,1.32,224,0.875,bilinear
mixer_l16_224,86.960,13.040,94.030,5.970,208.20,224,0.875,bicubic
tf_mobilenetv3_small_100,85.990,14.010,96.410,3.590,2.54,224,0.875,bilinear
dla46x_c,85.470,14.530,96.450,3.550,1.07,224,0.875,bilinear
dla46_c,84.710,15.290,96.210,3.790,1.30,224,0.875,bilinear
tf_mobilenetv3_small_075,84.530,15.470,95.890,4.110,2.04,224,0.875,bilinear
tf_mobilenetv3_small_minimal_100,82.670,17.330,95.000,5.000,2.04,224,0.875,bilinear
tf_mobilenetv3_small_minimal_100,82.680,17.320,95.010,4.990,2.04,224,0.875,bilinear

1 model top1 top1_err top5 top5_err param_count img_size cropt_pct interpolation
2 tf_efficientnet_l2_ns beit_large_patch16_384 97.780 97.820 2.220 2.180 99.890 99.790 0.110 0.210 480.31 305.00 800 384 0.960 1.000 bicubic
3 tf_efficientnet_l2_ns 97.770 2.230 99.890 0.110 480.31 800 0.960 bicubic
4 beit_large_patch16_512 97.770 2.230 99.810 0.190 305.67 512 1.000 bicubic
5 tf_efficientnet_l2_ns_475 97.750 2.250 99.820 0.180 480.31 475 0.936 bicubic
6 beit_large_patch16_224 97.470 2.530 99.690 0.310 304.43 224 0.900 bicubic
7 vit_large_patch16_384 97.420 2.580 99.780 0.220 304.72 384 1.000 bicubic
8 tf_efficientnet_b7_ns beit_base_patch16_384 97.200 97.350 2.800 2.650 99.700 99.710 0.300 0.290 66.35 86.74 600 384 0.949 1.000 bicubic
9 swin_large_patch4_window12_384 tf_efficientnet_b7_ns 97.170 97.210 2.830 2.790 99.680 99.700 0.320 0.300 196.74 66.35 384 600 1.000 0.949 bicubic
10 swin_base_patch4_window12_384 swin_large_patch4_window12_384 97.120 97.180 2.880 2.820 99.780 99.690 0.220 0.310 87.90 196.74 384 1.000 bicubic
11 tf_efficientnetv2_l_in21ft1k tf_efficientnetv2_xl_in21ft1k 97.110 97.150 2.890 2.850 99.710 99.620 0.290 0.380 118.52 208.12 480 512 1.000 bicubic
12 tf_efficientnet_b6_ns tf_efficientnetv2_l_in21ft1k 97.020 97.110 2.980 2.890 99.710 99.700 0.290 0.300 43.04 118.52 528 480 0.942 1.000 bicubic
13 vit_base_patch16_384 swin_base_patch4_window12_384 97.020 97.070 2.980 2.930 99.710 99.770 0.290 0.230 86.86 87.90 384 1.000 bicubic
14 ig_resnext101_32x48d tf_efficientnet_b6_ns 96.970 97.030 3.030 2.970 99.670 99.710 0.330 0.290 828.41 43.04 224 528 0.875 0.942 bilinear bicubic
15 tf_efficientnetv2_m_in21ft1k vit_base_patch16_384 96.970 97.020 3.030 2.980 99.610 99.700 0.390 0.300 54.14 86.86 480 384 1.000 bicubic
16 ig_resnext101_32x48d 96.960 3.040 99.670 0.330 828.41 224 0.875 bilinear
17 swin_large_patch4_window7_224 96.950 3.050 99.660 0.340 196.53 224 0.900 bicubic
18 vit_large_r50_s32_384 tf_efficientnetv2_m_in21ft1k 96.950 3.050 99.710 99.610 0.290 0.390 329.09 54.14 384 480 1.000 bicubic
19 dm_nfnet_f6 vit_large_r50_s32_384 96.920 96.950 3.080 3.050 99.720 0.280 438.36 329.09 576 384 0.956 1.000 bicubic
20 cait_m48_448 xcit_large_24_p16_384_dist 96.880 96.930 3.120 3.070 99.620 99.510 0.380 0.490 356.46 189.10 448 384 1.000 bicubic
21 resnetv2_152x4_bitm dm_nfnet_f6 96.870 96.910 3.130 3.090 99.660 99.720 0.340 0.280 936.53 438.36 480 576 1.000 0.956 bilinear bicubic
22 tf_efficientnet_b5_ns resnetv2_152x4_bitm 96.870 96.880 3.130 3.120 99.640 99.660 0.360 0.340 30.39 936.53 456 480 0.934 1.000 bicubic bilinear
23 cait_m36_384 tf_efficientnet_b5_ns 96.830 96.880 3.170 3.120 99.660 99.640 0.340 0.360 271.22 30.39 384 456 1.000 0.934 bicubic
24 dm_nfnet_f5 cait_m48_448 96.810 96.870 3.190 3.130 99.670 99.620 0.330 0.380 377.21 356.46 544 448 0.954 1.000 bicubic
25 xcit_small_24_p8_384_dist 96.830 3.170 99.630 0.370 47.63 384 1.000 bicubic
26 cait_m36_384 96.820 3.180 99.660 0.340 271.22 384 1.000 bicubic
27 dm_nfnet_f5 96.800 3.200 99.670 0.330 377.21 544 0.954 bicubic
28 dm_nfnet_f4 96.780 3.220 99.620 0.380 316.07 512 0.951 bicubic
29 ig_resnext101_32x32d 96.780 3.220 99.530 0.470 468.53 224 0.875 bilinear
30 dm_nfnet_f3 xcit_medium_24_p8_384_dist 96.730 96.780 3.270 3.220 99.630 99.620 0.370 0.380 254.92 84.32 416 384 0.940 1.000 bicubic
31 xcit_large_24_p8_384_dist 96.760 3.240 99.560 0.440 188.93 384 1.000 bicubic
32 dm_nfnet_f3 96.720 3.280 99.630 0.370 254.92 416 0.940 bicubic
33 tf_efficientnet_b4_ns 96.710 3.290 99.640 0.360 19.34 380 0.922 bicubic
34 vit_large_patch16_224 96.710 3.290 99.650 0.350 304.33 224 0.900 bicubic
35 tf_efficientnet_b8 96.700 3.300 99.530 99.550 0.470 0.450 87.41 672 0.954 bicubic
36 swin_base_patch4_window7_224 xcit_medium_24_p16_384_dist 96.680 96.690 3.320 3.310 99.660 99.600 0.340 0.400 87.77 84.40 224 384 0.900 1.000 bicubic
37 tf_efficientnetv2_l swin_base_patch4_window7_224 96.650 96.670 3.350 3.330 99.560 99.670 0.440 0.330 118.52 87.77 480 224 1.000 0.900 bicubic
38 cait_s36_384 tf_efficientnetv2_l 96.630 96.650 3.370 3.350 99.600 99.570 0.400 0.430 68.37 118.52 384 480 1.000 bicubic
39 beit_base_patch16_224 96.650 3.350 99.660 0.340 86.53 224 0.900 bicubic
40 cait_s36_384 96.630 3.370 99.590 0.410 68.37 384 1.000 bicubic
41 xcit_large_24_p8_224_dist 96.620 3.380 99.460 0.540 188.93 224 1.000 bicubic
42 cait_s24_384 96.580 3.420 99.550 0.450 47.06 384 1.000 bicubic
43 tf_efficientnet_b7 96.580 3.420 99.510 0.490 66.35 600 0.949 bicubic
44 cait_s24_384 tf_efficientnet_b8_ap 96.570 96.560 3.430 3.440 99.550 0.450 47.06 87.41 384 672 1.000 0.954 bicubic
tf_efficientnet_b8_ap 96.550 3.450 99.540 0.460 87.41 672 0.954 bicubic
45 tf_efficientnetv2_m 96.550 3.450 99.570 0.430 54.14 480 1.000 bicubic
46 xcit_small_24_p8_224_dist 96.550 3.450 99.560 0.440 47.63 224 1.000 bicubic
47 resnetv2_152x2_bitm 96.520 3.480 99.590 0.410 236.34 448 1.000 bilinear
48 deit_base_distilled_patch16_384 xcit_medium_24_p8_224_dist 96.510 96.500 3.490 3.500 99.590 99.500 0.410 0.500 87.63 84.32 384 224 1.000 bicubic
49 tf_efficientnetv2_s_in21ft1k deit_base_distilled_patch16_384 96.470 96.490 3.530 3.510 99.570 99.590 0.430 0.410 21.46 87.63 384 1.000 bicubic
50 dm_nfnet_f2 xcit_small_12_p8_384_dist 96.460 96.480 3.540 3.520 99.540 99.480 0.460 0.520 193.78 26.21 352 384 0.920 1.000 bicubic
51 vit_base_r50_s16_384 96.470 3.530 99.660 0.340 98.95 384 1.000 bicubic
52 tf_efficientnetv2_s_in21ft1k 96.460 3.540 99.570 0.430 21.46 384 1.000 bicubic
53 eca_nfnet_l2 96.460 3.540 99.630 0.370 56.72 384 1.000 bicubic
54 ecaresnet269d 96.460 3.540 99.610 0.390 102.09 352 1.000 bicubic
55 eca_nfnet_l2 dm_nfnet_f2 96.450 3.550 99.620 99.540 0.380 0.460 56.72 193.78 384 352 1.000 0.920 bicubic
56 vit_base_r50_s16_384 ig_resnext101_32x16d 96.450 96.430 3.550 3.570 99.660 99.540 0.340 0.460 98.95 194.03 384 224 1.000 0.875 bicubic bilinear
ig_resnext101_32x16d 96.440 3.560 99.540 0.460 194.03 224 0.875 bilinear
57 resnetrs420 96.400 3.600 99.540 0.460 191.89 416 1.000 bicubic
58 dm_nfnet_f1 96.390 96.370 3.610 3.630 99.470 99.480 0.530 0.520 132.63 320 0.910 bicubic
59 tf_efficientnet_b6_ap 96.370 96.360 3.630 3.640 99.550 0.450 43.04 528 0.942 bicubic
60 resmlp_big_24_224_in22ft1k xcit_small_24_p16_384_dist 96.350 96.360 3.650 3.640 99.520 99.590 0.480 0.410 129.14 47.67 224 384 0.875 1.000 bicubic
61 tf_efficientnet_b7_ap 96.350 3.650 99.590 99.600 0.410 0.400 66.35 600 0.949 bicubic
62 seresnet152d resmlp_big_24_224_in22ft1k 96.310 96.340 3.690 3.660 99.510 0.490 66.84 129.14 320 224 1.000 0.875 bicubic
63 seresnet152d 96.330 3.670 99.510 0.490 66.84 320 1.000 bicubic
64 xcit_small_12_p16_384_dist 96.330 3.670 99.490 0.510 26.25 384 1.000 bicubic
65 xcit_large_24_p16_224_dist 96.310 3.690 99.500 0.500 189.10 224 1.000 bicubic
66 vit_base_patch16_224 96.300 3.700 99.560 0.440 86.57 224 0.900 bicubic
67 tf_efficientnet_b6 resnetv2_101x3_bitm 96.290 3.710 99.520 99.580 0.480 0.420 43.04 387.93 528 448 0.942 1.000 bicubic bilinear
68 resnetv2_50x3_bitm 96.290 3.710 99.630 0.370 217.32 448 1.000 bilinear
69 swsl_resnext101_32x16d 96.280 3.720 99.500 0.500 194.03 224 0.875 bilinear
70 tf_efficientnet_b6 96.280 3.720 99.520 0.480 43.04 528 0.942 bicubic
71 efficientnetv2_rw_m 96.270 3.730 99.560 0.440 53.24 416 1.000 bicubic
72 resnetv2_50x3_bitm xcit_medium_24_p16_224_dist 96.270 96.260 3.730 3.740 99.630 99.400 0.370 0.600 217.32 84.40 448 224 1.000 bilinear bicubic
73 swsl_resnext101_32x16d xcit_tiny_24_p8_384_dist 96.270 96.250 3.730 3.750 99.500 99.440 0.500 0.560 194.03 12.11 224 384 0.875 1.000 bilinear bicubic
resnetv2_101x3_bitm 96.250 3.750 99.590 0.410 387.93 448 1.000 bilinear
swsl_resnext101_32x8d 96.240 3.760 99.590 0.410 88.79 224 0.875 bilinear
74 resnetrs350 96.240 3.760 99.470 0.530 163.96 384 1.000 bicubic
75 resnetv2_152x2_bit_teacher_384 swsl_resnext101_32x8d 96.190 96.230 3.810 3.770 99.500 99.590 0.500 0.410 236.34 88.79 384 224 1.000 0.875 bicubic bilinear
76 vit_large_r50_s32_224 96.180 96.190 3.820 3.810 99.530 0.470 328.99 224 0.900 bicubic
77 resnetv2_152x2_bit_teacher_384 96.170 3.830 99.510 0.490 236.34 384 1.000 bicubic
78 resnest269e 96.120 3.880 99.520 0.480 110.93 416 0.928 bicubic
79 crossvit_18_dagger_408 96.110 3.890 99.470 0.530 44.61 408 1.000 bicubic
80 resnet200d 96.110 3.890 99.460 0.540 64.69 320 1.000 bicubic
81 tf_efficientnet_b3_ns 96.100 96.110 3.900 3.890 99.480 99.470 0.520 0.530 12.23 300 0.904 bicubic
82 tf_efficientnet_b5_ap 96.080 3.920 99.540 0.460 30.39 456 0.934 bicubic
83 pit_b_distilled_224 resnest200e 96.070 96.080 3.930 3.920 99.380 99.470 0.620 0.530 74.79 70.20 224 320 0.900 0.909 bicubic
84 resnest200e pit_b_distilled_224 96.070 96.080 3.930 3.920 99.480 99.380 0.520 0.620 70.20 74.79 320 224 0.909 0.900 bicubic
85 resnetrs270 96.060 96.070 3.940 3.930 99.490 99.480 0.510 0.520 129.86 352 1.000 bicubic
86 vit_small_r26_s32_384 96.060 3.940 99.560 99.550 0.440 0.450 36.47 384 1.000 bicubic
87 swsl_resnext101_32x4d xcit_large_24_p8_224 96.050 96.060 3.950 3.940 99.530 99.150 0.470 0.850 44.18 188.93 224 0.875 1.000 bilinear bicubic
88 vit_base_patch16_224_miil swsl_resnext101_32x4d 96.030 96.050 3.970 3.950 99.350 99.540 0.650 0.460 86.54 44.18 224 0.875 bilinear
89 vit_base_patch16_224_miil 96.040 3.960 99.350 0.650 86.54 224 0.875 bilinear
90 cait_xs24_384 96.010 3.990 99.430 0.570 26.67 384 1.000 bicubic
91 resnetrs200 95.990 96.000 4.010 4.000 99.440 0.560 93.21 320 1.000 bicubic
92 tf_efficientnet_b5 95.980 4.020 99.450 0.550 30.39 456 0.934 bicubic
93 vit_small_patch16_384 95.980 4.020 99.590 99.600 0.410 0.400 22.20 384 1.000 bicubic
94 resnetrs152 95.960 4.040 99.380 0.620 86.62 320 1.000 bicubic
95 eca_nfnet_l1 xcit_small_12_p8_224_dist 95.940 95.960 4.060 4.040 99.490 99.420 0.510 0.580 41.41 26.21 320 224 1.000 bicubic
96 ig_resnext101_32x8d 95.930 95.950 4.070 4.050 99.380 99.390 0.620 0.610 88.79 224 0.875 bilinear
97 vit_base_patch32_384 eca_nfnet_l1 95.900 95.920 4.100 4.080 99.440 99.500 0.560 0.500 88.30 41.41 384 320 1.000 bicubic
98 regnety_160 xcit_small_24_p8_224 95.880 95.910 4.120 4.090 99.560 99.180 0.440 0.820 83.59 47.63 288 224 1.000 bicubic
99 vit_base_patch32_384 95.910 4.090 99.440 0.560 88.30 384 1.000 bicubic
100 regnety_160 95.900 4.100 99.560 0.440 83.59 288 1.000 bicubic
101 resmlp_big_24_distilled_224 95.870 4.130 99.440 0.560 129.14 224 0.875 bicubic
102 resnet152d xcit_medium_24_p8_224 95.870 4.130 99.430 99.090 0.570 0.910 60.21 84.32 320 224 1.000 bicubic
103 regnetz_d 95.860 4.140 99.440 0.560 27.58 320 0.950 bicubic
104 resnet152d 95.850 4.150 99.430 0.570 60.21 320 1.000 bicubic
105 crossvit_15_dagger_408 95.820 4.180 99.300 0.700 28.50 408 1.000 bicubic
106 xcit_small_24_p16_224_dist 95.810 4.190 99.340 0.660 47.67 224 1.000 bicubic
107 deit_base_distilled_patch16_224 95.780 4.220 99.280 0.720 87.34 224 0.900 bicubic
108 resnet101d 95.750 4.250 99.440 0.560 44.57 320 1.000 bicubic
109 resnetv2_152x2_bit_teacher xcit_small_12_p16_224_dist 95.750 4.250 99.430 99.290 0.570 0.710 236.34 26.25 224 0.875 1.000 bicubic
110 deit_base_distilled_patch16_224 resnetv2_152x2_bit_teacher 95.750 95.730 4.250 4.270 99.280 99.430 0.720 0.570 87.34 236.34 224 0.900 0.875 bicubic
111 swin_small_patch4_window7_224 95.720 4.280 99.290 0.710 49.61 224 0.900 bicubic
112 twins_pcpvt_large 95.720 4.280 99.490 0.510 60.99 224 0.900 bicubic
113 twins_svt_large 95.720 4.280 99.370 0.630 99.27 224 0.900 bicubic
swin_small_patch4_window7_224 95.720 4.280 99.290 0.710 49.61 224 0.900 bicubic
efficientnetv2_rw_s 95.710 4.290 99.380 0.620 23.94 384 1.000 bicubic
114 tf_efficientnetv2_s 95.710 4.290 99.400 0.600 21.46 384 1.000 bicubic
115 dm_nfnet_f0 95.690 95.710 4.310 4.290 99.330 0.670 71.49 256 0.900 bicubic
116 cait_s24_224 efficientnetv2_rw_s 95.650 95.700 4.350 4.300 99.390 99.380 0.610 0.620 46.92 23.94 224 384 1.000 bicubic
117 deit_base_patch16_384 95.650 95.660 4.350 4.340 99.240 0.760 86.86 384 1.000 bicubic
118 swsl_resnext50_32x4d cait_s24_224 95.620 95.640 4.380 4.360 99.440 99.390 0.560 0.610 25.03 46.92 224 0.875 1.000 bilinear bicubic
119 tf_efficientnet_b4 swsl_resnext50_32x4d 95.590 4.410 99.330 99.440 0.670 0.560 19.34 25.03 380 224 0.922 0.875 bicubic bilinear
120 resnest101e tf_efficientnet_b4 95.570 95.590 4.430 4.410 99.270 99.320 0.730 0.680 48.28 19.34 256 380 0.875 0.922 bilinear bicubic
121 resnest101e 95.580 4.420 99.270 0.730 48.28 256 0.875 bilinear
122 twins_svt_base 95.570 4.430 99.230 0.770 56.07 224 0.900 bicubic
123 tf_efficientnet_b2_ns efficientnet_b4 95.520 95.540 4.480 4.460 99.340 99.400 0.660 0.600 9.11 19.34 260 384 0.890 1.000 bicubic
124 efficientnet_b4 jx_nest_small 95.520 95.540 4.480 4.460 99.390 99.230 0.610 0.770 19.34 38.35 384 224 1.000 0.875 bicubic
125 tresnet_xl_448 jx_nest_base 95.510 95.530 4.490 4.470 99.340 99.300 0.660 0.700 78.44 67.72 448 224 0.875 bilinear bicubic
126 tf_efficientnet_b4_ap tf_efficientnet_b2_ns 95.490 95.530 4.510 4.470 99.390 99.340 0.610 0.660 19.34 9.11 380 260 0.922 0.890 bicubic
127 tresnet_xl_448 95.520 4.480 99.340 0.660 78.44 448 0.875 bilinear
128 tf_efficientnet_b4_ap 95.500 4.500 99.390 0.610 19.34 380 0.922 bicubic
129 regnety_032 95.470 4.530 99.320 0.680 19.44 288 1.000 bicubic
130 twins_pcpvt_base 95.460 95.470 4.540 4.530 99.390 99.380 0.610 0.620 43.83 224 0.900 bicubic
131 xcit_tiny_24_p16_384_dist 95.460 4.540 99.350 0.650 12.12 384 1.000 bicubic
132 xcit_tiny_24_p8_224_dist 95.460 4.540 99.370 0.630 12.11 224 1.000 bicubic
133 eca_nfnet_l0 95.450 4.550 99.390 0.610 24.14 288 1.000 bicubic
134 ssl_resnext101_32x16d nfnet_l0 95.410 95.420 4.590 4.580 99.410 99.430 0.590 0.570 194.03 35.07 224 288 0.875 1.000 bilinear bicubic
135 tresnet_l_448 xcit_small_12_p8_224 95.410 95.420 4.590 4.580 99.300 99.200 0.700 0.800 55.99 26.21 448 224 0.875 1.000 bilinear bicubic
136 nfnet_l0 regnetz_c 95.390 95.410 4.610 4.590 99.420 99.310 0.580 0.690 35.07 13.46 288 320 1.000 0.940 bicubic
137 ssl_resnext101_32x16d 95.400 4.600 99.410 0.590 194.03 224 0.875 bilinear
138 tresnet_m 95.400 4.600 99.150 0.850 31.39 224 0.875 bilinear
139 resnetv2_50x1_bit_distilled 95.390 4.610 99.430 0.570 25.55 224 0.875 bicubic
140 tresnet_m tresnet_l_448 95.380 95.390 4.620 4.610 99.150 99.280 0.850 0.720 31.39 55.99 224 448 0.875 bilinear
141 pnasnet5large 95.360 95.370 4.640 4.630 99.130 0.870 86.06 331 0.911 bicubic
142 ssl_resnext101_32x8d xcit_tiny_12_p8_384_dist 95.340 4.660 99.320 99.340 0.680 0.660 88.79 6.71 224 384 0.875 1.000 bilinear bicubic
143 resnetv2_101x1_bitm 95.320 95.330 4.680 4.670 99.370 99.380 0.630 0.620 44.54 448 1.000 bilinear
144 resnetrs101 ssl_resnext101_32x8d 95.250 95.320 4.750 4.680 99.210 99.310 0.790 0.690 63.62 88.79 288 224 0.940 0.875 bicubic bilinear
145 vit_large_patch32_384 gc_efficientnetv2_rw_t 95.240 95.280 4.760 4.720 99.320 99.220 0.680 0.780 306.63 13.68 384 288 1.000 bicubic
146 cait_xxs36_384 vit_large_patch32_384 95.220 95.250 4.780 4.750 99.320 0.680 17.37 306.63 384 1.000 bicubic
147 levit_384 cait_xxs36_384 95.210 95.240 4.790 4.760 99.160 99.330 0.840 0.670 39.13 17.37 224 384 0.900 1.000 bicubic
148 resnet51q resnetrs101 95.200 95.230 4.800 4.770 99.280 99.210 0.720 0.790 35.70 63.62 288 1.000 0.940 bilinear bicubic
149 swsl_resnet50 95.200 95.220 4.800 4.780 99.390 99.400 0.610 0.600 25.56 224 0.875 bilinear
150 levit_384 95.200 4.800 99.160 0.840 39.13 224 0.900 bicubic
151 resnet51q 95.190 4.810 99.280 0.720 35.70 288 1.000 bilinear
152 crossvit_18_dagger_240 95.180 4.820 99.120 0.880 44.27 240 0.875 bicubic
153 nasnetalarge 95.170 4.830 99.130 0.870 88.75 331 0.911 bicubic
154 ecaresnet101d 95.160 4.840 99.230 0.770 44.57 224 0.875 bicubic
155 ssl_resnext101_32x4d efficientnet_b3 95.160 95.150 4.840 4.850 99.300 99.210 0.700 0.790 44.18 12.23 224 320 0.875 1.000 bilinear bicubic
156 nasnetalarge ssl_resnext101_32x4d 95.150 95.140 4.850 4.860 99.130 99.310 0.870 0.690 88.75 44.18 331 224 0.911 0.875 bicubic bilinear
157 efficientnet_b3 xcit_medium_24_p16_224 95.140 95.130 4.860 4.870 99.210 98.930 0.790 1.070 12.23 84.40 320 224 1.000 bicubic
158 vit_small_r26_s32_224 tf_efficientnetv2_b3 95.130 95.120 4.870 4.880 99.220 99.190 0.780 0.810 36.43 14.36 224 300 0.900 0.904 bicubic
159 tf_efficientnetv2_b3 vit_small_r26_s32_224 95.120 4.880 99.200 99.220 0.800 0.780 14.36 36.43 300 224 0.904 0.900 bicubic
160 convit_base coat_lite_small 95.100 95.110 4.900 4.890 99.140 99.030 0.860 0.970 86.54 19.84 224 0.875 0.900 bicubic
161 coat_lite_small ecaresnet50t 95.080 95.110 4.920 4.890 99.020 99.290 0.980 0.710 19.84 25.57 224 320 0.900 0.950 bicubic
162 ecaresnet50t resnet61q 95.070 95.110 4.930 4.890 99.290 99.080 0.710 0.920 25.57 36.85 320 288 0.950 1.000 bicubic
163 tresnet_xl convit_base 95.060 95.100 4.940 4.900 99.260 99.130 0.740 0.870 78.44 86.54 224 0.875 bilinear bicubic
164 deit_base_patch16_224 tresnet_xl 95.010 95.080 4.990 4.920 98.980 99.250 1.020 0.750 86.57 78.44 224 0.900 0.875 bicubic bilinear
165 tf_efficientnet_b3_ap efficientnetv2_rw_t 94.970 95.080 5.030 4.920 99.110 99.220 0.890 0.780 12.23 13.65 300 288 0.904 1.000 bicubic
166 visformer_small xcit_small_24_p16_224 94.960 95.070 5.040 4.930 99.210 99.060 0.790 0.940 40.22 47.67 224 0.900 1.000 bicubic
167 gernet_l crossvit_base_240 94.930 95.060 5.070 4.940 99.200 98.980 0.800 1.020 31.08 105.03 256 240 0.875 bilinear bicubic
168 cait_xxs24_384 crossvit_18_240 94.920 95.050 5.080 4.950 99.140 99.120 0.860 0.880 12.03 43.27 384 240 1.000 0.875 bicubic
169 convit_small deit_base_patch16_224 94.920 95.020 5.080 4.980 99.110 98.970 0.890 1.030 27.78 86.57 224 0.875 0.900 bicubic
170 tf_efficientnet_b3 crossvit_15_dagger_240 94.910 94.970 5.090 5.030 99.110 99.150 0.890 0.850 12.23 28.21 300 240 0.904 0.875 bicubic
171 visformer_small 94.970 5.030 99.210 0.790 40.22 224 0.900 bicubic
172 tf_efficientnet_b3_ap 94.960 5.040 99.110 0.890 12.23 300 0.904 bicubic
173 convmixer_1536_20 94.950 5.050 99.170 0.830 51.63 224 0.960 bicubic
174 xcit_large_24_p16_224 94.950 5.050 98.830 1.170 189.10 224 1.000 bicubic
175 cait_xxs24_384 94.940 5.060 99.130 0.870 12.03 384 1.000 bicubic
176 jx_nest_tiny 94.940 5.060 99.100 0.900 17.06 224 0.875 bicubic
177 resnetv2_101 94.930 5.070 99.110 0.890 44.54 224 0.950 bicubic
178 convit_small 94.920 5.080 99.120 0.880 27.78 224 0.875 bicubic
179 gernet_l 94.920 5.080 99.200 0.800 31.08 256 0.875 bilinear
180 tf_efficientnet_b3 94.910 5.090 99.100 0.900 12.23 300 0.904 bicubic
181 vit_small_patch16_224 94.900 5.100 99.280 0.720 22.05 224 0.900 bicubic
182 tresnet_l 94.900 5.100 99.030 0.970 55.99 224 0.875 bilinear
183 vit_small_patch16_224 mixer_b16_224_miil 94.880 94.890 5.120 5.110 99.270 99.080 0.730 0.920 22.05 59.88 224 0.900 0.875 bicubic bilinear
184 mixer_b16_224_miil tf_efficientnet_b1_ns 94.880 5.120 99.080 99.250 0.920 0.750 59.88 7.79 224 240 0.875 0.882 bilinear bicubic
185 tf_efficientnet_lite4 94.870 5.130 99.090 0.910 13.01 380 0.920 bilinear
186 tf_efficientnet_b1_ns xcit_tiny_24_p8_224 94.860 94.870 5.140 5.130 99.250 99.190 0.750 0.810 7.79 12.11 240 224 0.882 1.000 bicubic
187 seresnext50_32x4d xcit_small_12_p16_224 94.820 94.810 5.180 5.190 99.130 99.060 0.870 0.940 27.56 26.25 224 0.875 1.000 bicubic
188 pit_b_224 seresnext50_32x4d 94.790 94.800 5.210 5.200 98.820 99.130 1.180 0.870 73.76 27.56 224 0.900 0.875 bicubic
189 coat_mini pit_b_224 94.770 94.790 5.230 5.210 98.950 98.810 1.050 1.190 10.34 73.76 224 0.900 bicubic
190 twins_svt_small 94.770 5.230 99.080 0.920 24.06 224 0.900 bicubic
191 coat_mini 94.760 5.240 98.950 1.050 10.34 224 0.900 bicubic
192 resnetv2_50x1_bitm 94.760 5.240 99.180 0.820 25.55 448 1.000 bilinear
193 pit_s_distilled_224 94.750 5.250 99.180 0.820 24.04 224 0.900 bicubic
194 xcit_tiny_12_p8_224_dist 94.740 5.260 99.180 0.820 6.71 224 1.000 bicubic
195 legacy_senet154 94.730 5.270 99.100 0.900 115.09 224 0.875 bilinear
pit_s_distilled_224 94.730 5.270 99.190 0.810 24.04 224 0.900 bicubic
resnetv2_50x1_bitm 94.730 5.270 99.180 0.820 25.55 448 1.000 bilinear
gluon_resnet152_v1s 94.720 5.280 99.060 0.940 60.32 224 0.875 bicubic
gluon_senet154 94.710 5.290 98.970 1.030 115.09 224 0.875 bicubic
196 resnest50d_4s2x40d 94.710 5.290 99.130 0.870 30.42 224 0.875 bicubic
197 gluon_senet154 94.700 5.300 98.970 1.030 115.09 224 0.875 bicubic
198 ssl_resnext50_32x4d 94.700 5.300 99.240 0.760 25.03 224 0.875 bilinear
199 gluon_resnet152_v1s 94.690 5.310 99.050 0.950 60.32 224 0.875 bicubic
200 regnetz_b 94.690 5.310 99.160 0.840 9.72 288 0.940 bicubic
201 crossvit_15_240 94.680 5.320 99.070 0.930 27.53 240 0.875 bicubic
202 efficientnet_el 94.670 5.330 99.130 0.870 10.59 300 0.904 bicubic
203 wide_resnet50_2 rexnet_200 94.670 5.330 99.050 99.090 0.950 0.910 68.88 16.37 224 0.875 bicubic
204 rexnet_200 tresnet_m_448 94.660 94.670 5.340 5.330 99.090 99.170 0.910 0.830 16.37 31.39 224 448 0.875 bicubic bilinear
205 tresnet_m_448 gluon_seresnext101_64x4d 94.660 5.340 99.150 98.970 0.850 1.030 31.39 88.23 448 224 0.875 bilinear bicubic
206 gluon_seresnext101_64x4d wide_resnet50_2 94.650 5.350 98.980 99.050 1.020 0.950 88.23 68.88 224 0.875 bicubic
207 halonet50ts 94.640 5.360 98.900 1.100 22.73 256 0.940 bicubic
208 swin_tiny_patch4_window7_224 94.640 5.360 99.120 0.880 28.29 224 0.900 bicubic
209 resnest50d 94.620 5.380 99.030 0.970 27.48 224 0.875 bilinear
210 swin_tiny_patch4_window7_224 gcresnet50t 94.620 94.610 5.380 5.390 99.120 98.990 0.880 1.010 28.29 25.90 224 256 0.900 bicubic
211 twins_pcpvt_small 94.600 5.400 99.150 99.140 0.850 0.860 24.11 224 0.900 bicubic
deit_small_distilled_patch16_224 94.590 5.410 99.100 0.900 22.44 224 0.900 bicubic
212 pit_s_224 94.590 5.410 98.930 1.070 23.46 224 0.900 bicubic
213 vit_small_patch32_384 crossvit_small_240 94.590 5.410 99.140 99.120 0.860 0.880 22.92 26.86 384 240 1.000 0.875 bicubic
214 tnt_s_patch16_224 deit_small_distilled_patch16_224 94.580 94.590 5.420 5.410 99.180 99.090 0.820 0.910 23.76 22.44 224 0.900 bicubic
215 efficientnet_b3_pruned 94.580 5.420 99.070 0.930 9.86 300 0.904 bicubic
216 resmlp_36_distilled_224 tnt_s_patch16_224 94.570 5.430 99.160 99.180 0.840 0.820 44.69 23.76 224 0.875 0.900 bicubic
217 gernet_m vit_small_patch32_384 94.550 94.570 5.450 5.430 98.930 99.140 1.070 0.860 21.14 22.92 224 384 0.875 1.000 bilinear bicubic
218 repvgg_b3 94.550 94.560 5.450 5.440 98.910 1.090 123.09 224 0.875 bilinear
219 regnety_320 gernet_m 94.520 94.550 5.480 5.450 99.170 98.920 0.830 1.080 145.05 21.14 224 0.875 bicubic bilinear
220 resmlp_36_distilled_224 94.550 5.450 99.160 0.840 44.69 224 0.875 bicubic
221 xcit_tiny_12_p16_384_dist 94.540 5.460 99.170 0.830 6.72 384 1.000 bicubic
222 sehalonet33ts 94.530 5.470 98.780 1.220 13.69 256 0.940 bicubic
223 haloregnetz_b 94.500 5.500 98.960 1.040 11.68 224 0.940 bicubic
224 regnety_320 94.500 5.500 99.170 0.830 145.05 224 0.875 bicubic
225 repvgg_b3g4 94.490 5.510 99.020 0.980 83.83 224 0.875 bilinear
226 ecaresnet101d_pruned gluon_resnet152_v1d 94.450 94.460 5.550 5.540 99.100 99.000 0.900 1.000 24.88 60.21 224 0.875 bicubic
227 gluon_seresnext101_32x4d ecaresnet101d_pruned 94.450 94.440 5.550 5.560 99.090 99.100 0.910 0.900 48.96 24.88 224 0.875 bicubic
228 gluon_resnet152_v1d gluon_seresnext101_32x4d 94.440 94.430 5.560 5.570 99.010 99.090 0.990 0.910 60.21 48.96 224 0.875 bicubic
229 levit_256 convmixer_768_32 94.400 94.430 5.600 5.570 99.060 99.110 0.940 0.890 18.89 21.11 224 0.900 0.960 bicubic
230 nf_resnet50 gcresnext50ts 94.400 94.410 5.600 5.590 99.070 98.990 0.930 1.010 25.56 15.67 288 256 0.940 0.900 bicubic
231 vit_base_patch32_224 levit_256 94.390 94.410 5.610 5.590 99.060 0.940 88.22 18.89 224 0.900 bicubic
232 resnest50d_1s4x24d nf_resnet50 94.390 94.380 5.610 5.620 99.070 0.930 25.68 25.56 224 288 0.875 0.940 bicubic
233 inception_v4 resnest50d_1s4x24d 94.380 5.620 98.820 99.060 1.180 0.940 42.68 25.68 299 224 0.875 bicubic
234 vit_base_patch32_224 94.380 5.620 99.060 0.940 88.22 224 0.900 bicubic
235 efficientnet_b2 94.370 5.630 99.050 0.950 9.11 288 1.000 bicubic
236 tf_efficientnet_el inception_v4 94.360 94.370 5.640 5.630 99.100 98.820 0.900 1.180 10.59 42.68 300 299 0.904 0.875 bicubic
237 gluon_resnext101_64x4d xcit_tiny_12_p8_224 94.350 94.370 5.650 5.630 98.880 99.070 1.120 0.930 83.46 6.71 224 0.875 1.000 bicubic
238 inception_resnet_v2 tf_efficientnet_el 94.340 94.350 5.660 5.650 98.800 99.090 1.200 0.910 55.84 10.59 299 300 0.897 0.904 bicubic
239 resmlp_24_distilled_224 94.330 94.340 5.670 5.660 99.090 0.910 30.02 224 0.875 bicubic
240 ssl_resnet50 gluon_resnext101_64x4d 94.310 94.330 5.690 5.670 99.150 98.880 0.850 1.120 25.56 83.46 224 0.875 bilinear bicubic
241 regnetx_120 inception_resnet_v2 94.270 94.320 5.730 5.680 99.190 98.800 0.810 1.200 46.11 55.84 224 299 0.875 0.897 bicubic
242 rexnet_150 ssl_resnet50 94.270 94.320 5.730 5.680 99.080 99.160 0.920 0.840 9.73 25.56 224 0.875 bicubic bilinear
243 tf_efficientnet_b2_ap regnetx_120 94.270 94.290 5.730 5.710 98.950 99.200 1.050 0.800 9.11 46.11 260 224 0.890 0.875 bicubic
244 resmlp_big_24_224 resnetv2_50 94.260 94.290 5.740 5.710 98.820 98.930 1.180 1.070 129.14 25.55 224 0.875 0.950 bicubic
245 mixnet_xl tf_efficientnet_b2_ap 94.230 94.280 5.770 5.720 98.820 98.950 1.180 1.050 11.90 9.11 224 260 0.875 0.890 bicubic
246 tf_efficientnet_b2 resmlp_big_24_224 94.210 94.270 5.790 5.730 99.030 98.820 0.970 1.180 9.11 129.14 260 224 0.890 0.875 bicubic
247 rexnet_150 94.270 5.730 99.090 0.910 9.73 224 0.875 bicubic
248 seresnet33ts 94.260 5.740 98.780 1.220 19.78 256 0.900 bicubic
249 mixnet_xl 94.220 5.780 98.810 1.190 11.90 224 0.875 bicubic
250 xcit_tiny_24_p16_224_dist 94.220 5.780 98.960 1.040 12.12 224 1.000 bicubic
251 ecaresnet50d 94.210 5.790 99.010 0.990 25.58 224 0.875 bicubic
252 regnetx_320 94.210 5.790 99.050 0.950 107.81 224 0.875 bicubic
253 dpn92 tf_efficientnet_b2 94.190 94.200 5.810 5.800 98.930 99.030 1.070 0.970 37.67 9.11 224 260 0.875 0.890 bicubic
254 ecaresnet50d dpn92 94.190 94.180 5.810 5.820 99.020 98.930 0.980 1.070 25.58 37.67 224 0.875 bicubic
255 gluon_resnet101_v1d 94.170 94.180 5.830 5.820 98.940 98.950 1.060 1.050 44.57 224 0.875 bicubic
256 gluon_resnet101_v1s 94.170 94.180 5.830 5.820 99.010 99.020 0.990 0.980 44.67 224 0.875 bicubic
257 gluon_seresnext50_32x4d 94.170 94.180 5.830 5.820 98.910 1.090 27.56 224 0.875 bicubic
258 ecaresnetlight legacy_seresnext101_32x4d 94.140 94.170 5.860 5.830 98.950 98.970 1.050 1.030 30.16 48.96 224 0.875 bicubic bilinear
259 ens_adv_inception_resnet_v2 94.140 5.860 98.790 1.210 55.84 299 0.897 bicubic
260 regnety_064 94.140 5.860 99.030 0.970 30.58 224 0.875 bicubic
261 ens_adv_inception_resnet_v2 ecaresnetlight 94.130 94.140 5.870 5.860 98.790 98.950 1.210 1.050 55.84 30.16 299 224 0.897 0.875 bicubic
262 legacy_seresnext101_32x4d gluon_resnext101_32x4d 94.130 94.120 5.870 5.880 98.970 98.940 1.030 1.060 48.96 44.18 224 0.875 bilinear bicubic
263 tf_efficientnet_lite3 94.130 94.110 5.870 5.890 98.960 1.040 8.20 300 0.904 bilinear
264 gluon_resnext101_32x4d cspdarknet53 94.120 94.100 5.880 5.900 98.930 98.980 1.070 1.020 44.18 27.64 224 256 0.875 0.887 bicubic bilinear
265 efficientnet_el_pruned seresnet50 94.090 94.080 5.910 5.920 99.010 98.950 0.990 1.050 10.59 28.09 300 224 0.904 0.875 bicubic
cspdarknet53 94.090 5.910 98.980 1.020 27.64 256 0.887 bilinear
seresnet50 94.080 5.920 98.970 1.030 28.09 224 0.875 bicubic
266 resnet50d 94.070 5.930 98.920 1.080 25.58 224 0.875 bicubic
267 tf_efficientnetv2_b2 efficientnet_el_pruned 94.070 94.060 5.930 5.940 98.930 99.020 1.070 0.980 10.10 10.59 260 300 0.890 0.904 bicubic
268 gluon_resnet152_v1b regnety_120 94.030 94.060 5.970 5.940 98.740 99.020 1.260 0.980 60.19 51.82 224 0.875 bicubic
269 hrnet_w48 tf_efficientnetv2_b2 94.030 94.060 5.970 5.940 99.040 98.940 0.960 1.060 77.47 10.10 224 260 0.875 0.890 bilinear bicubic
270 resnetrs50 gluon_xception65 94.020 94.040 5.980 5.960 98.850 99.030 1.150 0.970 35.69 39.92 224 299 0.910 0.903 bicubic
271 gluon_xception65 hrnet_w48 94.010 94.030 5.990 5.970 99.020 99.030 0.980 0.970 39.92 77.47 299 224 0.903 0.875 bicubic bilinear
272 regnety_120 resnetrs50 94.010 94.030 5.990 5.970 99.030 98.830 0.970 1.170 51.82 35.69 224 0.875 0.910 bicubic
273 deit_small_patch16_224 gluon_resnet152_v1b 94.000 94.020 6.000 5.980 98.960 98.750 1.040 1.250 22.05 60.19 224 0.900 0.875 bicubic
274 dla102x2 94.000 94.010 6.000 5.990 99.030 0.970 41.28 224 0.875 bilinear
275 deit_small_patch16_224 93.990 6.010 98.960 1.040 22.05 224 0.900 bicubic
276 dpn107 93.960 6.040 98.840 1.160 86.92 224 0.875 bicubic
277 skresnext50_32x4d 93.950 6.050 98.820 98.830 1.180 1.170 27.48 224 0.875 bicubic
278 ecaresnet26t resnet50 93.940 93.950 6.060 6.050 98.920 98.470 1.080 1.530 16.01 25.56 320 224 0.950 bicubic
279 cait_xxs36_224 93.940 6.060 98.890 98.880 1.110 1.120 17.30 224 1.000 bicubic
280 dpn98 93.940 93.930 6.060 6.070 98.920 1.080 61.57 224 0.875 bicubic
281 xception71 ecaresnet26t 93.890 93.930 6.110 6.070 98.950 98.930 1.050 1.070 42.34 16.01 299 320 0.903 0.950 bicubic
282 regnety_080 regnetx_160 93.890 93.900 6.110 6.100 99.000 99.080 1.000 0.920 39.18 54.28 224 0.875 bicubic
283 regnety_080 93.900 6.100 98.990 1.010 39.18 224 0.875 bicubic
284 xception71 93.900 6.100 98.950 1.050 42.34 299 0.903 bicubic
285 nf_regnet_b1 93.890 6.110 98.750 1.250 10.22 288 0.900 bicubic
286 vit_base_patch16_sam_224 93.890 6.110 98.890 1.110 86.57 224 0.900 bicubic
287 gluon_resnet152_v1c 93.880 6.120 98.800 1.200 60.21 224 0.875 bicubic
288 regnetx_160 eca_resnet33ts 93.880 93.870 6.120 6.130 99.090 98.890 0.910 1.110 54.28 19.68 224 256 0.875 0.900 bicubic
289 nf_regnet_b1 hrnet_w64 93.880 93.850 6.120 6.150 98.740 98.930 1.260 1.070 10.22 128.06 288 224 0.900 0.875 bicubic bilinear
290 cspresnet50 xcit_tiny_24_p16_224 93.860 93.850 6.140 6.150 98.870 98.770 1.130 1.230 21.62 12.12 256 224 0.887 1.000 bilinear bicubic
291 resnext50_32x4d 93.850 6.150 98.820 1.180 25.03 224 0.875 bicubic
292 ese_vovnet39b 93.850 6.150 98.900 1.100 24.57 224 0.875 bicubic
293 resnext50_32x4d cspresnet50 93.840 93.850 6.160 6.150 98.830 98.870 1.170 1.130 25.03 21.62 224 256 0.875 0.887 bicubic bilinear
hrnet_w64 93.830 6.170 98.930 1.070 128.06 224 0.875 bilinear
294 ecaresnet50d_pruned 93.820 6.180 99.000 1.000 19.94 224 0.875 bicubic
295 repvgg_b2g4 gcresnet33ts 93.820 6.180 98.930 1.070 61.76 19.88 224 256 0.875 0.900 bilinear bicubic
296 resnext50d_32x4d repvgg_b2g4 93.810 93.820 6.190 6.180 98.740 98.920 1.260 1.080 25.05 61.76 224 0.875 bicubic bilinear
297 efficientnet_b2_pruned 93.800 6.200 98.910 1.090 8.31 260 0.890 bicubic
298 dla169 resnext50d_32x4d 93.800 6.200 98.840 98.730 1.160 1.270 53.39 25.05 224 0.875 bilinear bicubic
299 regnetx_080 93.790 6.210 98.910 98.900 1.090 1.100 39.57 224 0.875 bicubic
300 dla169 93.780 6.220 98.830 1.170 53.39 224 0.875 bilinear
301 cspresnext50 93.770 6.230 98.840 1.160 20.57 224 0.875 bilinear
302 gluon_resnet101_v1b 93.770 6.230 98.720 1.280 44.55 224 0.875 bicubic
303 resnext101_32x8d 93.770 6.230 98.950 1.050 88.79 224 0.875 bilinear
304 cspresnext50 dpn131 93.760 6.240 98.840 98.850 1.160 1.150 20.57 79.25 224 0.875 bilinear bicubic
305 dpn131 tf_efficientnet_b0_ns 93.760 6.240 98.800 98.980 1.200 1.020 79.25 5.29 224 0.875 bicubic
306 gluon_resnet101_v1b efficientnet_em 93.760 93.750 6.240 6.250 98.700 98.920 1.300 1.080 44.55 6.90 224 240 0.875 0.882 bicubic
307 xception65 93.760 93.740 6.240 6.260 98.860 98.870 1.140 1.130 39.92 299 0.903 bicubic
308 efficientnet_em wide_resnet101_2 93.740 93.720 6.260 6.280 98.930 98.810 1.070 1.190 6.90 126.89 240 224 0.882 0.875 bicubic bilinear
tf_efficientnet_b0_ns 93.740 6.260 98.980 1.020 5.29 224 0.875 bicubic
wide_resnet101_2 93.730 6.270 98.810 1.190 126.89 224 0.875 bilinear
resnetblur50 93.710 6.290 98.810 1.190 25.56 224 0.875 bicubic
tf_efficientnetv2_b1 93.710 6.290 98.820 1.180 8.14 240 0.882 bicubic
tf_efficientnet_b1 93.710 6.290 98.800 1.200 7.79 240 0.882 bicubic
levit_192 93.710 6.290 98.790 1.210 10.95 224 0.900 bicubic
309 hrnet_w40 93.710 6.290 98.800 1.200 57.56 224 0.875 bilinear
310 gluon_resnet101_v1c levit_192 93.690 93.710 6.310 6.290 98.760 98.790 1.240 1.210 44.57 10.95 224 0.875 0.900 bicubic
311 regnetx_040 resnetblur50 93.680 93.710 6.320 6.290 98.940 98.800 1.060 1.200 22.12 25.56 224 0.875 bicubic
312 rexnet_130 tf_efficientnet_b1 93.670 93.710 6.330 6.290 98.710 98.800 1.290 1.200 7.56 7.79 224 240 0.875 0.882 bicubic
313 gluon_resnext50_32x4d tf_efficientnetv2_b1 93.650 93.700 6.350 6.300 98.690 98.810 1.310 1.190 25.03 8.14 224 240 0.875 0.882 bicubic
314 resmlp_36_224 rexnet_130 93.650 93.690 6.350 6.310 98.950 98.720 1.050 1.280 44.69 7.56 224 0.875 bicubic
315 xception gluon_resnext50_32x4d 93.640 93.670 6.360 6.330 98.770 98.700 1.230 1.300 22.86 25.03 299 224 0.897 0.875 bicubic
316 regnetx_064 regnetx_040 93.630 93.670 6.370 6.330 99.050 98.950 0.950 1.050 26.21 22.12 224 0.875 bicubic
317 tf_efficientnet_b1_ap resmlp_36_224 93.630 93.670 6.370 6.330 98.800 98.950 1.200 1.050 7.79 44.69 240 224 0.882 0.875 bicubic
318 hrnet_w44 gluon_resnet101_v1c 93.620 93.660 6.380 6.340 98.960 98.760 1.040 1.240 67.06 44.57 224 0.875 bilinear bicubic
319 regnety_040 regnetx_064 93.620 93.650 6.380 6.350 98.950 99.050 1.050 0.950 20.65 26.21 224 0.875 bicubic
320 dpn68b xception 93.620 93.650 6.380 6.350 98.700 98.770 1.300 1.230 12.61 22.86 224 299 0.875 0.897 bicubic
321 gluon_resnet50_v1s tf_efficientnet_b1_ap 93.590 93.640 6.410 6.360 98.840 98.780 1.160 1.220 25.68 7.79 224 240 0.875 0.882 bicubic
322 repvgg_b2 hrnet_w44 93.590 93.620 6.410 6.380 99.070 98.950 0.930 1.050 89.02 67.06 224 0.875 bilinear
323 res2net50_26w_6s resnet33ts 93.590 93.620 6.410 6.380 98.750 98.770 1.250 1.230 37.05 19.68 224 256 0.875 0.900 bilinear bicubic
324 dla60_res2next regnety_040 93.570 93.610 6.430 6.390 98.800 98.960 1.200 1.040 17.03 20.65 224 0.875 bilinear bicubic
325 tf_efficientnet_cc_b1_8e halonet26t 93.570 93.610 6.430 6.390 98.690 98.640 1.310 1.360 39.72 12.48 240 256 0.882 0.950 bicubic
326 gluon_inception_v3 dpn68b 93.540 93.600 6.460 6.400 98.830 98.710 1.170 1.290 23.83 12.61 299 224 0.875 bicubic
327 dla102x gluon_inception_v3 93.530 93.590 6.470 6.410 98.850 98.840 1.150 1.160 26.31 23.83 224 299 0.875 bilinear bicubic
328 gluon_resnet50_v1d gluon_resnet50_v1s 93.530 93.590 6.470 6.410 98.710 98.830 1.290 1.170 25.58 25.68 224 0.875 bicubic
329 res2net101_26w_4s res2net50_26w_6s 93.520 93.580 6.480 6.420 98.600 98.740 1.400 1.260 45.21 37.05 224 0.875 bilinear
330 coat_tiny tf_efficientnet_cc_b1_8e 93.510 93.580 6.490 6.420 98.690 1.310 5.50 39.72 224 240 0.900 0.882 bicubic
331 selecsls60b repvgg_b2 93.500 93.570 6.500 6.430 98.840 99.070 1.160 0.930 32.77 89.02 224 0.875 bicubic bilinear
332 resnet32ts 93.570 6.430 98.750 1.250 17.96 256 0.900 bicubic
333 dla60_res2next 93.560 6.440 98.800 1.200 17.03 224 0.875 bilinear
334 gluon_resnet50_v1d 93.550 6.450 98.710 1.290 25.58 224 0.875 bicubic
335 res2net101_26w_4s 93.520 6.480 98.630 1.370 45.21 224 0.875 bilinear
336 dla102x 93.510 6.490 98.850 1.150 26.31 224 0.875 bilinear
337 gmlp_s16_224 93.510 6.490 98.780 1.220 19.42 224 0.875 bicubic
338 coat_tiny 93.500 6.500 98.680 1.320 5.50 224 0.900 bicubic
339 cait_xxs24_224 93.490 6.510 98.770 1.230 11.96 224 1.000 bicubic
340 xception41 coat_lite_mini 93.480 93.490 6.520 6.510 98.750 98.780 1.250 1.220 26.97 11.01 299 224 0.903 0.900 bicubic
341 resnet50 xception41 93.460 93.480 6.540 6.520 98.600 98.760 1.400 1.240 25.56 26.97 224 299 0.875 0.903 bicubic
342 res2net50_26w_8s selecsls60b 93.450 93.480 6.550 6.520 98.700 98.840 1.300 1.160 48.40 32.77 224 0.875 bilinear bicubic
343 coat_lite_mini legacy_seresnet152 93.450 93.460 6.550 6.540 98.780 98.850 1.220 1.150 11.01 66.82 224 0.900 0.875 bicubic bilinear
344 legacy_seresnet152 lambda_resnet26rpt_256 93.440 6.560 98.850 98.880 1.150 1.120 66.82 10.99 224 256 0.875 0.940 bilinear bicubic
345 resmlp_24_224 res2net50_26w_8s 93.440 93.430 6.560 6.570 98.810 98.670 1.190 1.330 30.02 48.40 224 0.875 bicubic bilinear
346 legacy_seresnext50_32x4d resmlp_24_224 93.430 6.570 98.800 98.810 1.200 1.190 27.56 30.02 224 0.875 bilinear bicubic
347 vit_tiny_patch16_384 93.420 93.430 6.580 6.570 98.830 98.840 1.170 1.160 5.79 384 1.000 bicubic
348 repvgg_b1 hrnet_w30 93.410 6.590 98.790 98.830 1.210 1.170 57.42 37.71 224 0.875 bilinear
349 dla60_res2net legacy_seresnext50_32x4d 93.380 93.410 6.620 6.590 98.860 98.800 1.140 1.200 20.85 27.56 224 0.875 bilinear
350 hrnet_w30 repvgg_b1 93.370 93.410 6.630 6.590 98.830 98.780 1.170 1.220 37.71 57.42 224 0.875 bilinear
351 dla102 lambda_resnet26t 93.260 93.400 6.740 6.600 98.780 98.760 1.220 1.240 33.27 10.96 224 256 0.875 0.940 bilinear bicubic
352 legacy_seresnet101 dla60_res2net 93.260 93.380 6.740 6.620 98.740 98.830 1.260 1.170 49.33 20.85 224 0.875 bilinear
353 mixnet_l xcit_tiny_12_p16_224_dist 93.260 93.340 6.740 6.660 98.700 98.750 1.300 1.250 7.33 6.72 224 0.875 1.000 bicubic
354 regnetx_032 dla102 93.250 93.290 6.750 6.710 98.730 98.780 1.270 1.220 15.30 33.27 224 0.875 bicubic bilinear
355 tv_resnet152 legacy_seresnet101 93.240 93.290 6.760 6.710 98.750 1.250 60.19 49.33 224 0.875 bilinear
356 pit_xs_distilled_224 mixnet_l 93.240 93.290 6.760 6.710 98.820 98.710 1.180 1.290 11.00 7.33 224 0.900 0.875 bicubic
357 resnest26d regnetx_032 93.240 93.270 6.760 6.730 98.850 98.740 1.150 1.260 17.07 15.30 224 0.875 bilinear bicubic
358 tf_inception_v3 resnest26d 93.200 93.260 6.800 6.740 98.480 98.840 1.520 1.160 23.83 17.07 299 224 0.875 bicubic bilinear
359 dla60x tv_resnet152 93.190 93.260 6.810 6.740 98.710 98.750 1.290 1.250 17.35 60.19 224 0.875 bilinear
360 xcit_nano_12_p8_384_dist 93.250 6.750 98.850 1.150 3.05 384 1.000 bicubic
361 pit_xs_distilled_224 93.230 6.770 98.820 1.180 11.00 224 0.900 bicubic
362 dla60x 93.210 6.790 98.720 1.280 17.35 224 0.875 bilinear
363 tf_inception_v3 93.210 6.790 98.490 1.510 23.83 299 0.875 bicubic
364 tf_efficientnet_em 93.200 6.800 98.680 1.320 6.90 240 0.882 bicubic
365 res2net50_26w_4s 93.180 6.820 98.670 1.330 25.70 224 0.875 bilinear
366 tf_efficientnet_em eca_halonext26ts 93.170 93.140 6.830 6.860 98.670 98.690 1.330 1.310 6.90 10.76 240 256 0.882 0.940 bicubic
367 res2next50 93.150 93.110 6.850 6.890 98.660 1.340 24.67 224 0.875 bilinear
368 bat_resnext26ts 93.100 6.900 98.720 1.280 10.73 256 0.900 bicubic
369 tf_efficientnetv2_b0 93.060 6.940 98.700 1.300 7.14 224 0.875 bicubic
370 levit_128 tf_mixnet_l 93.050 6.950 98.690 98.540 1.310 1.460 9.21 7.33 224 0.900 0.875 bicubic
371 tf_mixnet_l levit_128 93.040 6.960 98.540 98.690 1.460 1.310 7.33 9.21 224 0.875 0.900 bicubic
372 res2net50_14w_8s repvgg_b1g4 93.030 93.040 6.970 6.960 98.700 98.820 1.300 1.180 25.06 39.97 224 0.875 bilinear
373 repvgg_b1g4 regnety_016 93.030 6.970 98.820 98.690 1.180 1.310 39.97 11.20 224 0.875 bilinear bicubic
374 efficientnet_b1 res2net50_14w_8s 93.030 93.020 6.970 6.980 98.710 98.700 1.290 1.300 7.79 25.06 256 224 1.000 0.875 bicubic bilinear
375 adv_inception_v3 efficientnet_b1 93.010 93.020 6.990 6.980 98.490 98.710 1.510 1.290 23.83 7.79 299 256 0.875 1.000 bicubic
376 selecsls60 93.010 93.000 6.990 7.000 98.830 1.170 30.67 224 0.875 bicubic
377 regnety_016 adv_inception_v3 93.000 92.990 7.000 7.010 98.680 98.480 1.320 1.520 11.20 23.83 224 299 0.875 bicubic
efficientnet_b1_pruned 92.980 7.020 98.530 1.470 6.33 240 0.882 bicubic
378 hardcorenas_f 92.980 7.020 98.620 1.380 8.20 224 0.875 bilinear
379 hardcorenas_e efficientnet_b1_pruned 92.950 92.960 7.050 7.040 98.570 98.520 1.430 1.480 8.07 6.33 224 240 0.875 0.882 bilinear bicubic
380 hardcorenas_e 92.960 7.040 98.570 1.430 8.07 224 0.875 bilinear
381 hrnet_w32 92.950 7.050 98.840 1.160 41.23 224 0.875 bilinear
382 efficientnet_es 92.910 92.940 7.090 7.060 98.690 1.310 5.44 224 0.875 bicubic
383 gluon_resnet50_v1c 92.910 92.920 7.090 7.080 98.710 1.290 25.58 224 0.875 bicubic
384 pit_xs_224 tv_resnext50_32x4d 92.910 7.090 98.780 98.730 1.220 1.270 10.62 25.03 224 0.900 0.875 bicubic bilinear
385 tv_resnext50_32x4d inception_v3 92.900 7.100 98.720 98.320 1.280 1.680 25.03 23.83 224 299 0.875 bilinear bicubic
386 inception_v3 pit_xs_224 92.900 7.100 98.330 98.790 1.670 1.210 23.83 10.62 299 224 0.875 0.900 bicubic
387 densenet161 92.900 92.880 7.100 7.120 98.810 1.190 28.68 224 0.875 bicubic
388 tv_resnet101 92.880 7.120 98.660 1.340 44.55 224 0.875 bilinear
389 resmlp_12_distilled_224 92.870 7.130 98.630 1.370 15.35 224 0.875 bicubic
390 tf_efficientnet_cc_b0_8e 92.870 92.850 7.130 7.150 98.460 1.540 24.01 224 0.875 bicubic
391 coat_lite_tiny rexnet_100 92.850 92.840 7.150 7.160 98.640 98.620 1.360 1.380 5.72 4.80 224 0.900 0.875 bicubic
rexnet_100 92.850 7.150 98.620 1.380 4.80 224 0.875 bicubic
392 tf_efficientnet_cc_b0_4e 92.840 7.160 98.440 1.560 13.31 224 0.875 bicubic
393 seresnext26t_32x4d coat_lite_tiny 92.820 92.830 7.180 7.170 98.560 98.640 1.440 1.360 16.81 5.72 224 0.875 0.900 bicubic
394 res2net50_48w_2s 92.790 92.800 7.210 7.200 98.470 1.530 25.29 224 0.875 bilinear
395 hrnet_w18 seresnext26ts 92.760 92.790 7.240 7.210 98.660 98.600 1.340 1.400 21.30 10.39 224 256 0.875 0.900 bilinear bicubic
396 densenet201 seresnext26t_32x4d 92.690 92.770 7.310 7.230 98.650 98.550 1.350 1.450 20.01 16.81 224 0.875 bicubic
397 repvgg_a2 crossvit_9_dagger_240 92.680 92.750 7.320 7.250 98.520 98.510 1.480 1.490 28.21 8.78 224 240 0.875 bilinear bicubic
398 gmixer_24_224 hrnet_w18 92.680 92.750 7.320 7.250 98.280 98.650 1.720 1.350 24.72 21.30 224 0.875 bicubic bilinear
399 dla60 densenet201 92.670 92.690 7.330 7.310 98.630 98.660 1.370 1.340 22.04 20.01 224 0.875 bilinear bicubic
400 legacy_seresnet50 dla60 92.670 92.690 7.330 7.310 98.650 98.630 1.350 1.370 28.09 22.04 224 0.875 bilinear
401 resnet34d resnet26t 92.640 92.680 7.360 7.320 98.420 98.600 1.580 1.400 21.82 16.01 224 256 0.875 0.940 bicubic
402 gmixer_24_224 92.670 7.330 98.260 1.740 24.72 224 0.875 bicubic
403 legacy_seresnet50 92.670 7.330 98.660 1.340 28.09 224 0.875 bilinear
404 repvgg_a2 92.660 7.340 98.530 1.470 28.21 224 0.875 bilinear
405 resnet34d 92.640 7.360 98.440 1.560 21.82 224 0.875 bicubic
406 mobilenetv2_120d 92.610 7.390 98.510 1.490 5.83 224 0.875 bicubic
407 tf_efficientnet_b0_ap 92.610 92.600 7.390 7.400 98.370 1.630 5.29 224 0.875 bicubic
408 hardcorenas_d 92.600 7.400 98.430 1.570 7.50 224 0.875 bilinear
409 tf_efficientnet_lite2 legacy_seresnext26_32x4d 92.590 7.410 98.550 98.420 1.450 1.580 6.09 16.79 260 224 0.890 0.875 bicubic
410 legacy_seresnext26_32x4d tf_efficientnet_lite2 92.570 7.430 98.420 98.550 1.580 1.450 16.79 6.09 224 260 0.875 0.890 bicubic
411 skresnet34 regnetx_016 92.570 92.560 7.430 7.440 98.520 98.550 1.480 1.450 22.28 9.19 224 0.875 bicubic
412 gluon_resnet50_v1b skresnet34 92.560 7.440 98.550 98.510 1.450 1.490 25.56 22.28 224 0.875 bicubic
413 regnetx_016 gluon_resnet50_v1b 92.540 92.550 7.460 7.450 98.550 1.450 9.19 25.56 224 0.875 bicubic
414 selecsls42b 92.480 7.520 98.440 1.560 32.46 224 0.875 bicubic
415 efficientnet_b0 92.480 92.470 7.520 7.530 98.680 1.320 5.29 224 0.875 bicubic
416 gernet_s gcresnext26ts 92.440 92.470 7.560 7.530 98.500 1.500 8.17 10.48 224 256 0.875 0.900 bilinear bicubic
417 seresnext26d_32x4d xcit_tiny_12_p16_224 92.440 92.460 7.560 7.540 98.540 98.630 1.460 1.370 16.81 6.72 224 0.875 1.000 bicubic
418 densenetblur121d gernet_s 92.400 92.440 7.600 7.560 98.410 98.490 1.590 1.510 8.00 8.17 224 0.875 bicubic bilinear
419 seresnext26d_32x4d 92.430 7.570 98.540 1.460 16.81 224 0.875 bicubic
420 eca_resnext26ts 92.420 7.580 98.610 1.390 10.30 256 0.900 bicubic
421 xcit_nano_12_p8_224_dist 92.410 7.590 98.510 1.490 3.05 224 1.000 bicubic
422 tf_efficientnet_b0 92.400 7.600 98.470 1.530 5.29 224 0.875 bicubic
423 densenetblur121d 92.400 7.600 98.420 1.580 8.00 224 0.875 bicubic
424 convmixer_1024_20_ks9_p14 92.350 7.650 98.420 1.580 24.38 224 0.960 bicubic
425 hardcorenas_c 92.330 7.670 98.340 1.660 5.52 224 0.875 bilinear
426 tf_efficientnet_lite1 92.310 92.320 7.690 7.680 98.490 1.510 5.42 240 0.882 bicubic
427 densenet169 92.300 92.290 7.700 7.710 98.590 1.410 14.15 224 0.875 bicubic
428 mixnet_m dpn68 92.270 92.260 7.730 7.740 98.350 98.600 1.650 1.400 5.01 12.61 224 0.875 bicubic
429 mixnet_m 92.260 7.740 98.370 1.630 5.01 224 0.875 bicubic
430 mobilenetv3_large_100_miil 92.250 7.750 98.250 1.750 5.48 224 0.875 bilinear
431 dpn68 resnet26d 92.240 92.250 7.760 7.750 98.610 98.470 1.390 1.530 12.61 16.01 224 0.875 bicubic
432 resnet26d resnext26ts 92.230 92.210 7.770 7.790 98.450 98.280 1.550 1.720 16.01 10.30 224 256 0.875 0.900 bicubic
433 tf_mixnet_m 92.200 92.170 7.800 7.830 98.420 1.580 5.01 224 0.875 bicubic
434 vit_small_patch32_224 92.150 7.850 98.510 1.490 22.88 224 0.900 bicubic
435 tv_resnet50 resmlp_12_224 92.140 92.130 7.860 7.870 98.420 98.570 1.580 1.430 25.56 15.35 224 0.875 bilinear bicubic
436 resmlp_12_224 tv_resnet50 92.120 92.110 7.880 7.890 98.570 98.420 1.430 1.580 15.35 25.56 224 0.875 bicubic bilinear
437 tf_efficientnet_es 92.100 7.900 98.440 98.430 1.560 1.570 5.44 224 0.875 bicubic
438 xcit_nano_12_p16_384_dist 92.100 7.900 98.520 1.480 3.05 384 1.000 bicubic
439 mobilenetv2_140 92.030 7.970 98.250 1.750 6.11 224 0.875 bicubic
440 ese_vovnet19b_dw 92.010 92.020 7.990 7.980 98.510 98.520 1.490 1.480 6.54 224 0.875 bicubic
441 hardcorenas_b 91.970 8.030 98.400 1.600 5.18 224 0.875 bilinear
442 densenet121 91.940 8.060 98.280 1.720 7.98 224 0.875 bicubic
443 hardcorenas_b vit_tiny_patch16_224 91.940 91.930 8.060 8.070 98.400 98.330 1.600 1.670 5.18 5.72 224 0.875 0.900 bilinear bicubic
444 vit_tiny_patch16_224 regnety_008 91.930 91.890 8.070 8.110 98.340 98.420 1.660 1.580 5.72 6.26 224 0.900 0.875 bicubic
regnety_008 91.900 8.100 98.420 1.580 6.26 224 0.875 bicubic
445 mixnet_s 91.780 8.220 98.300 1.700 4.13 224 0.875 bicubic
446 vit_tiny_r_s16_p8_384 91.730 91.720 8.270 8.280 98.430 1.570 6.36 384 1.000 bicubic
447 efficientnet_es_pruned 91.700 91.710 8.300 8.290 98.420 98.400 1.580 1.600 5.44 224 0.875 bicubic
448 tf_mixnet_s 91.680 91.690 8.320 8.310 98.240 1.760 4.13 224 0.875 bicubic
449 repvgg_b0 91.680 91.670 8.320 8.330 98.450 1.550 15.82 224 0.875 bilinear
450 semnasnet_100 91.660 8.340 98.270 98.260 1.730 1.740 3.89 224 0.875 bicubic
451 hardcorenas_a 91.620 91.610 8.380 8.390 98.170 1.830 5.26 224 0.875 bilinear
452 regnety_006 91.570 91.580 8.430 8.420 98.430 1.570 6.06 224 0.875 bicubic
453 mobilenetv3_rw 91.550 8.450 98.270 1.730 5.48 224 0.875 bicubic
454 levit_128s 91.500 8.500 98.400 1.600 7.78 224 0.900 bicubic
455 mobilenetv3_large_100 91.480 8.520 98.330 1.670 5.48 224 0.875 bicubic
456 legacy_seresnet34 91.480 8.520 98.200 1.800 21.96 224 0.875 bilinear
457 mobilenetv3_large_100 resnet26 91.480 91.460 8.520 8.540 98.320 98.270 1.680 1.730 5.48 16.00 224 0.875 bicubic
458 resnet26 tf_mobilenetv3_large_100 91.440 91.410 8.560 8.590 98.280 98.250 1.720 1.750 16.00 5.48 224 0.875 bicubic bilinear
tf_mobilenetv3_large_100 91.420 8.580 98.260 1.740 5.48 224 0.875 bilinear
459 tv_densenet121 91.400 8.600 98.250 1.750 7.98 224 0.875 bicubic
460 mobilenetv2_110d 91.350 91.320 8.650 8.680 98.190 98.180 1.810 1.820 4.52 224 0.875 bicubic
461 tf_efficientnet_lite0 91.300 91.280 8.700 8.720 98.090 1.910 4.65 224 0.875 bicubic
462 fbnetc_100 91.270 91.260 8.730 8.740 97.830 97.820 2.170 2.180 5.57 224 0.875 bilinear
463 efficientnet_lite0 dla34 91.260 91.250 8.740 8.750 98.250 98.180 1.750 1.820 4.65 15.74 224 0.875 bicubic bilinear
464 dla34 efficientnet_lite0 91.240 91.250 8.760 8.750 98.180 98.250 1.820 1.750 15.74 4.65 224 0.875 bilinear bicubic
465 mnasnet_100 91.200 8.800 98.050 98.040 1.950 1.960 4.38 224 0.875 bicubic
466 resnet34 regnetx_008 91.200 91.190 8.800 8.810 98.240 98.370 1.760 1.630 21.80 7.26 224 0.875 bilinear bicubic
467 regnetx_008 resnet34 91.180 91.190 8.820 8.810 98.380 98.230 1.620 1.770 7.26 21.80 224 0.875 bicubic bilinear
468 hrnet_w18_small_v2 91.170 8.830 98.340 98.350 1.660 1.650 15.60 224 0.875 bilinear
469 mixer_b16_224 resnest14d 91.140 91.150 8.860 8.850 97.400 98.350 2.600 1.650 59.88 10.61 224 0.875 bicubic bilinear
470 resnest14d mixer_b16_224 91.130 8.870 98.330 97.410 1.670 2.590 10.61 59.88 224 0.875 bilinear bicubic
471 deit_tiny_distilled_patch16_224 xcit_nano_12_p8_224 91.100 8.900 98.270 98.240 1.730 1.760 5.91 3.05 224 0.900 1.000 bicubic
gluon_resnet34_v1b 91.100 8.900 98.180 1.820 21.80 224 0.875 bicubic
472 swsl_resnet18 91.090 8.910 98.210 1.790 11.69 224 0.875 bilinear
473 vgg19_bn deit_tiny_distilled_patch16_224 91.000 91.090 9.000 8.910 98.110 98.270 1.890 1.730 143.68 5.91 224 0.875 0.900 bilinear bicubic
474 pit_ti_distilled_224 gluon_resnet34_v1b 90.900 91.090 9.100 8.910 98.220 98.180 1.780 1.820 5.10 21.80 224 0.900 0.875 bicubic
475 regnety_004 crossvit_9_240 90.780 91.070 9.220 8.930 98.080 98.310 1.920 1.690 4.34 8.55 224 240 0.875 bicubic
476 regnetx_006 vgg19_bn 90.760 90.990 9.240 9.010 98.100 98.120 1.900 1.880 6.20 143.68 224 0.875 bicubic bilinear
477 ssl_resnet18 pit_ti_distilled_224 90.700 90.900 9.300 9.100 98.020 98.230 1.980 1.770 11.69 5.10 224 0.875 0.900 bilinear bicubic
478 eca_botnext26ts_256 90.850 9.150 97.750 2.250 10.59 256 0.950 bicubic
479 regnetx_006 90.750 9.250 98.100 1.900 6.20 224 0.875 bicubic
480 regnety_004 90.750 9.250 98.080 1.920 4.34 224 0.875 bicubic
481 ssl_resnet18 90.700 9.300 98.030 1.970 11.69 224 0.875 bilinear
482 spnasnet_100 90.610 9.390 97.950 2.050 4.42 224 0.875 bilinear
483 vgg16_bn convit_tiny 90.540 90.550 9.460 9.450 97.990 98.210 2.010 1.790 138.37 5.71 224 0.875 bilinear bicubic
484 convit_tiny crossvit_tiny_240 90.530 9.470 98.210 97.950 1.790 2.050 5.71 7.01 224 240 0.875 bicubic
485 ghostnet_100 vgg16_bn 90.440 90.520 9.560 9.480 97.830 97.990 2.170 2.010 5.18 138.37 224 0.875 bilinear
486 pit_ti_224 ghostnet_100 90.420 90.440 9.580 9.560 98.010 97.840 1.990 2.160 4.85 5.18 224 0.900 0.875 bicubic bilinear
487 tf_mobilenetv3_large_075 pit_ti_224 90.320 90.440 9.680 9.560 97.870 98.020 2.130 1.980 3.99 4.85 224 0.875 0.900 bilinear bicubic
488 tv_resnet34 90.290 90.310 9.710 9.690 97.980 97.970 2.020 2.030 21.80 224 0.875 bilinear
489 skresnet18 tf_mobilenetv3_large_075 90.160 90.310 9.840 9.690 97.780 97.880 2.220 2.120 11.96 3.99 224 0.875 bicubic bilinear
490 resnet18d xcit_nano_12_p16_224_dist 89.990 90.190 10.010 9.810 97.830 97.760 2.170 2.240 11.71 3.05 224 0.875 1.000 bicubic
491 hrnet_w18_small skresnet18 89.880 90.170 10.120 9.830 97.900 97.780 2.100 2.220 13.19 11.96 224 0.875 bilinear bicubic
492 mobilenetv2_100 resnet18d 89.830 89.990 10.170 10.010 97.830 97.840 2.170 2.160 3.50 11.71 224 0.875 bicubic
493 vgg19 hrnet_w18_small 89.680 89.900 10.320 10.100 97.550 97.900 2.450 2.100 143.67 13.19 224 0.875 bilinear
494 deit_tiny_patch16_224 vit_base_patch32_sam_224 89.620 89.870 10.380 10.130 97.960 97.600 2.040 2.400 5.72 88.22 224 0.900 bicubic
495 regnetx_004 mobilenetv2_100 89.460 89.840 10.540 10.160 97.770 97.840 2.230 2.160 5.16 3.50 224 0.875 bicubic
496 vgg16 vgg19 89.360 89.690 10.640 10.310 97.520 97.550 2.480 2.450 138.36 143.67 224 0.875 bilinear
497 vit_tiny_r_s16_p8_224 deit_tiny_patch16_224 89.340 89.600 10.660 10.400 97.700 97.960 2.300 2.040 6.34 5.72 224 0.900 bicubic
498 legacy_seresnet18 regnetx_004 89.270 89.450 10.730 10.550 97.680 97.780 2.320 2.220 11.78 5.16 224 0.875 bicubic
499 vgg13_bn vit_tiny_r_s16_p8_224 89.200 89.400 10.800 10.600 97.530 97.690 2.470 2.310 133.05 6.34 224 0.875 0.900 bilinear bicubic
500 tf_mobilenetv3_large_minimal_100 vgg16 89.180 89.380 10.820 10.620 97.320 97.520 2.680 2.480 3.92 138.36 224 0.875 bilinear
501 gluon_resnet18_v1b legacy_seresnet18 88.660 89.250 11.340 10.750 97.100 97.690 2.900 2.310 11.69 11.78 224 0.875 bicubic
502 vgg11_bn vgg13_bn 88.390 89.210 11.610 10.790 97.270 97.540 2.730 2.460 132.87 133.05 224 0.875 bilinear
503 regnety_002 tf_mobilenetv3_large_minimal_100 88.200 89.160 11.800 10.840 97.430 97.320 2.570 2.680 3.16 3.92 224 0.875 bicubic bilinear
504 resnet18 xcit_nano_12_p16_224 88.150 88.960 11.850 11.040 97.120 97.410 2.880 2.590 11.69 3.05 224 0.875 1.000 bilinear bicubic
505 vgg13 gluon_resnet18_v1b 87.570 88.670 12.430 11.330 97.120 97.110 2.880 2.890 133.05 11.69 224 0.875 bilinear bicubic
506 regnetx_002 vgg11_bn 87.380 88.390 12.620 11.610 96.990 97.280 3.010 2.720 2.68 132.87 224 0.875 bicubic bilinear
507 vgg11 regnety_002 87.340 88.210 12.660 11.790 97.110 97.420 2.890 2.580 132.86 3.16 224 0.875 bilinear bicubic
508 dla60x_c resnet18 87.110 88.160 12.890 11.840 97.140 97.120 2.860 2.880 1.32 11.69 224 0.875 bilinear
509 mixer_l16_224 vgg13 86.970 87.550 13.030 12.450 94.060 97.120 5.940 2.880 208.20 133.05 224 0.875 bicubic bilinear
510 tf_mobilenetv3_small_100 regnetx_002 85.960 87.360 14.040 12.640 96.400 96.990 3.600 3.010 2.54 2.68 224 0.875 bilinear bicubic
511 dla46x_c vgg11 85.480 87.330 14.520 12.670 96.440 97.110 3.560 2.890 1.07 132.86 224 0.875 bilinear
512 dla46_c botnet26t_256 84.660 87.240 15.340 12.760 96.200 96.750 3.800 3.250 1.30 12.49 224 256 0.875 0.950 bilinear bicubic
513 dla60x_c 87.080 12.920 97.140 2.860 1.32 224 0.875 bilinear
514 mixer_l16_224 86.960 13.040 94.030 5.970 208.20 224 0.875 bicubic
515 tf_mobilenetv3_small_100 85.990 14.010 96.410 3.590 2.54 224 0.875 bilinear
516 dla46x_c 85.470 14.530 96.450 3.550 1.07 224 0.875 bilinear
517 dla46_c 84.710 15.290 96.210 3.790 1.30 224 0.875 bilinear
518 tf_mobilenetv3_small_075 84.530 15.470 95.890 4.110 2.04 224 0.875 bilinear
519 tf_mobilenetv3_small_minimal_100 82.670 82.680 17.330 17.320 95.000 95.010 5.000 4.990 2.04 224 0.875 bilinear

@ -1,421 +1,519 @@
model,top1,top1_err,top5,top5_err,param_count,img_size,cropt_pct,interpolation,top1_diff,top5_diff,rank_diff
ig_resnext101_32x48d,79.650,20.350,89.393,10.607,828.41,224,0.875,bilinear,-17.320,-10.277,+9
ig_resnext101_32x32d,79.457,20.543,89.183,10.817,468.53,224,0.875,bilinear,-17.323,-10.347,+19
ig_resnext101_32x16d,78.837,21.163,88.480,11.520,194.03,224,0.875,bilinear,-17.603,-11.060,+37
tf_efficientnet_l2_ns_475,76.480,23.520,88.653,11.347,480.31,475,0.936,bicubic,-21.270,-11.167,-2
swsl_resnext101_32x16d,76.303,23.697,87.733,12.267,194.03,224,0.875,bilinear,-19.967,-11.767,+46
ig_resnext101_32x8d,75.813,24.187,86.200,13.800,88.79,224,0.875,bilinear,-20.117,-13.180,+67
swsl_resnext101_32x8d,75.590,24.410,86.937,13.063,88.79,224,0.875,bilinear,-20.650,-12.533,+46
tf_efficientnet_l2_ns,74.650,25.350,87.543,12.457,480.31,800,0.960,bicubic,-23.130,-12.347,-7
swsl_resnext101_32x4d,72.660,27.340,85.157,14.843,44.18,224,0.875,bilinear,-23.390,-14.373,+56
swsl_resnext50_32x4d,68.977,31.023,82.810,17.190,25.03,224,0.875,bilinear,-26.643,-16.630,+79
swsl_resnet50,68.297,31.703,83.313,16.687,25.56,224,0.875,bilinear,-26.903,-16.077,+102
tf_efficientnet_b7_ns,67.510,32.490,81.383,18.617,66.35,600,0.949,bicubic,-29.690,-18.317,-8
vit_large_patch16_384,67.053,32.947,78.707,21.293,304.72,384,1.000,bicubic,-30.367,-21.073,-10
swin_large_patch4_window12_384,66.283,33.717,79.783,20.217,196.74,384,1.000,bicubic,-30.887,-19.897,-9
tf_efficientnet_b6_ns,65.587,34.413,79.553,20.447,43.04,528,0.942,bicubic,-31.433,-20.157,-7
vit_large_patch16_224,64.347,35.653,76.190,23.810,304.33,224,0.900,bicubic,-32.363,-23.460,+8
vit_large_r50_s32_384,64.100,35.900,75.850,24.150,329.09,384,1.000,bicubic,-32.850,-23.860,-4
swin_large_patch4_window7_224,63.870,36.130,78.180,21.820,196.53,224,0.900,bicubic,-33.080,-21.480,-6
swin_base_patch4_window12_384,63.470,36.530,78.063,21.937,87.90,384,1.000,bicubic,-33.650,-21.717,-13
tf_efficientnet_b5_ns,63.047,36.953,77.777,22.223,30.39,456,0.934,bicubic,-33.823,-21.863,-3
tf_efficientnet_b4_ns,61.230,38.770,76.173,23.827,19.34,380,0.922,bicubic,-35.480,-23.467,+2
tf_efficientnetv2_l_in21ft1k,60.953,39.047,75.847,24.153,118.52,480,1.000,bicubic,-36.157,-23.863,-15
vit_base_patch16_384,60.180,39.820,73.843,26.157,86.86,384,1.000,bicubic,-36.840,-25.867,-14
swin_base_patch4_window7_224,59.537,40.463,74.247,25.753,87.77,224,0.900,bicubic,-37.143,-25.413,+2
tf_efficientnetv2_m_in21ft1k,58.647,41.353,73.983,26.017,54.14,480,1.000,bicubic,-38.323,-25.627,-14
vit_large_r50_s32_224,58.633,41.367,71.720,28.280,328.99,224,0.900,bicubic,-37.547,-27.810,+30
tf_efficientnet_b8_ap,57.830,42.170,72.957,27.043,87.41,672,0.954,bicubic,-38.720,-26.583,+4
cait_m48_448,57.470,42.530,71.860,28.140,356.46,448,1.000,bicubic,-39.410,-27.760,-13
cait_m36_384,57.467,42.533,72.313,27.687,271.22,384,1.000,bicubic,-39.363,-27.347,-11
tf_efficientnet_b3_ns,57.417,42.583,72.387,27.613,12.23,300,0.904,bicubic,-38.683,-27.093,+29
vit_base_patch16_224,56.823,43.177,70.633,29.367,86.57,224,0.900,bicubic,-39.477,-28.927,+16
vit_base_r50_s16_384,54.403,45.597,69.560,30.440,98.95,384,1.000,bicubic,-42.047,-30.100,+7
resnetv2_152x4_bitm,54.320,45.680,70.167,29.833,936.53,480,1.000,bilinear,-42.550,-29.493,-17
vit_small_r26_s32_384,54.197,45.803,68.757,31.243,36.47,384,1.000,bicubic,-41.863,-30.803,+30
tf_efficientnet_b5_ap,53.870,46.130,69.160,30.840,30.39,456,0.934,bicubic,-42.210,-30.380,+25
tf_efficientnet_b2_ns,53.600,46.400,70.270,29.730,9.11,260,0.890,bicubic,-41.920,-29.120,+57
tf_efficientnet_b6_ap,53.560,46.440,68.550,31.450,43.04,528,0.942,bicubic,-42.810,-31.000,+6
cait_s36_384,53.550,46.450,68.000,32.000,68.37,384,1.000,bicubic,-43.080,-31.600,-10
tf_efficientnet_b8,53.410,46.590,69.090,30.910,87.41,672,0.954,bicubic,-43.290,-30.440,-14
vit_base_patch32_384,53.307,46.693,68.047,31.953,88.30,384,1.000,bicubic,-42.593,-31.393,+34
tf_efficientnet_b7_ap,53.260,46.740,68.873,31.127,66.35,600,0.949,bicubic,-43.090,-30.717,+4
tf_efficientnetv2_s_in21ft1k,53.150,46.850,69.000,31.000,21.46,384,1.000,bicubic,-43.320,-30.570,-7
tf_efficientnet_b4_ap,53.090,46.910,68.210,31.790,19.34,380,0.922,bicubic,-42.400,-31.180,+53
dm_nfnet_f5,52.870,47.130,67.430,32.570,377.21,544,0.954,bicubic,-43.940,-32.240,-25
dm_nfnet_f6,52.447,47.553,67.120,32.880,438.36,576,0.956,bicubic,-44.473,-32.600,-31
tf_efficientnet_b7,52.393,47.607,68.233,31.767,66.35,600,0.949,bicubic,-44.187,-31.277,-17
tf_efficientnetv2_l,52.377,47.623,67.237,32.763,118.52,480,1.000,bicubic,-44.273,-32.323,-20
swsl_resnet18,52.327,47.673,70.480,29.520,11.69,224,0.875,bilinear,-38.763,-27.730,+334
efficientnetv2_rw_m,52.323,47.677,67.210,32.790,53.24,416,1.000,bicubic,-43.947,-32.350,0
deit_base_distilled_patch16_384,52.257,47.743,67.733,32.267,87.63,384,1.000,bicubic,-44.253,-31.857,-16
dm_nfnet_f3,52.130,47.870,66.743,33.257,254.92,416,0.940,bicubic,-44.600,-32.887,-29
resnetv2_152x2_bit_teacher_384,51.937,48.063,68.670,31.330,236.34,384,1.000,bicubic,-44.253,-30.830,+3
resmlp_big_24_224_in22ft1k,51.903,48.097,68.463,31.537,129.14,224,0.875,bicubic,-44.447,-31.057,-9
cait_s24_384,51.783,48.217,66.313,33.687,47.06,384,1.000,bicubic,-44.787,-33.237,-24
resnetv2_152x2_bitm,51.753,48.247,69.250,30.750,236.34,448,1.000,bilinear,-44.767,-30.340,-22
ecaresnet269d,51.670,48.330,66.047,33.953,102.09,352,1.000,bicubic,-44.790,-33.563,-19
vit_base_patch16_224_miil,51.557,48.443,65.207,34.793,86.54,224,0.875,bilinear,-44.473,-34.143,+9
pit_b_distilled_224,51.153,48.847,66.770,33.230,74.79,224,0.900,bicubic,-44.917,-32.610,+3
dm_nfnet_f4,50.900,49.100,65.557,34.443,316.07,512,0.951,bicubic,-45.880,-34.063,-39
tf_efficientnet_b1_ns,50.883,49.117,67.910,32.090,7.79,240,0.882,bicubic,-43.977,-31.340,+75
tf_efficientnetv2_m,50.557,49.443,66.010,33.990,54.14,480,1.000,bicubic,-45.993,-33.560,-29
efficientnet_b4,50.510,49.490,65.703,34.297,19.34,384,1.000,bicubic,-45.010,-33.637,+32
resnetv2_101x3_bitm,50.407,49.593,67.790,32.210,387.93,448,1.000,bilinear,-45.843,-31.800,-11
ssl_resnext101_32x16d,50.257,49.743,66.033,33.967,194.03,224,0.875,bilinear,-45.153,-33.377,+36
cait_s24_224,50.243,49.757,65.027,34.973,46.92,224,1.000,bicubic,-45.407,-34.363,+22
eca_nfnet_l2,50.237,49.763,65.450,34.550,56.72,384,1.000,bicubic,-46.213,-34.170,-28
vit_small_patch16_384,50.160,49.840,65.807,34.193,22.20,384,1.000,bicubic,-45.820,-33.783,+3
resnest269e,50.153,49.847,64.670,35.330,110.93,416,0.928,bicubic,-45.967,-34.850,-11
deit_base_distilled_patch16_224,50.063,49.937,66.227,33.773,87.34,224,0.900,bicubic,-45.687,-33.203,+11
tf_efficientnet_b3_ap,50.057,49.943,65.210,34.790,12.23,300,0.904,bicubic,-44.913,-33.900,+55
resnest200e,49.873,50.127,64.743,35.257,70.20,320,0.909,bicubic,-46.197,-34.737,-9
cait_xs24_384,49.527,50.473,64.900,35.100,26.67,384,1.000,bicubic,-46.483,-34.530,-5
tf_efficientnet_b5,49.510,50.490,65.657,34.343,30.39,456,0.934,bicubic,-46.470,-33.793,-4
resnetv2_152x2_bit_teacher,49.480,50.520,65.617,34.383,236.34,224,0.875,bicubic,-46.270,-33.823,+5
resnet200d,49.470,50.530,64.330,35.670,64.69,320,1.000,bicubic,-46.640,-35.130,-17
resnest101e,49.367,50.633,65.587,34.413,48.28,256,0.875,bilinear,-46.203,-33.683,+15
resnet152d,49.253,50.747,64.413,35.587,60.21,320,1.000,bicubic,-46.617,-35.017,0
vit_base_patch32_224,49.253,50.747,64.340,35.660,88.22,224,0.900,bicubic,-45.137,-34.730,+92
seresnet152d,49.247,50.753,64.170,35.830,66.84,320,1.000,bicubic,-47.063,-35.340,-33
resmlp_big_24_distilled_224,49.097,50.903,65.470,34.530,129.14,224,0.875,bicubic,-46.773,-33.970,-4
ssl_resnext101_32x8d,49.067,50.933,65.480,34.520,88.79,224,0.875,bilinear,-46.273,-33.840,+25
repvgg_b3,48.917,51.083,64.887,35.113,123.09,224,0.875,bilinear,-45.633,-34.023,+80
resnetrs420,48.857,51.143,63.427,36.573,191.89,416,1.000,bicubic,-47.543,-36.113,-42
efficientnetv2_rw_s,48.603,51.397,63.840,36.160,23.94,384,1.000,bicubic,-47.107,-35.540,0
efficientnet_b3,48.563,51.437,64.250,35.750,12.23,320,1.000,bicubic,-46.577,-34.960,+32
ecaresnet101d,48.527,51.473,64.100,35.900,44.57,224,0.875,bicubic,-46.633,-35.130,+28
dm_nfnet_f2,48.373,51.627,63.233,36.767,193.78,352,0.920,bicubic,-48.087,-36.307,-51
vit_small_r26_s32_224,48.363,51.637,63.797,36.203,36.43,224,0.900,bicubic,-46.767,-35.423,+30
repvgg_b3g4,48.310,51.690,64.800,35.200,83.83,224,0.875,bilinear,-46.180,-34.220,+75
vit_large_patch32_384,48.250,51.750,61.830,38.170,306.63,384,1.000,bicubic,-46.990,-37.490,+19
convit_base,48.217,51.783,63.000,37.000,86.54,224,0.875,bicubic,-46.883,-36.140,+29
resnetrs350,48.050,51.950,62.653,37.347,163.96,384,1.000,bicubic,-48.190,-36.937,-38
twins_svt_large,47.947,52.053,62.907,37.093,99.27,224,0.900,bicubic,-47.773,-36.583,-11
mixer_b16_224_miil,47.790,52.210,63.400,36.600,59.88,224,0.875,bilinear,-47.090,-35.870,+39
repvgg_b2g4,47.787,52.213,64.390,35.610,61.76,224,0.875,bilinear,-46.033,-34.540,+129
eca_nfnet_l1,47.650,52.350,62.763,37.237,41.41,320,1.000,bicubic,-48.290,-36.727,-24
resnetv2_50x3_bitm,47.593,52.407,65.603,34.397,217.32,448,1.000,bilinear,-48.677,-34.027,-47
pit_s_distilled_224,47.543,52.457,63.493,36.507,24.04,224,0.900,bicubic,-47.187,-35.697,+43
resnest50d_4s2x40d,47.483,52.517,63.807,36.193,30.42,224,0.875,bicubic,-47.227,-35.323,+46
efficientnet_b3_pruned,47.447,52.553,62.793,37.207,9.86,300,0.904,bicubic,-47.133,-36.387,+59
tresnet_m,47.230,52.770,61.993,38.007,31.39,224,0.875,bilinear,-48.150,-37.157,+3
tf_efficientnet_b6,47.213,52.787,63.110,36.890,43.04,528,0.942,bicubic,-49.077,-36.410,-54
ssl_resnext101_32x4d,47.177,52.823,63.367,36.633,44.18,224,0.875,bilinear,-47.983,-35.933,+12
resnetrs270,47.107,52.893,62.010,37.990,129.86,352,1.000,bicubic,-48.953,-37.480,-41
tf_efficientnet_b4,47.083,52.917,62.867,37.133,19.34,380,0.922,bicubic,-48.507,-36.463,-15
resnet101d,46.893,53.107,62.317,37.683,44.57,320,1.000,bicubic,-48.857,-36.963,-28
resnetrs200,46.837,53.163,62.487,37.513,93.21,320,1.000,bicubic,-49.153,-36.953,-39
gluon_seresnext101_64x4d,46.677,53.323,61.303,38.697,88.23,224,0.875,bicubic,-47.973,-37.677,+43
twins_pcpvt_large,46.637,53.363,62.240,37.760,60.99,224,0.900,bicubic,-49.083,-37.050,-28
dm_nfnet_f1,46.547,53.453,61.407,38.593,132.63,320,0.910,bicubic,-49.843,-38.063,-68
tresnet_xl,46.283,53.717,61.943,38.057,78.44,224,0.875,bilinear,-48.777,-37.317,+12
deit_small_distilled_patch16_224,46.160,53.840,62.417,37.583,22.44,224,0.900,bicubic,-48.430,-36.683,+43
regnety_160,46.153,53.847,61.837,38.163,83.59,288,1.000,bicubic,-49.727,-37.723,-38
gernet_m,46.150,53.850,62.700,37.300,21.14,224,0.875,bilinear,-48.400,-36.230,+47
resnest50d_1s4x24d,46.083,53.917,62.377,37.623,25.68,224,0.875,bicubic,-48.307,-36.683,+56
tf_efficientnet_b0_ns,46.047,53.953,63.253,36.747,5.29,224,0.875,bicubic,-47.693,-35.727,+119
resnet51q,46.027,53.973,60.910,39.090,35.70,288,1.000,bilinear,-49.173,-38.370,-5
vit_small_patch16_224,45.990,54.010,61.820,38.180,22.05,224,0.900,bicubic,-48.890,-37.260,+14
resnest50d,45.937,54.063,62.623,37.377,27.48,224,0.875,bilinear,-48.683,-36.407,+33
twins_pcpvt_base,45.893,54.107,61.337,38.663,43.83,224,0.900,bicubic,-49.567,-38.053,-23
regnety_032,45.893,54.107,61.537,38.463,19.44,288,1.000,bicubic,-49.577,-37.783,-23
levit_384,45.877,54.123,61.693,38.307,39.13,224,0.900,bicubic,-49.333,-37.467,-11
twins_svt_base,45.877,54.123,60.967,39.033,56.07,224,0.900,bicubic,-49.693,-38.263,-31
gluon_seresnext101_32x4d,45.590,54.410,61.143,38.857,48.96,224,0.875,bicubic,-48.860,-37.947,+42
dm_nfnet_f0,45.483,54.517,60.983,39.017,71.49,256,0.900,bicubic,-50.207,-38.347,-39
gluon_resnet152_v1d,45.430,54.570,60.077,39.923,60.21,224,0.875,bicubic,-49.010,-38.933,+41
nfnet_l0,45.420,54.580,62.080,37.920,35.07,288,1.000,bicubic,-49.970,-37.340,-25
ssl_resnext50_32x4d,45.407,54.593,62.047,37.953,25.03,224,0.875,bilinear,-49.293,-37.193,+18
resnetv2_50x1_bit_distilled,45.393,54.607,62.303,37.697,25.55,224,0.875,bicubic,-49.997,-37.127,-26
tresnet_xl_448,45.223,54.777,61.437,38.563,78.44,448,0.875,bilinear,-50.287,-37.903,-35
nasnetalarge,45.210,54.790,57.883,42.117,88.75,331,0.911,bicubic,-49.940,-41.247,-15
convit_small,45.203,54.797,60.510,39.490,27.78,224,0.875,bicubic,-49.717,-38.600,-3
swin_small_patch4_window7_224,45.163,54.837,60.330,39.670,49.61,224,0.900,bicubic,-50.557,-39.040,-50
tf_efficientnet_b3,45.107,54.893,60.650,39.350,12.23,300,0.904,bicubic,-49.803,-38.460,-4
rexnet_200,45.047,54.953,62.317,37.683,16.37,224,0.875,bicubic,-49.613,-36.773,+14
resnetrs152,44.943,55.057,59.713,40.287,86.62,320,1.000,bicubic,-51.017,-39.667,-65
ecaresnetlight,44.890,55.110,60.770,39.230,30.16,224,0.875,bicubic,-49.250,-38.180,+54
deit_base_patch16_224,44.870,55.130,59.177,40.823,86.57,224,0.900,bicubic,-50.140,-39.803,-14
deit_base_patch16_384,44.777,55.223,59.617,40.383,86.86,384,1.000,bicubic,-50.873,-39.623,-51
cait_xxs36_384,44.773,55.227,59.380,40.620,17.37,384,1.000,bicubic,-50.447,-39.940,-30
resmlp_36_distilled_224,44.757,55.243,61.073,38.927,44.69,224,0.875,bicubic,-49.813,-38.087,+19
gernet_l,44.740,55.260,58.943,41.057,31.08,256,0.875,bilinear,-50.190,-40.257,-15
resmlp_24_distilled_224,44.707,55.293,61.467,38.533,30.02,224,0.875,bicubic,-49.623,-37.623,+34
tf_efficientnet_b2_ap,44.700,55.300,60.680,39.320,9.11,260,0.890,bicubic,-49.570,-38.270,+37
ens_adv_inception_resnet_v2,44.393,55.607,58.117,41.883,55.84,299,0.897,bicubic,-49.737,-40.673,+48
tresnet_l,44.363,55.637,59.953,40.047,55.99,224,0.875,bilinear,-50.537,-39.077,-15
gluon_resnext101_32x4d,44.290,55.710,59.090,40.910,44.18,224,0.875,bicubic,-49.830,-39.840,+49
wide_resnet50_2,44.177,55.823,59.727,40.273,68.88,224,0.875,bicubic,-50.493,-39.323,0
cspresnext50,44.147,55.853,60.533,39.467,20.57,224,0.875,bilinear,-49.613,-38.307,+81
resnetv2_101x1_bitm,44.127,55.873,61.983,38.017,44.54,448,1.000,bilinear,-51.193,-37.387,-43
seresnext50_32x4d,44.127,55.873,59.490,40.510,27.56,224,0.875,bicubic,-50.693,-39.640,-15
gluon_resnet152_v1s,44.073,55.927,58.703,41.297,60.32,224,0.875,bicubic,-50.647,-40.357,-9
pit_b_224,44.070,55.930,58.017,41.983,73.76,224,0.900,bicubic,-50.720,-40.803,-16
ssl_resnet50,44.010,55.990,61.887,38.113,25.56,224,0.875,bilinear,-50.300,-37.263,+24
inception_resnet_v2,44.003,55.997,57.907,42.093,55.84,299,0.897,bicubic,-50.337,-40.893,+21
pnasnet5large,43.950,56.050,56.730,43.270,86.06,331,0.911,bicubic,-51.410,-42.400,-51
pit_s_224,43.890,56.110,58.627,41.373,23.46,224,0.900,bicubic,-50.700,-40.303,-1
gluon_resnext101_64x4d,43.877,56.123,58.710,41.290,83.46,224,0.875,bicubic,-50.473,-40.170,+17
coat_lite_small,43.823,56.177,57.147,42.853,19.84,224,0.900,bicubic,-51.257,-41.873,-38
tnt_s_patch16_224,43.773,56.227,59.197,40.803,23.76,224,0.900,bicubic,-50.807,-39.873,-2
cait_xxs36_224,43.760,56.240,58.720,41.280,17.30,224,1.000,bicubic,-50.180,-40.200,+51
ecaresnet50d,43.750,56.250,60.387,39.613,25.58,224,0.875,bicubic,-50.440,-38.633,+25
ecaresnet101d_pruned,43.737,56.263,59.607,40.393,24.88,224,0.875,bicubic,-50.713,-39.493,+2
tf_efficientnetv2_s,43.710,56.290,58.597,41.403,21.46,384,1.000,bicubic,-52.000,-40.803,-79
rexnet_150,43.690,56.310,60.897,39.103,9.73,224,0.875,bicubic,-50.580,-38.183,+15
pit_xs_distilled_224,43.663,56.337,60.703,39.297,11.00,224,0.900,bicubic,-49.577,-38.147,+115
gluon_resnet101_v1d,43.440,56.560,58.613,41.387,44.57,224,0.875,bicubic,-50.730,-40.327,+21
ecaresnet50t,43.407,56.593,59.300,40.700,25.57,320,0.950,bicubic,-51.663,-39.990,-46
gluon_resnet101_v1s,43.363,56.637,58.503,41.497,44.67,224,0.875,bicubic,-50.807,-40.507,+20
cspdarknet53,43.357,56.643,59.430,40.570,27.64,256,0.887,bilinear,-50.733,-39.580,+28
dpn68b,43.287,56.713,58.673,41.327,12.61,224,0.875,bicubic,-50.333,-40.277,+81
visformer_small,43.253,56.747,57.993,42.007,40.22,224,0.900,bicubic,-51.707,-41.217,-46
eca_nfnet_l0,43.233,56.767,59.913,40.087,24.14,288,1.000,bicubic,-52.217,-39.477,-74
vit_small_patch32_384,43.143,56.857,59.293,40.707,22.92,384,1.000,bicubic,-51.447,-39.847,-17
resnest26d,43.140,56.860,60.623,39.377,17.07,224,0.875,bilinear,-50.100,-38.127,+107
twins_pcpvt_small,43.090,56.910,58.873,41.127,24.11,224,0.900,bicubic,-51.510,-40.277,-22
resmlp_36_224,43.050,56.950,59.310,40.690,44.69,224,0.875,bicubic,-50.600,-39.640,+69
dpn131,43.047,56.953,57.440,42.560,79.25,224,0.875,bicubic,-50.713,-41.360,+53
cspresnet50,43.030,56.970,59.153,40.847,21.62,256,0.887,bilinear,-50.830,-39.717,+40
tf_efficientnet_lite4,42.967,57.033,57.620,42.380,13.01,380,0.920,bilinear,-51.903,-41.470,-46
twins_svt_small,42.923,57.077,58.453,41.547,24.06,224,0.900,bicubic,-51.847,-40.627,-42
gluon_resnet152_v1b,42.903,57.097,57.750,42.250,60.19,224,0.875,bicubic,-51.127,-40.990,+20
dpn107,42.857,57.143,57.367,42.633,86.92,224,0.875,bicubic,-51.103,-41.473,+26
levit_256,42.823,57.177,57.897,42.103,18.89,224,0.900,bicubic,-51.577,-41.163,-16
tf_efficientnet_b1_ap,42.803,57.197,58.813,41.187,7.79,240,0.882,bicubic,-50.827,-39.987,+64
gluon_resnet152_v1c,42.800,57.200,57.737,42.263,60.21,224,0.875,bicubic,-51.080,-41.063,+30
gluon_xception65,42.793,57.207,58.820,41.180,39.92,299,0.903,bicubic,-51.217,-40.200,+18
tresnet_l_448,42.753,57.247,58.947,41.053,55.99,448,0.875,bilinear,-52.657,-40.353,-87
resnet50d,42.707,57.293,58.697,41.303,25.58,224,0.875,bicubic,-51.363,-40.223,+11
gluon_seresnext50_32x4d,42.683,57.317,58.710,41.290,27.56,224,0.875,bicubic,-51.487,-40.200,0
resnext101_32x8d,42.557,57.443,58.317,41.683,88.79,224,0.875,bilinear,-51.213,-40.633,+38
nf_resnet50,42.510,57.490,59.520,40.480,25.56,288,0.940,bicubic,-51.890,-39.550,-23
seresnet50,42.510,57.490,58.667,41.333,28.09,224,0.875,bicubic,-51.570,-40.303,+6
resnetrs101,42.437,57.563,57.300,42.700,63.62,288,0.940,bicubic,-52.813,-41.910,-86
tf_efficientnetv2_b3,42.313,57.687,57.940,42.060,14.36,300,0.904,bicubic,-52.807,-41.260,-76
dpn98,42.280,57.720,56.880,43.120,61.57,224,0.875,bicubic,-51.660,-42.040,+17
deit_small_patch16_224,42.263,57.737,58.020,41.980,22.05,224,0.900,bicubic,-51.737,-40.940,+10
tf_efficientnet_cc_b1_8e,42.233,57.767,58.420,41.580,39.72,240,0.882,bicubic,-51.337,-40.270,+59
legacy_senet154,42.207,57.793,56.597,43.403,115.09,224,0.875,bilinear,-52.523,-42.503,-59
cait_xxs24_384,42.187,57.813,57.460,42.540,12.03,384,1.000,bicubic,-52.733,-41.680,-72
tf_efficientnet_b2,42.120,57.880,58.197,41.803,9.11,260,0.890,bicubic,-52.090,-40.853,-17
gluon_resnext50_32x4d,42.043,57.957,57.667,42.333,25.03,224,0.875,bicubic,-51.607,-41.023,+43
resnet50,42.013,57.987,56.000,44.000,25.56,224,0.875,bicubic,-51.447,-42.600,+63
ecaresnet50d_pruned,41.953,58.047,58.217,41.783,19.94,224,0.875,bicubic,-51.867,-40.783,+19
efficientnet_b2,41.933,58.067,58.300,41.700,9.11,288,1.000,bicubic,-52.437,-40.750,-32
dla102x2,41.647,58.353,57.967,42.033,41.28,224,0.875,bilinear,-52.353,-41.063,+2
hrnet_w64,41.637,58.363,57.130,42.870,128.06,224,0.875,bilinear,-52.193,-41.800,+15
gluon_senet154,41.627,58.373,56.373,43.627,115.09,224,0.875,bicubic,-53.083,-42.597,-64
inception_v4,41.577,58.423,55.383,44.617,42.68,299,0.875,bicubic,-52.803,-43.437,-37
efficientnet_el,41.497,58.503,58.303,41.697,10.59,300,0.904,bicubic,-53.173,-40.827,-63
efficientnet_em,41.493,58.507,58.877,41.123,6.90,240,0.882,bicubic,-52.247,-40.053,+23
tf_efficientnet_cc_b0_8e,41.487,58.513,57.377,42.623,24.01,224,0.875,bicubic,-51.383,-41.083,+97
swin_tiny_patch4_window7_224,41.457,58.543,57.303,42.697,28.29,224,0.900,bicubic,-53.163,-41.817,-60
resnext50_32x4d,41.443,58.557,56.997,43.003,25.03,224,0.875,bicubic,-52.397,-41.833,+7
cait_xxs24_224,41.383,58.617,57.527,42.473,11.96,224,1.000,bicubic,-52.107,-41.243,+49
tv_resnet152,41.327,58.673,57.520,42.480,60.19,224,0.875,bilinear,-51.913,-41.300,+64
xception71,41.270,58.730,55.873,44.127,42.34,299,0.903,bicubic,-52.620,-43.127,-3
dpn92,41.267,58.733,56.333,43.667,37.67,224,0.875,bicubic,-52.923,-42.597,-32
adv_inception_v3,41.263,58.737,56.317,43.683,23.83,299,0.875,bicubic,-51.747,-42.173,+75
gernet_s,41.247,58.753,58.830,41.170,8.17,224,0.875,bilinear,-51.193,-39.670,+112
resnetblur50,41.053,58.947,57.077,42.923,25.56,224,0.875,bicubic,-52.657,-41.723,+16
nf_regnet_b1,41.013,58.987,58.120,41.880,10.22,288,0.900,bicubic,-52.867,-40.970,-4
gluon_resnet50_v1d,40.970,59.030,57.137,42.863,25.58,224,0.875,bicubic,-52.560,-41.573,+37
gluon_inception_v3,40.907,59.093,55.617,44.383,23.83,299,0.875,bicubic,-52.633,-43.213,+34
ese_vovnet39b,40.867,59.133,56.947,43.053,24.57,224,0.875,bicubic,-52.983,-41.953,-5
levit_192,40.847,59.153,56.687,43.313,10.95,224,0.900,bicubic,-52.863,-42.113,+14
regnety_320,40.813,59.187,56.117,43.883,145.05,224,0.875,bicubic,-53.707,-43.053,-64
resnet34d,40.810,59.190,56.530,43.470,21.82,224,0.875,bicubic,-51.830,-41.890,+93
xception,40.763,59.237,56.387,43.613,22.86,299,0.897,bicubic,-52.877,-42.383,+18
skresnext50_32x4d,40.700,59.300,56.023,43.977,27.48,224,0.875,bicubic,-53.250,-42.797,-20
gluon_resnet101_v1b,40.680,59.320,56.117,43.883,44.55,224,0.875,bicubic,-53.080,-42.583,+1
hrnet_w40,40.660,59.340,56.753,43.247,57.56,224,0.875,bilinear,-53.050,-42.067,+9
resmlp_24_224,40.653,59.347,56.573,43.427,30.02,224,0.875,bicubic,-52.787,-42.237,+37
repvgg_b1,40.593,59.407,57.837,42.163,57.42,224,0.875,bilinear,-52.817,-40.953,+39
tf_efficientnet_lite3,40.563,59.437,56.477,43.523,8.20,300,0.904,bilinear,-53.567,-42.483,-40
tresnet_m_448,40.530,59.470,56.700,43.300,31.39,448,0.875,bilinear,-54.130,-42.450,-86
pit_xs_224,40.497,59.503,56.530,43.470,10.62,224,0.900,bicubic,-52.413,-42.250,+66
dla169,40.493,59.507,57.263,42.737,53.39,224,0.875,bilinear,-53.307,-41.647,-11
repvgg_b2,40.467,59.533,57.780,42.220,89.02,224,0.875,bilinear,-53.123,-41.290,+15
regnetx_320,40.443,59.557,55.660,44.340,107.81,224,0.875,bicubic,-53.767,-43.370,-55
coat_mini,40.420,59.580,55.167,44.833,10.34,224,0.900,bicubic,-54.350,-43.783,-103
skresnet34,40.397,59.603,56.737,43.263,22.28,224,0.875,bicubic,-52.173,-41.783,+85
efficientnet_el_pruned,40.390,59.610,56.903,43.097,10.59,300,0.904,bicubic,-53.700,-42.077,-46
efficientnet_b2_pruned,40.383,59.617,56.537,43.463,8.31,260,0.890,bicubic,-53.417,-42.303,-18
coat_lite_mini,40.360,59.640,55.717,44.283,11.01,224,0.900,bicubic,-53.090,-42.983,+23
legacy_seresnext101_32x4d,40.360,59.640,54.817,45.183,48.96,224,0.875,bilinear,-53.770,-44.153,-52
wide_resnet101_2,40.360,59.640,55.780,44.220,126.89,224,0.875,bilinear,-53.370,-43.030,-11
tf_efficientnet_b0_ap,40.337,59.663,56.787,43.213,5.29,224,0.875,bicubic,-52.273,-41.583,+75
xception65,40.273,59.727,55.283,44.717,39.92,299,0.903,bicubic,-53.487,-43.577,-16
regnetx_160,40.270,59.730,56.050,43.950,54.28,224,0.875,bicubic,-53.610,-42.690,-33
densenet201,40.267,59.733,56.710,43.290,20.01,224,0.875,bicubic,-52.423,-41.940,+65
resnext50d_32x4d,40.170,59.830,55.487,44.513,25.05,224,0.875,bicubic,-53.640,-43.253,-27
hrnet_w48,40.093,59.907,56.640,43.360,77.47,224,0.875,bilinear,-53.937,-42.400,-50
legacy_seresnet152,40.043,59.957,55.820,44.180,66.82,224,0.875,bilinear,-53.397,-43.030,+15
hrnet_w30,40.030,59.970,57.093,42.907,37.71,224,0.875,bilinear,-53.340,-41.737,+20
regnetx_080,40.000,60.000,55.977,44.023,39.57,224,0.875,bicubic,-53.790,-42.933,-28
tf_efficientnet_b1,39.977,60.023,56.137,43.863,7.79,240,0.882,bicubic,-53.733,-42.673,-18
gluon_resnet101_v1c,39.953,60.047,55.300,44.700,44.57,224,0.875,bicubic,-53.737,-43.460,-16
resmlp_12_distilled_224,39.843,60.157,57.440,42.560,15.35,224,0.875,bicubic,-53.027,-41.190,+49
tf_efficientnetv2_b0,39.787,60.213,56.283,43.717,7.14,224,0.875,bicubic,-53.273,-42.417,+28
res2net101_26w_4s,39.717,60.283,54.550,45.450,45.21,224,0.875,bilinear,-53.803,-44.050,0
regnetx_120,39.687,60.313,55.633,44.367,46.11,224,0.875,bicubic,-54.583,-43.557,-83
hrnet_w44,39.677,60.323,55.333,44.667,67.06,224,0.875,bilinear,-53.943,-43.367,-13
vit_small_patch32_224,39.667,60.333,55.253,44.747,22.88,224,0.900,bicubic,-52.483,-43.257,+80
densenet161,39.620,60.380,56.133,43.867,28.68,224,0.875,bicubic,-53.280,-42.587,+41
resmlp_big_24_224,39.620,60.380,54.817,45.183,129.14,224,0.875,bicubic,-54.640,-44.003,-84
mixnet_xl,39.617,60.383,55.887,44.113,11.90,224,0.875,bicubic,-54.613,-42.933,-84
xception41,39.610,60.390,55.037,44.963,26.97,299,0.903,bicubic,-53.870,-43.713,-3
res2net50_26w_8s,39.603,60.397,54.550,45.450,48.40,224,0.875,bilinear,-53.847,-44.230,-2
tf_efficientnetv2_b1,39.570,60.430,55.343,44.657,8.14,240,0.882,bicubic,-54.140,-43.447,-32
dla102x,39.553,60.447,56.323,43.677,26.31,224,0.875,bilinear,-53.977,-42.527,-12
rexnet_130,39.487,60.513,56.640,43.360,7.56,224,0.875,bicubic,-54.183,-42.070,-28
hrnet_w32,39.463,60.537,56.123,43.877,41.23,224,0.875,bilinear,-53.487,-42.717,+27
resnetv2_50x1_bitm,39.440,60.560,57.847,42.153,25.55,448,1.000,bilinear,-55.290,-41.333,-132
levit_128,39.433,60.567,55.350,44.650,9.21,224,0.900,bicubic,-53.617,-43.340,+14
regnety_064,39.403,60.597,55.773,44.227,30.58,224,0.875,bicubic,-54.737,-43.257,-84
densenetblur121d,39.380,60.620,56.640,43.360,8.00,224,0.875,bicubic,-53.020,-41.770,+57
regnety_120,39.347,60.653,55.277,44.723,51.82,224,0.875,bicubic,-54.663,-43.753,-72
tv_resnet101,39.307,60.693,55.803,44.197,44.55,224,0.875,bilinear,-53.573,-42.857,+28
tf_efficientnet_el,39.303,60.697,55.387,44.613,10.59,300,0.904,bicubic,-55.057,-43.713,-106
tf_inception_v3,39.237,60.763,54.300,45.700,23.83,299,0.875,bicubic,-53.963,-44.180,+2
gluon_resnet50_v1s,39.233,60.767,55.010,44.990,25.68,224,0.875,bicubic,-54.357,-43.830,-29
tf_efficientnetv2_b2,39.180,60.820,54.570,45.430,10.10,260,0.890,bicubic,-54.890,-44.360,-82
densenet169,39.167,60.833,55.843,44.157,14.15,224,0.875,bicubic,-53.133,-42.747,+54
legacy_seresnet101,39.037,60.963,55.003,44.997,49.33,224,0.875,bilinear,-54.223,-43.737,-8
efficientnet_b1_pruned,39.010,60.990,55.647,44.353,6.33,240,0.882,bicubic,-53.970,-42.883,+11
repvgg_b1g4,38.990,61.010,56.350,43.650,39.97,224,0.875,bilinear,-54.040,-42.470,+5
inception_v3,38.960,61.040,53.853,46.147,23.83,299,0.875,bicubic,-53.940,-44.477,+17
dpn68,38.933,61.067,54.933,45.067,12.61,224,0.875,bicubic,-53.307,-43.677,+52
regnety_080,38.917,61.083,55.213,44.787,39.18,224,0.875,bicubic,-54.973,-43.737,-75
legacy_seresnext50_32x4d,38.877,61.123,54.593,45.407,27.56,224,0.875,bilinear,-54.553,-44.207,-20
dla102,38.833,61.167,55.323,44.677,33.27,224,0.875,bilinear,-54.427,-43.457,-16
regnety_040,38.820,61.180,55.557,44.443,20.65,224,0.875,bicubic,-54.800,-43.403,-42
densenet121,38.783,61.217,56.273,43.727,7.98,224,0.875,bicubic,-53.157,-42.007,+56
res2net50_14w_8s,38.710,61.290,54.077,45.923,25.06,224,0.875,bilinear,-54.320,-44.633,-4
regnetx_040,38.703,61.297,55.340,44.660,22.12,224,0.875,bicubic,-54.977,-43.600,-53
res2net50_26w_6s,38.687,61.313,53.743,46.257,37.05,224,0.875,bilinear,-54.903,-45.007,-42
regnetx_032,38.680,61.320,55.157,44.843,15.30,224,0.875,bicubic,-54.570,-43.573,-19
selecsls60,38.623,61.377,55.630,44.370,30.67,224,0.875,bicubic,-54.387,-43.200,-4
dla60x,38.617,61.383,55.383,44.617,17.35,224,0.875,bilinear,-54.573,-43.327,-16
tf_efficientnet_b0,38.600,61.400,55.957,44.043,5.29,224,0.875,bicubic,-53.800,-42.513,+34
dla60_res2net,38.590,61.410,54.560,45.440,20.85,224,0.875,bilinear,-54.790,-44.300,-28
selecsls60b,38.573,61.427,55.307,44.693,32.77,224,0.875,bicubic,-54.927,-43.533,-40
repvgg_a2,38.563,61.437,55.770,44.230,28.21,224,0.875,bilinear,-54.117,-42.510,+13
hardcorenas_f,38.500,61.500,55.657,44.343,8.20,224,0.875,bilinear,-54.480,-42.963,-7
dla60_res2next,38.450,61.550,54.950,45.050,17.03,224,0.875,bilinear,-55.120,-43.850,-50
resmlp_12_224,38.443,61.557,56.327,43.673,15.35,224,0.875,bicubic,-53.677,-42.243,+39
regnetx_064,38.430,61.570,54.990,45.010,26.21,224,0.875,bicubic,-55.200,-44.060,-60
tf_efficientnet_cc_b0_4e,38.413,61.587,55.150,44.850,13.31,224,0.875,bicubic,-54.427,-43.290,+3
gluon_resnet50_v1b,38.407,61.593,54.833,45.167,25.56,224,0.875,bicubic,-54.153,-43.717,+18
hrnet_w18,38.277,61.723,55.643,44.357,21.30,224,0.875,bilinear,-54.483,-43.017,+4
mixnet_l,38.160,61.840,54.757,45.243,7.33,224,0.875,bicubic,-55.100,-43.943,-34
hardcorenas_e,38.137,61.863,55.173,44.827,8.07,224,0.875,bilinear,-54.813,-43.397,-14
efficientnet_b1,38.087,61.913,54.010,45.990,7.79,256,1.000,bicubic,-54.943,-44.690,-21
coat_lite_tiny,38.070,61.930,53.453,46.547,5.72,224,0.900,bicubic,-54.780,-45.187,-5
gmixer_24_224,38.050,61.950,52.083,47.917,24.72,224,0.875,bicubic,-54.630,-46.437,+2
resnetrs50,37.957,62.043,53.310,46.690,35.69,224,0.910,bicubic,-56.063,-45.540,-113
hardcorenas_c,37.883,62.117,55.717,44.283,5.52,224,0.875,bilinear,-54.447,-42.623,+18
gluon_resnet50_v1c,37.843,62.157,54.123,45.877,25.58,224,0.875,bicubic,-55.067,-44.587,-17
res2net50_26w_4s,37.827,62.173,53.073,46.927,25.70,224,0.875,bilinear,-55.353,-45.597,-35
efficientnet_es,37.770,62.230,54.967,45.033,5.44,224,0.875,bicubic,-55.140,-43.723,-20
resnest14d,37.767,62.233,56.470,43.530,10.61,224,0.875,bilinear,-53.363,-41.860,+57
tv_resnext50_32x4d,37.750,62.250,54.113,45.887,25.03,224,0.875,bilinear,-55.150,-44.697,-19
ecaresnet26t,37.650,62.350,54.350,45.650,16.01,320,0.950,bicubic,-56.290,-44.540,-113
hardcorenas_d,37.550,62.450,54.723,45.277,7.50,224,0.875,bilinear,-55.050,-43.707,-1
res2next50,37.477,62.523,52.853,47.147,24.67,224,0.875,bilinear,-55.673,-45.807,-39
resnet34,37.443,62.557,54.297,45.703,21.80,224,0.875,bilinear,-53.757,-43.943,+48
pit_ti_distilled_224,37.337,62.663,55.137,44.863,5.10,224,0.900,bicubic,-53.563,-43.083,+56
hardcorenas_b,37.243,62.757,55.073,44.927,5.18,224,0.875,bilinear,-54.697,-43.327,+22
mobilenetv3_large_100_miil,37.210,62.790,53.513,46.487,5.48,224,0.875,bilinear,-55.040,-44.737,+10
res2net50_48w_2s,37.117,62.883,53.333,46.667,25.29,224,0.875,bilinear,-55.673,-45.137,-17
dla60,37.073,62.927,54.200,45.800,22.04,224,0.875,bilinear,-55.597,-44.430,-13
rexnet_100,37.063,62.937,54.020,45.980,4.80,224,0.875,bicubic,-55.787,-44.600,-22
regnety_016,37.017,62.983,54.093,45.907,11.20,224,0.875,bicubic,-55.983,-44.587,-38
tf_mixnet_l,36.987,63.013,52.583,47.417,7.33,224,0.875,bicubic,-56.053,-45.957,-45
legacy_seresnet50,36.873,63.127,53.487,46.513,28.09,224,0.875,bilinear,-55.797,-45.163,-16
tv_densenet121,36.810,63.190,54.033,45.967,7.98,224,0.875,bicubic,-54.590,-44.217,+31
tf_efficientnet_lite2,36.807,63.193,53.320,46.680,6.09,260,0.890,bicubic,-55.783,-45.230,-13
mobilenetv2_120d,36.780,63.220,54.047,45.953,5.83,224,0.875,bicubic,-55.830,-44.463,-17
tf_efficientnet_lite1,36.737,63.263,53.590,46.410,5.42,240,0.882,bicubic,-55.573,-44.900,-3
regnetx_016,36.683,63.317,53.297,46.703,9.19,224,0.875,bicubic,-55.857,-45.253,-12
hardcorenas_a,36.640,63.360,54.910,45.090,5.26,224,0.875,bilinear,-54.980,-43.260,+18
levit_128s,36.620,63.380,53.117,46.883,7.78,224,0.900,bicubic,-54.880,-45.283,+20
efficientnet_b0,36.600,63.400,53.497,46.503,5.29,224,0.875,bicubic,-55.880,-44.943,-13
tf_efficientnet_em,36.380,63.620,52.840,47.160,6.90,240,0.882,bicubic,-56.790,-45.830,-59
skresnet18,36.320,63.680,54.197,45.803,11.96,224,0.875,bicubic,-53.840,-43.583,+49
repvgg_b0,36.287,63.713,54.057,45.943,15.82,224,0.875,bilinear,-55.393,-44.183,+11
tv_resnet50,36.177,63.823,52.803,47.197,25.56,224,0.875,bilinear,-55.963,-45.617,-3
legacy_seresnet34,36.143,63.857,52.553,47.447,21.96,224,0.875,bilinear,-55.337,-45.647,+15
coat_tiny,36.123,63.877,51.063,48.937,5.50,224,0.900,bicubic,-57.387,-47.627,-88
tv_resnet34,36.087,63.913,53.533,46.467,21.80,224,0.875,bilinear,-54.203,-44.447,+43
deit_tiny_distilled_patch16_224,36.023,63.977,54.240,45.760,5.91,224,0.900,bicubic,-55.077,-44.030,+28
mobilenetv2_140,36.000,64.000,53.943,46.057,6.11,224,0.875,bicubic,-56.030,-44.307,-5
tf_efficientnet_lite0,35.930,64.070,53.480,46.520,4.65,224,0.875,bicubic,-55.370,-44.610,+16
selecsls42b,35.813,64.187,52.487,47.513,32.46,224,0.875,bicubic,-56.667,-46.193,-25
gluon_resnet34_v1b,35.760,64.240,52.187,47.813,21.80,224,0.875,bicubic,-55.340,-45.993,+25
dla34,35.643,64.357,52.783,47.217,15.74,224,0.875,bilinear,-55.597,-45.397,+16
mixnet_m,35.640,64.360,52.430,47.570,5.01,224,0.875,bicubic,-56.630,-45.920,-19
efficientnet_lite0,35.620,64.380,53.657,46.343,4.65,224,0.875,bicubic,-55.640,-44.593,+13
ssl_resnet18,35.597,64.403,53.740,46.260,11.69,224,0.875,bilinear,-55.103,-44.280,+27
mobilenetv3_rw,35.547,64.453,53.713,46.287,5.48,224,0.875,bicubic,-56.003,-44.557,+1
efficientnet_es_pruned,35.390,64.610,52.850,47.150,5.44,224,0.875,bicubic,-56.310,-45.570,-6
mobilenetv2_110d,35.293,64.707,52.830,47.170,4.52,224,0.875,bicubic,-56.057,-45.360,+6
tf_mixnet_m,35.180,64.820,50.987,49.013,5.01,224,0.875,bicubic,-57.020,-47.433,-21
hrnet_w18_small_v2,35.173,64.827,52.440,47.560,15.60,224,0.875,bilinear,-55.997,-45.900,+12
resnet18d,35.127,64.873,52.890,47.110,11.71,224,0.875,bicubic,-54.863,-44.940,+30
convit_tiny,35.047,64.953,51.787,48.213,5.71,224,0.875,bicubic,-55.483,-46.423,+23
ese_vovnet19b_dw,34.840,65.160,52.030,47.970,6.54,224,0.875,bicubic,-57.170,-46.480,-19
regnety_008,34.807,65.193,51.743,48.257,6.26,224,0.875,bicubic,-57.093,-46.677,-16
pit_ti_224,34.670,65.330,52.170,47.830,4.85,224,0.900,bicubic,-55.750,-45.840,+22
mobilenetv3_large_100,34.603,65.397,52.860,47.140,5.48,224,0.875,bicubic,-56.877,-45.460,-6
seresnext26d_32x4d,34.543,65.457,51.543,48.457,16.81,224,0.875,bicubic,-57.897,-46.997,-39
seresnext26t_32x4d,34.540,65.460,51.377,48.623,16.81,224,0.875,bicubic,-58.280,-47.183,-60
mixer_b16_224,34.423,65.577,48.093,51.907,59.88,224,0.875,bicubic,-56.717,-49.307,+4
resnet26d,34.273,65.727,51.687,48.313,16.01,224,0.875,bicubic,-57.957,-46.763,-33
tf_efficientnet_es,34.263,65.737,51.350,48.650,5.44,224,0.875,bicubic,-57.837,-47.090,-29
fbnetc_100,34.253,65.747,51.180,48.820,5.57,224,0.875,bilinear,-57.017,-46.650,-6
regnety_006,34.150,65.850,51.277,48.723,6.06,224,0.875,bicubic,-57.420,-47.153,-17
tf_mobilenetv3_large_100,33.950,66.050,51.490,48.510,5.48,224,0.875,bilinear,-57.470,-46.770,-12
regnetx_008,33.770,66.230,50.547,49.453,7.26,224,0.875,bicubic,-57.410,-47.833,-4
mnasnet_100,33.763,66.237,51.170,48.830,4.38,224,0.875,bicubic,-57.437,-46.880,-7
vit_tiny_r_s16_p8_384,33.650,66.350,50.683,49.317,6.36,384,1.000,bicubic,-58.080,-47.747,-27
vit_tiny_patch16_384,33.550,66.450,51.077,48.923,5.79,384,1.000,bicubic,-59.870,-47.753,-111
semnasnet_100,33.520,66.480,50.787,49.213,3.89,224,0.875,bicubic,-58.140,-47.483,-25
resnet26,33.500,66.500,50.927,49.073,16.00,224,0.875,bicubic,-57.940,-47.353,-19
mixnet_s,33.480,66.520,50.997,49.003,4.13,224,0.875,bicubic,-58.300,-47.303,-32
spnasnet_100,33.477,66.523,51.267,48.733,4.42,224,0.875,bilinear,-57.133,-46.683,+1
vgg19_bn,33.230,66.770,50.803,49.197,143.68,224,0.875,bilinear,-57.770,-47.307,-5
ghostnet_100,33.207,66.793,51.163,48.837,5.18,224,0.875,bilinear,-57.233,-46.667,+2
regnetx_006,33.157,66.843,50.250,49.750,6.20,224,0.875,bicubic,-57.603,-47.850,-4
resnet18,33.067,66.933,51.170,48.830,11.69,224,0.875,bilinear,-55.083,-45.950,+19
legacy_seresnext26_32x4d,32.757,67.243,49.237,50.763,16.79,224,0.875,bicubic,-59.813,-49.183,-66
deit_tiny_patch16_224,32.667,67.333,50.273,49.727,5.72,224,0.900,bicubic,-56.953,-47.687,+7
hrnet_w18_small,32.667,67.333,50.587,49.413,13.19,224,0.875,bilinear,-57.213,-47.313,+3
legacy_seresnet18,32.600,67.400,50.340,49.660,11.78,224,0.875,bicubic,-56.670,-47.340,+9
mobilenetv2_100,32.523,67.477,50.800,49.200,3.50,224,0.875,bicubic,-57.307,-47.030,+2
regnetx_004,32.517,67.483,49.343,50.657,5.16,224,0.875,bicubic,-56.943,-48.427,+4
gluon_resnet18_v1b,32.407,67.593,49.727,50.273,11.69,224,0.875,bicubic,-56.253,-47.373,+9
regnety_004,32.333,67.667,49.453,50.547,4.34,224,0.875,bicubic,-58.447,-48.627,-14
tf_mixnet_s,32.183,67.817,48.493,51.507,4.13,224,0.875,bicubic,-59.497,-49.957,-43
vit_tiny_patch16_224,32.023,67.977,49.017,50.983,5.72,224,0.900,bicubic,-59.907,-49.323,-49
tf_mobilenetv3_large_075,31.867,68.133,49.110,50.890,3.99,224,0.875,bilinear,-58.453,-48.760,-9
tf_mobilenetv3_large_minimal_100,31.597,68.403,49.337,50.663,3.92,224,0.875,bilinear,-57.583,-47.983,+3
vit_tiny_r_s16_p8_224,30.807,69.193,47.657,52.343,6.34,224,0.900,bicubic,-58.533,-50.043,-1
vgg16_bn,30.357,69.643,47.260,52.740,138.37,224,0.875,bilinear,-60.183,-50.730,-16
regnety_002,29.687,70.313,46.787,53.213,3.16,224,0.875,bicubic,-58.513,-50.643,+3
vgg13_bn,28.883,71.117,46.737,53.263,133.05,224,0.875,bilinear,-60.317,-50.793,-2
regnetx_002,28.860,71.140,45.420,54.580,2.68,224,0.875,bicubic,-58.520,-51.570,+4
vgg19,28.580,71.420,45.170,54.830,143.67,224,0.875,bilinear,-61.100,-52.380,-10
dla60x_c,28.447,71.553,46.193,53.807,1.32,224,0.875,bilinear,-58.663,-50.947,+4
vgg11_bn,28.423,71.577,46.453,53.547,132.87,224,0.875,bilinear,-59.967,-50.817,-3
vgg16,27.877,72.123,44.673,55.327,138.36,224,0.875,bilinear,-61.483,-52.847,-10
tf_mobilenetv3_small_100,27.297,72.703,44.420,55.580,2.54,224,0.875,bilinear,-58.663,-51.980,+3
mixer_l16_224,26.853,73.147,37.923,62.077,208.20,224,0.875,bicubic,-60.117,-56.137,+1
vgg11,26.533,73.467,43.460,56.540,132.86,224,0.875,bilinear,-60.807,-53.650,-2
vgg13,26.267,73.733,43.370,56.630,133.05,224,0.875,bilinear,-61.303,-53.750,-5
dla46x_c,26.217,73.783,43.780,56.220,1.07,224,0.875,bilinear,-59.263,-52.660,0
tf_mobilenetv3_small_075,26.200,73.800,43.637,56.363,2.04,224,0.875,bilinear,-58.330,-52.253,+1
dla46_c,25.490,74.510,43.800,56.200,1.30,224,0.875,bilinear,-59.170,-52.400,-1
tf_mobilenetv3_small_minimal_100,25.087,74.913,42.930,57.070,2.04,224,0.875,bilinear,-57.583,-52.070,0
ig_resnext101_32x48d,79.727,20.273,89.523,10.477,828.41,224,0.875,bilinear,-17.233,-10.147,+14
ig_resnext101_32x32d,79.510,20.490,89.230,10.770,468.53,224,0.875,bilinear,-17.270,-10.300,+26
ig_resnext101_32x16d,78.823,21.177,88.457,11.543,194.03,224,0.875,bilinear,-17.607,-11.083,+52
tf_efficientnet_l2_ns_475,76.370,23.630,88.540,11.460,480.31,475,0.936,bicubic,-21.380,-11.280,0
swsl_resnext101_32x16d,76.230,23.770,87.750,12.250,194.03,224,0.875,bilinear,-20.050,-11.750,+63
ig_resnext101_32x8d,75.890,24.110,86.243,13.757,88.79,224,0.875,bilinear,-20.060,-13.147,+89
swsl_resnext101_32x8d,75.583,24.417,87.063,12.937,88.79,224,0.875,bilinear,-20.647,-12.527,+67
tf_efficientnet_l2_ns,74.623,25.377,87.497,12.503,480.31,800,0.960,bicubic,-23.147,-12.313,-6
beit_large_patch16_384,73.100,26.900,84.797,15.203,305.00,384,1.000,bicubic,-24.720,-14.993,-8
beit_large_patch16_512,73.030,26.970,84.943,15.057,305.67,512,1.000,bicubic,-24.740,-14.947,-7
swsl_resnext101_32x4d,72.703,27.297,85.197,14.803,44.18,224,0.875,bilinear,-23.347,-14.343,+76
beit_large_patch16_224,71.030,28.970,83.300,16.700,304.43,224,0.900,bicubic,-26.440,-16.390,-7
swsl_resnext50_32x4d,69.097,30.903,82.873,17.127,25.03,224,0.875,bilinear,-26.493,-16.567,+105
swsl_resnet50,68.370,31.630,83.380,16.620,25.56,224,0.875,bilinear,-26.850,-16.020,+134
vit_large_patch16_384,67.107,32.893,78.723,21.277,304.72,384,1.000,bicubic,-30.313,-21.057,-9
tf_efficientnet_b7_ns,67.043,32.957,81.090,18.910,66.35,600,0.949,bicubic,-30.167,-18.610,-8
swin_large_patch4_window12_384,65.983,34.017,79.260,20.740,196.74,384,1.000,bicubic,-31.197,-20.430,-8
tf_efficientnet_b6_ns,65.460,34.540,79.450,20.550,43.04,528,0.942,bicubic,-31.570,-20.260,-5
vit_large_patch16_224,64.333,35.667,76.243,23.757,304.33,224,0.900,bicubic,-32.377,-23.407,+14
vit_large_r50_s32_384,64.160,35.840,75.903,24.097,329.09,384,1.000,bicubic,-32.790,-23.817,-2
swin_large_patch4_window7_224,63.720,36.280,78.060,21.940,196.53,224,0.900,bicubic,-33.230,-21.600,-5
beit_base_patch16_384,63.393,36.607,77.850,22.150,86.74,384,1.000,bicubic,-33.957,-21.860,-15
swin_base_patch4_window12_384,62.990,37.010,77.727,22.273,87.90,384,1.000,bicubic,-34.080,-22.043,-11
tf_efficientnet_b5_ns,62.890,37.110,77.720,22.280,30.39,456,0.934,bicubic,-33.990,-21.920,-2
tf_efficientnet_b4_ns,61.090,38.910,76.057,23.943,19.34,380,0.922,bicubic,-35.620,-23.583,+7
tf_efficientnetv2_l_in21ft1k,60.963,39.037,75.887,24.113,118.52,480,1.000,bicubic,-36.147,-23.813,-15
tf_efficientnetv2_xl_in21ft1k,60.710,39.290,74.393,25.607,208.12,512,1.000,bicubic,-36.440,-25.227,-17
vit_base_patch16_384,60.197,39.803,73.840,26.160,86.86,384,1.000,bicubic,-36.823,-25.860,-14
beit_base_patch16_224,60.143,39.857,75.367,24.633,86.53,224,0.900,bicubic,-36.507,-24.203,+9
swin_base_patch4_window7_224,59.293,40.707,73.890,26.110,87.77,224,0.900,bicubic,-37.377,-25.780,+6
vit_large_r50_s32_224,58.677,41.323,71.857,28.143,328.99,224,0.900,bicubic,-37.513,-27.673,+44
tf_efficientnetv2_m_in21ft1k,58.653,41.347,74.017,25.983,54.14,480,1.000,bicubic,-38.297,-25.593,-15
tf_efficientnet_b8_ap,57.873,42.127,72.937,27.063,87.41,672,0.954,bicubic,-38.687,-26.613,+10
cait_m48_448,57.447,42.553,71.810,28.190,356.46,448,1.000,bicubic,-39.423,-27.810,-11
cait_m36_384,57.413,42.587,72.307,27.693,271.22,384,1.000,bicubic,-39.407,-27.353,-10
tf_efficientnet_b3_ns,57.313,42.687,72.387,27.613,12.23,300,0.904,bicubic,-38.797,-27.083,+44
vit_base_patch16_224,56.837,43.163,70.713,29.287,86.57,224,0.900,bicubic,-39.463,-28.847,+28
xcit_large_24_p8_384_dist,56.373,43.627,71.240,28.760,188.93,384,1.000,bicubic,-40.387,-28.320,-8
xcit_large_24_p8_224_dist,55.980,44.020,70.687,29.313,188.93,224,1.000,bicubic,-40.640,-28.773,+1
xcit_large_24_p16_384_dist,54.850,45.150,69.857,30.143,189.10,384,1.000,bicubic,-42.080,-29.653,-21
vit_base_r50_s16_384,54.340,45.660,69.510,30.490,98.95,384,1.000,bicubic,-42.130,-30.150,+9
resnetv2_152x4_bitm,54.220,45.780,70.290,29.710,936.53,480,1.000,bilinear,-42.660,-29.370,-21
xcit_large_24_p16_224_dist,54.217,45.783,68.950,31.050,189.10,224,1.000,bicubic,-42.093,-30.550,+21
vit_small_r26_s32_384,54.097,45.903,68.793,31.207,36.47,384,1.000,bicubic,-41.963,-30.757,+41
tf_efficientnet_b5_ap,53.923,46.077,69.180,30.820,30.39,456,0.934,bicubic,-42.157,-30.200,+36
xcit_medium_24_p8_224_dist,53.650,46.350,68.327,31.673,84.32,224,1.000,bicubic,-42.850,-31.173,+1
tf_efficientnet_b6_ap,53.560,46.440,68.580,31.420,43.04,528,0.942,bicubic,-42.800,-30.970,+11
cait_s36_384,53.507,46.493,67.990,32.010,68.37,384,1.000,bicubic,-43.123,-31.600,-9
tf_efficientnet_b2_ns,53.503,46.497,70.393,29.607,9.11,260,0.890,bicubic,-42.027,-28.947,+76
vit_base_patch32_384,53.340,46.660,68.133,31.867,88.30,384,1.000,bicubic,-42.570,-31.047,+48
tf_efficientnet_b7_ap,53.320,46.680,68.900,31.100,66.35,600,0.949,bicubic,-43.030,-30.700,+9
xcit_medium_24_p8_384_dist,53.297,46.703,68.067,31.933,84.32,384,1.000,bicubic,-43.483,-31.553,-23
tf_efficientnetv2_s_in21ft1k,53.253,46.747,69.057,30.943,21.46,384,1.000,bicubic,-43.207,-30.573,-2
xcit_medium_24_p16_384_dist,53.210,46.790,68.047,31.953,84.40,384,1.000,bicubic,-43.480,-31.553,-19
tf_efficientnet_b8,53.200,46.800,68.953,31.047,87.41,672,0.954,bicubic,-43.500,-30.597,-21
tf_efficientnet_b4_ap,53.073,46.927,68.237,31.763,19.34,380,0.922,bicubic,-42.427,-31.153,+71
dm_nfnet_f5,52.717,47.283,67.250,32.750,377.21,544,0.954,bicubic,-44.083,-32.420,-31
efficientnetv2_rw_m,52.347,47.653,67.260,32.740,53.24,416,1.000,bicubic,-43.923,-32.300,+12
tf_efficientnet_b7,52.303,47.697,68.230,31.770,66.35,600,0.949,bicubic,-44.277,-31.280,-17
xcit_small_24_p8_384_dist,52.283,47.717,66.753,33.247,47.63,384,1.000,bicubic,-44.547,-32.877,-36
tf_efficientnetv2_l,52.277,47.723,67.197,32.803,118.52,480,1.000,bicubic,-44.373,-32.463,-24
dm_nfnet_f6,52.250,47.750,66.963,33.037,438.36,576,0.956,bicubic,-44.660,-32.757,-42
swsl_resnet18,52.243,47.757,70.503,29.497,11.69,224,0.875,bilinear,-38.847,-27.767,+408
xcit_medium_24_p16_224_dist,52.210,47.790,66.883,33.117,84.40,224,1.000,bicubic,-44.050,-32.517,+7
deit_base_distilled_patch16_384,52.180,47.820,67.693,32.307,87.63,384,1.000,bicubic,-44.310,-31.897,-17
xcit_small_24_p8_224_dist,52.133,47.867,66.717,33.283,47.63,224,1.000,bicubic,-44.417,-32.843,-21
resnetv2_152x2_bit_teacher_384,52.060,47.940,68.833,31.167,236.34,384,1.000,bicubic,-44.110,-30.677,+9
dm_nfnet_f3,51.960,48.040,66.597,33.403,254.92,416,0.940,bicubic,-44.760,-33.033,-37
resmlp_big_24_224_in22ft1k,51.893,48.107,68.423,31.577,129.14,224,0.875,bicubic,-44.447,-31.087,-8
xcit_small_24_p16_384_dist,51.883,48.117,66.307,33.693,47.67,384,1.000,bicubic,-44.477,-33.283,-11
resnetv2_152x2_bitm,51.780,48.220,69.353,30.647,236.34,448,1.000,bilinear,-44.740,-30.237,-25
cait_s24_384,51.727,48.273,66.330,33.670,47.06,384,1.000,bicubic,-44.853,-33.220,-31
ecaresnet269d,51.590,48.410,66.087,33.913,102.09,352,1.000,bicubic,-44.870,-33.483,-20
vit_base_patch16_224_miil,51.557,48.443,65.253,34.747,86.54,224,0.875,bilinear,-44.483,-34.097,+14
pit_b_distilled_224,51.163,48.837,66.773,33.227,74.79,224,0.900,bicubic,-44.917,-32.767,+8
xcit_small_12_p8_384_dist,51.040,48.960,65.710,34.290,26.21,384,1.000,bicubic,-45.440,-33.770,-27
dm_nfnet_f4,50.810,49.190,65.430,34.570,316.07,512,0.951,bicubic,-45.970,-34.190,-50
tf_efficientnet_b1_ns,50.767,49.233,67.963,32.037,7.79,240,0.882,bicubic,-44.113,-31.287,+105
xcit_small_24_p16_224_dist,50.700,49.300,65.007,34.993,47.67,224,1.000,bicubic,-45.110,-34.333,+26
tf_efficientnetv2_m,50.570,49.430,66.013,33.987,54.14,480,1.000,bicubic,-45.980,-33.557,-36
efficientnet_b4,50.523,49.477,65.800,34.200,19.34,384,1.000,bicubic,-45.017,-33.600,+41
resnetv2_101x3_bitm,50.520,49.480,67.963,32.037,387.93,448,1.000,bilinear,-45.770,-31.667,-16
xcit_small_12_p16_384_dist,50.447,49.553,65.287,34.713,26.25,384,1.000,bicubic,-45.883,-34.203,-20
xcit_small_12_p8_224_dist,50.400,49.600,65.440,34.560,26.21,224,1.000,bicubic,-45.560,-33.980,+10
cait_s24_224,50.230,49.770,65.033,34.967,46.92,224,1.000,bicubic,-45.410,-34.357,+32
eca_nfnet_l2,50.227,49.773,65.463,34.537,56.72,384,1.000,bicubic,-46.233,-34.147,-34
ssl_resnext101_32x16d,50.220,49.780,66.073,33.927,194.03,224,0.875,bilinear,-45.180,-33.337,+49
vit_small_patch16_384,50.153,49.847,65.883,34.117,22.20,384,1.000,bicubic,-45.827,-33.717,+4
resnest269e,50.137,49.863,64.713,35.287,110.93,416,0.928,bicubic,-45.983,-34.807,-12
tf_efficientnet_b3_ap,50.093,49.907,65.280,34.720,12.23,300,0.904,bicubic,-44.867,-33.830,+81
deit_base_distilled_patch16_224,50.070,49.930,66.253,33.747,87.34,224,0.900,bicubic,-45.710,-33.027,+15
resnest200e,49.817,50.183,64.777,35.223,70.20,320,0.909,bicubic,-46.263,-34.693,-10
cait_xs24_384,49.510,50.490,64.843,35.157,26.67,384,1.000,bicubic,-46.500,-34.587,-4
tf_efficientnet_b5,49.503,50.497,65.597,34.403,30.39,456,0.934,bicubic,-46.477,-33.853,-3
xcit_small_12_p16_224_dist,49.443,50.557,63.893,36.107,26.25,224,1.000,bicubic,-46.307,-35.397,+13
resnet200d,49.427,50.573,64.303,35.697,64.69,320,1.000,bicubic,-46.683,-35.157,-17
vit_base_patch32_224,49.383,50.617,64.450,35.550,88.22,224,0.900,bicubic,-44.997,-34.610,+136
resnest101e,49.377,50.623,65.527,34.473,48.28,256,0.875,bilinear,-46.203,-33.743,+22
resnet152d,49.257,50.743,64.427,35.573,60.21,320,1.000,bicubic,-46.593,-35.003,+4
seresnet152d,49.217,50.783,64.277,35.723,66.84,320,1.000,bicubic,-47.113,-35.233,-38
resnetv2_152x2_bit_teacher,49.190,50.810,65.430,34.570,236.34,224,0.875,bicubic,-46.540,-34.000,+8
ssl_resnext101_32x8d,49.153,50.847,65.503,34.497,88.79,224,0.875,bilinear,-46.167,-33.807,+41
xcit_large_24_p8_224,49.143,50.857,62.727,37.273,188.93,224,1.000,bicubic,-46.917,-36.423,-17
resmlp_big_24_distilled_224,49.047,50.953,65.463,34.537,129.14,224,0.875,bicubic,-46.823,-33.977,-4
repvgg_b3,49.023,50.977,64.877,35.123,123.09,224,0.875,bilinear,-45.537,-34.033,+112
resnetrs420,48.817,51.183,63.453,36.547,191.89,416,1.000,bicubic,-47.583,-36.087,-50
efficientnetv2_rw_s,48.673,51.327,63.863,36.137,23.94,384,1.000,bicubic,-47.027,-35.517,+8
regnetz_d,48.633,51.367,65.220,34.780,27.58,320,0.950,bicubic,-47.227,-34.220,-6
efficientnet_b3,48.580,51.420,64.343,35.657,12.23,320,1.000,bicubic,-46.570,-34.867,+45
ecaresnet101d,48.473,51.527,64.090,35.910,44.57,224,0.875,bicubic,-46.687,-35.140,+43
vit_small_r26_s32_224,48.417,51.583,63.927,36.073,36.43,224,0.900,bicubic,-46.703,-35.293,+47
vit_large_patch32_384,48.353,51.647,61.907,38.093,306.63,384,1.000,bicubic,-46.897,-37.413,+33
repvgg_b3g4,48.270,51.730,64.820,35.180,83.83,224,0.875,bilinear,-46.220,-34.200,+111
convit_base,48.243,51.757,63.003,36.997,86.54,224,0.875,bicubic,-46.857,-36.127,+48
dm_nfnet_f2,48.203,51.797,63.200,36.800,193.78,352,0.920,bicubic,-48.247,-36.340,-61
resnetrs350,47.963,52.037,62.577,37.423,163.96,384,1.000,bicubic,-48.277,-36.893,-43
twins_svt_large,47.907,52.093,62.860,37.140,99.27,224,0.900,bicubic,-47.813,-36.510,-5
mixer_b16_224_miil,47.827,52.173,63.363,36.637,59.88,224,0.875,bilinear,-47.063,-35.717,+64
repvgg_b2g4,47.773,52.227,64.427,35.573,61.76,224,0.875,bilinear,-46.047,-34.493,+176
resnetv2_50x3_bitm,47.757,52.243,65.667,34.333,217.32,448,1.000,bilinear,-48.533,-33.913,-53
eca_nfnet_l1,47.610,52.390,62.650,37.350,41.41,320,1.000,bicubic,-48.310,-36.850,-25
pit_s_distilled_224,47.603,52.397,63.543,36.457,24.04,224,0.900,bicubic,-47.147,-35.637,+70
resnest50d_4s2x40d,47.503,52.497,63.863,36.137,30.42,224,0.875,bicubic,-47.207,-35.267,+72
efficientnet_b3_pruned,47.467,52.533,62.850,37.150,9.86,300,0.904,bicubic,-47.113,-36.220,+90
crossvit_18_dagger_408,47.353,52.647,60.900,39.100,44.61,408,1.000,bicubic,-48.757,-38.570,-47
xcit_small_24_p8_224,47.340,52.660,61.097,38.903,47.63,224,1.000,bicubic,-48.570,-38.343,-29
tresnet_m,47.297,52.703,62.087,37.913,31.39,224,0.875,bilinear,-48.103,-37.063,+10
ssl_resnext101_32x4d,47.167,52.833,63.390,36.610,44.18,224,0.875,bilinear,-47.973,-35.920,+27
tf_efficientnet_b6,47.150,52.850,63.057,36.943,43.04,528,0.942,bicubic,-49.130,-36.463,-60
resnetrs270,47.147,52.853,62.057,37.943,129.86,352,1.000,bicubic,-48.923,-37.423,-46
xcit_small_12_p8_224,47.057,52.943,60.570,39.430,26.21,224,1.000,bicubic,-48.363,-38.630,+3
tf_efficientnet_b4,47.027,52.973,62.907,37.093,19.34,380,0.922,bicubic,-48.563,-36.413,-13
resnet101d,46.907,53.093,62.357,37.643,44.57,320,1.000,bicubic,-48.843,-37.083,-26
xcit_large_24_p16_224,46.877,53.123,60.770,39.230,189.10,224,1.000,bicubic,-48.073,-38.060,+39
resnetrs200,46.867,53.133,62.480,37.520,93.21,320,1.000,bicubic,-49.133,-36.960,-45
gluon_seresnext101_64x4d,46.677,53.323,61.363,38.637,88.23,224,0.875,bicubic,-47.983,-37.607,+68
twins_pcpvt_large,46.557,53.443,62.170,37.830,60.99,224,0.900,bicubic,-49.163,-37.320,-26
dm_nfnet_f1,46.457,53.543,61.450,38.550,132.63,320,0.910,bicubic,-49.913,-38.030,-81
xcit_medium_24_p8_224,46.427,53.573,59.607,40.393,84.32,224,1.000,bicubic,-49.443,-39.483,-38
crossvit_15_dagger_408,46.367,53.633,60.537,39.463,28.50,408,1.000,bicubic,-49.453,-38.763,-36
tresnet_xl,46.277,53.723,61.907,38.093,78.44,224,0.875,bilinear,-48.803,-37.313,+22
xcit_tiny_24_p8_224_dist,46.250,53.750,60.627,39.373,12.11,224,1.000,bicubic,-49.210,-38.723,-11
xcit_tiny_24_p8_384_dist,46.233,53.767,60.660,39.340,12.11,384,1.000,bicubic,-50.017,-38.780,-71
gernet_m,46.157,53.843,62.720,37.280,21.14,224,0.875,bilinear,-48.393,-36.200,+74
deit_small_distilled_patch16_224,46.150,53.850,62.447,37.553,22.44,224,0.900,bicubic,-48.440,-36.483,+68
resnest50d_1s4x24d,46.133,53.867,62.483,37.517,25.68,224,0.875,bicubic,-48.247,-36.577,+86
regnety_160,46.123,53.877,61.803,38.197,83.59,288,1.000,bicubic,-49.777,-37.757,-48
crossvit_base_240,46.087,53.913,60.247,39.753,105.03,240,0.875,bicubic,-48.973,-38.733,+18
tf_efficientnet_b0_ns,46.047,53.953,63.280,36.720,5.29,224,0.875,bicubic,-47.713,-35.700,+155
vit_small_patch16_224,46.027,53.973,61.850,38.150,22.05,224,0.900,bicubic,-48.873,-37.180,+30
resnet51q,46.017,53.983,60.917,39.083,35.70,288,1.000,bilinear,-49.173,-38.363,-1
jx_nest_base,45.973,54.027,60.113,39.887,67.72,224,0.875,bicubic,-49.557,-39.187,-28
crossvit_18_240,45.923,54.077,60.380,39.620,43.27,240,0.875,bicubic,-49.127,-38.740,+14
resnest50d,45.900,54.100,62.673,37.327,27.48,224,0.875,bilinear,-48.720,-36.357,+54
twins_pcpvt_base,45.890,54.110,61.357,38.643,43.83,224,0.900,bicubic,-49.580,-38.023,-26
regnety_032,45.887,54.113,61.520,38.480,19.44,288,1.000,bicubic,-49.583,-37.800,-28
twins_svt_base,45.863,54.137,60.903,39.097,56.07,224,0.900,bicubic,-49.707,-38.327,-36
crossvit_18_dagger_240,45.820,54.180,59.963,40.037,44.27,240,0.875,bicubic,-49.360,-39.157,-7
levit_384,45.783,54.217,61.727,38.273,39.13,224,0.900,bicubic,-49.417,-37.433,-10
gc_efficientnetv2_rw_t,45.703,54.297,60.197,39.803,13.68,288,1.000,bicubic,-49.577,-39.023,-16
regnetz_c,45.667,54.333,62.437,37.563,13.46,320,0.940,bicubic,-49.743,-36.873,-26
convmixer_1536_20,45.647,54.353,61.740,38.260,51.63,224,0.960,bicubic,-49.303,-37.430,+10
efficientnetv2_rw_t,45.593,54.407,60.160,39.840,13.65,288,1.000,bicubic,-49.487,-39.090,+1
crossvit_15_dagger_240,45.580,54.420,60.053,39.947,28.21,240,0.875,bicubic,-49.390,-39.097,+5
xcit_tiny_24_p16_384_dist,45.563,54.437,60.473,39.527,12.12,384,1.000,bicubic,-49.897,-38.897,-35
xcit_medium_24_p16_224,45.560,54.440,58.993,41.007,84.40,224,1.000,bicubic,-49.570,-39.937,-10
dm_nfnet_f0,45.543,54.457,61.013,38.987,71.49,256,0.900,bicubic,-50.167,-38.387,-53
gluon_seresnext101_32x4d,45.517,54.483,61.147,38.853,48.96,224,0.875,bicubic,-48.913,-37.963,+59
xcit_small_24_p16_224,45.493,54.507,58.910,41.090,47.67,224,1.000,bicubic,-49.577,-40.150,-4
gluon_resnet152_v1d,45.433,54.567,60.093,39.907,60.21,224,0.875,bicubic,-49.027,-38.907,+55
xcit_small_12_p16_224,45.433,54.567,59.407,40.593,26.25,224,1.000,bicubic,-49.377,-39.653,+15
nfnet_l0,45.367,54.633,62.073,37.927,35.07,288,1.000,bicubic,-50.053,-37.357,-39
ssl_resnext50_32x4d,45.363,54.637,61.973,38.027,25.03,224,0.875,bilinear,-49.337,-37.267,+24
resnetv2_50x1_bit_distilled,45.330,54.670,62.290,37.710,25.55,224,0.875,bicubic,-50.060,-37.140,-36
jx_nest_small,45.317,54.683,59.017,40.983,38.35,224,0.875,bicubic,-50.223,-40.213,-52
resnet61q,45.277,54.723,59.350,40.650,36.85,288,1.000,bicubic,-49.833,-39.730,-15
convit_small,45.227,54.773,60.530,39.470,27.78,224,0.875,bicubic,-49.693,-38.590,0
nasnetalarge,45.197,54.803,57.960,42.040,88.75,331,0.911,bicubic,-49.973,-41.170,-26
tresnet_xl_448,45.163,54.837,61.440,38.560,78.44,448,0.875,bilinear,-50.357,-37.900,-53
swin_small_patch4_window7_224,45.133,54.867,60.270,39.730,49.61,224,0.900,bicubic,-50.587,-39.020,-70
tf_efficientnet_b3,45.100,54.900,60.677,39.323,12.23,300,0.904,bicubic,-49.810,-38.423,-2
rexnet_200,45.067,54.933,62.223,37.777,16.37,224,0.875,bicubic,-49.603,-36.867,+20
resnetrs152,44.990,55.010,59.683,40.317,86.62,320,1.000,bicubic,-50.970,-39.697,-90
ecaresnetlight,44.907,55.093,60.763,39.237,30.16,224,0.875,bicubic,-49.233,-38.267,+76
deit_base_patch16_224,44.893,55.107,59.203,40.797,86.57,224,0.900,bicubic,-50.127,-39.767,-17
resnetv2_101,44.817,55.183,58.843,41.157,44.54,224,0.950,bicubic,-50.113,-40.267,-10
resmlp_24_distilled_224,44.787,55.213,61.517,38.483,30.02,224,0.875,bicubic,-49.553,-37.573,+51
cait_xxs36_384,44.750,55.250,59.410,40.590,17.37,384,1.000,bicubic,-50.490,-39.920,-42
tf_efficientnet_b2_ap,44.743,55.257,60.693,39.307,9.11,260,0.890,bicubic,-49.537,-38.257,+55
resmlp_36_distilled_224,44.720,55.280,61.110,38.890,44.69,224,0.875,bicubic,-49.830,-38.050,+29
gernet_l,44.697,55.303,59.007,40.993,31.08,256,0.875,bilinear,-50.223,-40.193,-13
xcit_tiny_24_p16_224_dist,44.690,55.310,59.397,40.603,12.12,224,1.000,bicubic,-49.530,-39.563,+57
deit_base_patch16_384,44.660,55.340,59.570,40.430,86.86,384,1.000,bicubic,-51.000,-39.670,-77
gmlp_s16_224,44.487,55.513,58.667,41.333,19.42,224,0.875,bicubic,-49.023,-40.113,+142
ens_adv_inception_resnet_v2,44.407,55.593,58.153,41.847,55.84,299,0.897,bicubic,-49.733,-40.797,+63
tresnet_l,44.360,55.640,59.953,40.047,55.99,224,0.875,bilinear,-50.540,-39.327,-15
gluon_resnext101_32x4d,44.330,55.670,59.097,40.903,44.18,224,0.875,bicubic,-49.790,-39.843,+64
cspresnext50,44.180,55.820,60.463,39.537,20.57,224,0.875,bilinear,-49.590,-38.377,+102
wide_resnet50_2,44.157,55.843,59.657,40.343,68.88,224,0.875,bicubic,-50.493,-39.393,+6
crossvit_15_240,44.140,55.860,59.153,40.847,27.53,240,0.875,bicubic,-50.540,-39.917,0
resnetv2_101x1_bitm,44.113,55.887,62.063,37.937,44.54,448,1.000,bilinear,-51.217,-37.317,-59
gluon_resnet152_v1s,44.090,55.910,58.743,41.257,60.32,224,0.875,bicubic,-50.600,-40.307,-4
pit_b_224,44.080,55.920,57.990,42.010,73.76,224,0.900,bicubic,-50.710,-40.820,-15
seresnext50_32x4d,44.077,55.923,59.413,40.587,27.56,224,0.875,bicubic,-50.723,-39.717,-17
inception_resnet_v2,44.057,55.943,57.930,42.070,55.84,299,0.897,bicubic,-50.263,-40.870,+35
pnasnet5large,43.993,56.007,56.770,43.230,86.06,331,0.911,bicubic,-51.377,-42.360,-66
ssl_resnet50,43.903,56.097,61.940,38.060,25.56,224,0.875,bilinear,-50.417,-37.220,+34
gluon_resnext101_64x4d,43.900,56.100,58.703,41.297,83.46,224,0.875,bicubic,-50.430,-40.177,+31
pit_s_224,43.893,56.107,58.663,41.337,23.46,224,0.900,bicubic,-50.697,-40.457,+2
tf_efficientnetv2_s,43.853,56.147,58.710,41.290,21.46,384,1.000,bicubic,-51.857,-40.620,-97
cait_xxs36_224,43.823,56.177,58.773,41.227,17.30,224,1.000,bicubic,-50.117,-40.107,+67
ecaresnet101d_pruned,43.787,56.213,59.647,40.353,24.88,224,0.875,bicubic,-50.653,-39.453,+14
coat_lite_small,43.780,56.220,56.930,43.070,19.84,224,0.900,bicubic,-51.330,-42.100,-54
tnt_s_patch16_224,43.767,56.233,59.223,40.777,23.76,224,0.900,bicubic,-50.803,-39.957,+1
ecaresnet50d,43.703,56.297,60.380,39.620,25.58,224,0.875,bicubic,-50.507,-38.630,+35
pit_xs_distilled_224,43.683,56.317,60.680,39.320,11.00,224,0.900,bicubic,-49.547,-38.140,+144
xcit_tiny_12_p8_224_dist,43.597,56.403,58.480,41.520,6.71,224,1.000,bicubic,-51.143,-40.700,-24
rexnet_150,43.587,56.413,60.837,39.163,9.73,224,0.875,bicubic,-50.683,-38.253,+28
crossvit_small_240,43.510,56.490,58.980,41.020,26.86,240,0.875,bicubic,-51.080,-40.110,-7
ecaresnet50t,43.420,56.580,59.327,40.673,25.57,320,0.950,bicubic,-51.690,-39.963,-60
gluon_resnet101_v1d,43.420,56.580,58.560,41.440,44.57,224,0.875,bicubic,-50.760,-40.390,+33
gluon_resnet101_v1s,43.410,56.590,58.703,41.297,44.67,224,0.875,bicubic,-50.770,-40.317,+33
cspdarknet53,43.330,56.670,59.487,40.513,27.64,256,0.887,bilinear,-50.770,-39.493,+40
eca_nfnet_l0,43.297,56.703,59.910,40.090,24.14,288,1.000,bicubic,-52.153,-39.480,-92
convmixer_768_32,43.263,56.737,59.270,40.730,21.11,224,0.960,bicubic,-51.167,-39.820,+3
xcit_tiny_24_p8_224,43.263,56.737,57.297,42.703,12.11,224,1.000,bicubic,-51.607,-41.893,-41
dpn68b,43.257,56.743,58.610,41.390,12.61,224,0.875,bicubic,-50.343,-40.100,+98
xcit_tiny_12_p8_384_dist,43.253,56.747,58.160,41.840,6.71,384,1.000,bicubic,-52.087,-41.180,-87
visformer_small,43.187,56.813,57.970,42.030,40.22,224,0.900,bicubic,-51.783,-41.240,-59
vit_small_patch32_384,43.137,56.863,59.273,40.727,22.92,384,1.000,bicubic,-51.433,-39.867,-14
cspresnet50,43.130,56.870,59.230,40.770,21.62,256,0.887,bilinear,-50.720,-39.540,+61
resnest26d,43.107,56.893,60.597,39.403,17.07,224,0.875,bilinear,-50.153,-38.243,+125
twins_pcpvt_small,43.080,56.920,58.913,41.087,24.11,224,0.900,bicubic,-51.520,-40.227,-23
dpn131,43.003,56.997,57.420,42.580,79.25,224,0.875,bicubic,-50.757,-41.430,+69
resmlp_36_224,43.003,56.997,59.417,40.583,44.69,224,0.875,bicubic,-50.667,-39.533,+81
gluon_resnet152_v1b,42.987,57.013,57.727,42.273,60.19,224,0.875,bicubic,-51.033,-41.023,+36
dpn107,42.883,57.117,57.533,42.467,86.92,224,0.875,bicubic,-51.077,-41.307,+38
tf_efficientnet_lite4,42.860,57.140,57.723,42.277,13.01,380,0.920,bilinear,-52.010,-41.367,-54
gcresnet50t,42.840,57.160,59.237,40.763,25.90,256,0.900,bicubic,-51.770,-39.753,-30
gluon_resnet152_v1c,42.830,57.170,57.807,42.193,60.21,224,0.875,bicubic,-51.050,-40.993,+46
twins_svt_small,42.830,57.170,58.473,41.527,24.06,224,0.900,bicubic,-51.940,-40.607,-52
tf_efficientnet_b1_ap,42.823,57.177,58.853,41.147,7.79,240,0.882,bicubic,-50.817,-39.927,+78
levit_256,42.807,57.193,57.913,42.087,18.89,224,0.900,bicubic,-51.603,-41.147,-13
tresnet_l_448,42.780,57.220,58.937,41.063,55.99,448,0.875,bilinear,-52.610,-40.343,-105
gluon_xception65,42.730,57.270,58.867,41.133,39.92,299,0.903,bicubic,-51.310,-40.163,+24
resnet50d,42.703,57.297,58.770,41.230,25.58,224,0.875,bicubic,-51.367,-40.150,+19
gluon_seresnext50_32x4d,42.693,57.307,58.713,41.287,27.56,224,0.875,bicubic,-51.487,-40.197,+9
resnext101_32x8d,42.577,57.423,58.337,41.663,88.79,224,0.875,bilinear,-51.193,-40.613,+54
xcit_tiny_12_p16_384_dist,42.563,57.437,58.057,41.943,6.72,384,1.000,bicubic,-51.977,-41.113,-29
seresnet50,42.507,57.493,58.760,41.240,28.09,224,0.875,bicubic,-51.573,-40.190,+14
nf_resnet50,42.490,57.510,59.593,40.407,25.56,288,0.940,bicubic,-51.890,-39.477,-20
resnetrs101,42.447,57.553,57.300,42.700,63.62,288,0.940,bicubic,-52.783,-41.910,-105
tf_efficientnetv2_b3,42.317,57.683,58.000,42.000,14.36,300,0.904,bicubic,-52.803,-41.190,-96
jx_nest_tiny,42.313,57.687,57.023,42.977,17.06,224,0.875,bicubic,-52.627,-42.077,-79
legacy_senet154,42.283,57.717,56.573,43.427,115.09,224,0.875,bilinear,-52.447,-42.527,-61
dpn98,42.277,57.723,56.927,43.073,61.57,224,0.875,bicubic,-51.653,-41.993,+23
tf_efficientnet_cc_b1_8e,42.273,57.727,58.527,41.473,39.72,240,0.882,bicubic,-51.307,-40.163,+72
xcit_tiny_24_p16_224,42.273,57.727,56.780,43.220,12.12,224,1.000,bicubic,-51.577,-42.120,+31
convmixer_1024_20_ks9_p14,42.270,57.730,59.693,40.307,24.38,224,0.960,bicubic,-50.080,-38.727,+164
deit_small_patch16_224,42.257,57.743,58.027,41.973,22.05,224,0.900,bicubic,-51.733,-40.933,+14
tf_efficientnet_b2,42.197,57.803,58.203,41.797,9.11,260,0.890,bicubic,-52.003,-40.827,-9
cait_xxs24_384,42.177,57.823,57.513,42.487,12.03,384,1.000,bicubic,-52.763,-41.617,-88
gluon_resnext50_32x4d,42.100,57.900,57.690,42.310,25.03,224,0.875,bicubic,-51.570,-41.010,+51
ecaresnet50d_pruned,41.993,58.007,58.323,41.677,19.94,224,0.875,bicubic,-51.827,-40.677,+29
efficientnet_b2,41.937,58.063,58.300,41.700,9.11,288,1.000,bicubic,-52.433,-40.750,-31
xcit_tiny_12_p16_224_dist,41.883,58.117,57.213,42.787,6.72,224,1.000,bicubic,-51.457,-41.537,+86
gluon_senet154,41.700,58.300,56.480,43.520,115.09,224,0.875,bicubic,-53.000,-42.490,-71
dla102x2,41.677,58.323,58.033,41.967,41.28,224,0.875,bilinear,-52.333,-40.997,+5
inception_v4,41.647,58.353,55.367,44.633,42.68,299,0.875,bicubic,-52.723,-43.453,-34
hrnet_w64,41.617,58.383,57.173,42.827,128.06,224,0.875,bilinear,-52.233,-41.697,+18
haloregnetz_b,41.590,58.410,57.073,42.927,11.68,224,0.940,bicubic,-52.910,-41.887,-49
tf_efficientnet_cc_b0_8e,41.533,58.467,57.393,42.607,24.01,224,0.875,bicubic,-51.317,-41.067,+117
efficientnet_el,41.503,58.497,58.317,41.683,10.59,300,0.904,bicubic,-53.167,-40.813,-72
efficientnet_em,41.477,58.523,58.873,41.127,6.90,240,0.882,bicubic,-52.273,-40.047,+31
resnetv2_50,41.447,58.553,56.750,43.250,25.55,224,0.950,bicubic,-52.843,-42.180,-32
swin_tiny_patch4_window7_224,41.403,58.597,57.333,42.667,28.29,224,0.900,bicubic,-53.237,-41.787,-69
cait_xxs24_224,41.387,58.613,57.523,42.477,11.96,224,1.000,bicubic,-52.103,-41.247,+61
resnext50_32x4d,41.373,58.627,56.940,43.060,25.03,224,0.875,bicubic,-52.477,-41.990,+12
tv_resnet152,41.320,58.680,57.587,42.413,60.19,224,0.875,bilinear,-51.940,-41.163,+79
gernet_s,41.317,58.683,58.880,41.120,8.17,224,0.875,bilinear,-51.123,-39.610,+137
xception71,41.300,58.700,55.940,44.060,42.34,299,0.903,bicubic,-52.600,-43.010,+2
gcresnext50ts,41.270,58.730,57.090,42.910,15.67,256,0.900,bicubic,-53.140,-41.900,-53
dpn92,41.263,58.737,56.313,43.687,37.67,224,0.875,bicubic,-52.917,-42.617,-30
adv_inception_v3,41.220,58.780,56.357,43.643,23.83,299,0.875,bicubic,-51.770,-42.123,+92
resnetblur50,41.073,58.927,57.080,42.920,25.56,224,0.875,bicubic,-52.637,-41.720,+25
nf_regnet_b1,41.053,58.947,58.157,41.843,10.22,288,0.900,bicubic,-52.837,-40.593,-2
gluon_resnet50_v1d,41.017,58.983,57.147,42.853,25.58,224,0.875,bicubic,-52.533,-41.563,+46
ese_vovnet39b,40.883,59.117,57.023,42.977,24.57,224,0.875,bicubic,-52.967,-41.797,+3
gluon_inception_v3,40.880,59.120,55.670,44.330,23.83,299,0.875,bicubic,-52.710,-43.170,+37
resnet34d,40.853,59.147,56.527,43.473,21.82,224,0.875,bicubic,-51.787,-41.913,+114
regnety_320,40.837,59.163,56.173,43.827,145.05,224,0.875,bicubic,-53.663,-42.997,-68
levit_192,40.800,59.200,56.663,43.337,10.95,224,0.900,bicubic,-52.910,-42.127,+17
xception,40.793,59.207,56.507,43.493,22.86,299,0.897,bicubic,-52.857,-42.263,+26
gluon_resnet101_v1b,40.703,59.297,56.193,43.807,44.55,224,0.875,bicubic,-53.067,-42.527,+7
skresnext50_32x4d,40.690,59.310,56.017,43.983,27.48,224,0.875,bicubic,-53.260,-42.453,-19
repvgg_b1,40.683,59.317,57.830,42.170,57.42,224,0.875,bilinear,-52.727,-40.950,+53
hrnet_w40,40.660,59.340,56.860,43.140,57.56,224,0.875,bilinear,-53.050,-41.940,+11
resmlp_24_224,40.660,59.340,56.597,43.403,30.02,224,0.875,bicubic,-52.770,-42.213,+47
tf_efficientnet_lite3,40.613,59.387,56.573,43.427,8.20,300,0.904,bilinear,-53.497,-42.387,-37
regnetx_320,40.533,59.467,55.667,44.333,107.81,224,0.875,bicubic,-53.677,-43.383,-49
xcit_tiny_12_p8_224,40.533,59.467,55.583,44.417,6.71,224,1.000,bicubic,-53.837,-43.487,-65
repvgg_b2,40.523,59.477,57.790,42.210,89.02,224,0.875,bilinear,-53.047,-41.280,+28
tresnet_m_448,40.520,59.480,56.673,43.327,31.39,448,0.875,bilinear,-54.150,-42.497,-100
pit_xs_224,40.513,59.487,56.543,43.457,10.62,224,0.900,bicubic,-52.387,-42.247,+81
dla169,40.507,59.493,57.320,42.680,53.39,224,0.875,bilinear,-53.273,-41.510,-6
wide_resnet101_2,40.477,59.523,55.863,44.137,126.89,224,0.875,bilinear,-53.243,-42.947,+1
efficientnet_b2_pruned,40.457,59.543,56.603,43.397,8.31,260,0.890,bicubic,-53.343,-42.307,-11
resnet50,40.397,59.603,54.667,45.333,25.56,224,0.950,bicubic,-53.553,-44.163,-31
skresnet34,40.373,59.627,56.793,43.207,22.28,224,0.875,bicubic,-52.187,-41.717,+102
tf_efficientnet_b0_ap,40.357,59.643,56.823,43.177,5.29,224,0.875,bicubic,-52.243,-41.607,+96
regnetx_160,40.350,59.650,56.090,43.910,54.28,224,0.875,bicubic,-53.550,-42.990,-30
legacy_seresnext101_32x4d,40.323,59.677,54.843,45.157,48.96,224,0.875,bilinear,-53.847,-44.127,-55
xception65,40.320,59.680,55.263,44.737,39.92,299,0.903,bicubic,-53.420,-43.607,-7
coat_mini,40.310,59.690,55.153,44.847,10.34,224,0.900,bicubic,-54.450,-43.797,-124
densenet201,40.297,59.703,56.770,43.230,20.01,224,0.875,bicubic,-52.393,-41.890,+83
efficientnet_el_pruned,40.293,59.707,56.750,43.250,10.59,300,0.904,bicubic,-53.767,-42.270,-50
coat_lite_mini,40.280,59.720,55.670,44.330,11.01,224,0.900,bicubic,-53.210,-43.110,+22
eca_resnet33ts,40.193,59.807,56.963,43.037,19.68,256,0.900,bicubic,-53.677,-41.927,-31
hrnet_w48,40.160,59.840,56.597,43.403,77.47,224,0.875,bilinear,-53.870,-42.433,-49
resnext50d_32x4d,40.150,59.850,55.593,44.407,25.05,224,0.875,bicubic,-53.650,-43.137,-23
vit_base_patch16_sam_224,40.133,59.867,55.530,44.470,86.57,224,0.900,bicubic,-53.757,-43.360,-36
legacy_seresnet152,40.053,59.947,55.887,44.113,66.82,224,0.875,bilinear,-53.407,-42.963,+20
tf_efficientnet_b1,40.043,59.957,56.213,43.787,7.79,240,0.882,bicubic,-53.667,-42.587,-12
hrnet_w30,40.013,59.987,57.123,42.877,37.71,224,0.875,bilinear,-53.397,-41.707,+23
regnetz_b,39.990,60.010,55.657,44.343,9.72,288,0.940,bicubic,-54.700,-43.503,-126
halonet50ts,39.967,60.033,54.103,45.897,22.73,256,0.940,bicubic,-54.673,-44.797,-120
regnetx_080,39.967,60.033,56.057,43.943,39.57,224,0.875,bicubic,-53.823,-42.843,-29
gluon_resnet101_v1c,39.953,60.047,55.253,44.747,44.57,224,0.875,bicubic,-53.707,-43.507,-11
resmlp_12_distilled_224,39.880,60.120,57.473,42.527,15.35,224,0.875,bicubic,-52.990,-41.157,+59
seresnet33ts,39.813,60.187,56.503,43.497,19.78,256,0.900,bicubic,-54.447,-42.277,-83
tf_efficientnetv2_b0,39.800,60.200,56.297,43.703,7.14,224,0.875,bicubic,-53.260,-42.403,+37
res2net50_26w_8s,39.747,60.253,54.947,45.053,48.40,224,0.875,bilinear,-53.683,-43.723,+12
vit_small_patch32_224,39.747,60.253,55.283,44.717,22.88,224,0.900,bicubic,-52.403,-43.227,+100
res2net101_26w_4s,39.723,60.277,54.613,45.387,45.21,224,0.875,bilinear,-53.797,-44.017,0
regnetx_120,39.707,60.293,55.693,44.307,46.11,224,0.875,bicubic,-54.583,-43.507,-93
hrnet_w44,39.660,60.340,55.313,44.687,67.06,224,0.875,bilinear,-53.960,-43.637,-15
xception41,39.660,60.340,54.977,45.023,26.97,299,0.903,bicubic,-53.820,-43.863,+3
sehalonet33ts,39.640,60.360,53.967,46.033,13.69,256,0.940,bicubic,-54.890,-44.813,-117
resmlp_big_24_224,39.610,60.390,54.767,45.233,129.14,224,0.875,bicubic,-54.660,-44.053,-94
tf_efficientnetv2_b1,39.607,60.393,55.490,44.510,8.14,240,0.882,bicubic,-54.093,-43.320,-28
dla102x,39.593,60.407,56.337,43.663,26.31,224,0.875,bilinear,-53.917,-42.513,-6
densenet161,39.590,60.410,56.180,43.820,28.68,224,0.875,bicubic,-53.290,-42.630,+44
mixnet_xl,39.553,60.447,55.827,44.173,11.90,224,0.875,bicubic,-54.667,-42.983,-95
hrnet_w32,39.523,60.477,56.267,43.733,41.23,224,0.875,bilinear,-53.427,-42.573,+36
gcresnet33ts,39.507,60.493,55.863,44.137,19.88,256,0.900,bicubic,-54.313,-43.067,-51
rexnet_130,39.477,60.523,56.633,43.367,7.56,224,0.875,bicubic,-54.213,-42.087,-33
xcit_tiny_12_p16_224,39.477,60.523,55.023,44.977,6.72,224,1.000,bicubic,-52.983,-43.607,+69
levit_128,39.453,60.547,55.460,44.540,9.21,224,0.900,bicubic,-53.587,-43.230,+22
resnetv2_50x1_bitm,39.407,60.593,57.873,42.127,25.55,448,1.000,bilinear,-55.353,-41.307,-158
regnety_064,39.390,60.610,55.817,44.183,30.58,224,0.875,bicubic,-54.750,-42.973,-91
regnety_120,39.377,60.623,55.347,44.653,51.82,224,0.875,bicubic,-54.683,-43.673,-84
tf_efficientnet_el,39.353,60.647,55.443,44.557,10.59,300,0.904,bicubic,-54.997,-43.647,-115
tf_inception_v3,39.353,60.647,54.373,45.627,23.83,299,0.875,bicubic,-53.857,-44.117,+9
densenetblur121d,39.310,60.690,56.650,43.350,8.00,224,0.875,bicubic,-53.090,-41.820,+68
gluon_resnet50_v1s,39.283,60.717,55.100,44.900,25.68,224,0.875,bicubic,-54.307,-43.730,-28
tv_resnet101,39.273,60.727,55.833,44.167,44.55,224,0.875,bilinear,-53.607,-42.827,+31
tf_efficientnetv2_b2,39.190,60.810,54.620,45.380,10.10,260,0.890,bicubic,-54.870,-44.320,-89
densenet169,39.177,60.823,55.850,44.150,14.15,224,0.875,bicubic,-53.113,-42.740,+68
legacy_seresnet101,39.123,60.877,55.100,44.900,49.33,224,0.875,bilinear,-54.167,-43.650,-5
repvgg_b1g4,39.000,61.000,56.433,43.567,39.97,224,0.875,bilinear,-54.040,-42.387,+11
regnety_080,38.973,61.027,55.193,44.807,39.18,224,0.875,bicubic,-54.927,-43.797,-79
dpn68,38.967,61.033,54.977,45.023,12.61,224,0.875,bicubic,-53.293,-43.623,+65
efficientnet_b1_pruned,38.967,61.033,55.607,44.393,6.33,240,0.882,bicubic,-53.993,-42.913,+15
inception_v3,38.953,61.047,53.850,46.150,23.83,299,0.875,bicubic,-53.947,-44.470,+20
crossvit_9_dagger_240,38.947,61.053,54.913,45.087,8.78,240,0.875,bicubic,-53.803,-43.597,+31
legacy_seresnext50_32x4d,38.897,61.103,54.637,45.363,27.56,224,0.875,bilinear,-54.513,-44.163,-18
resnet33ts,38.890,61.110,55.550,44.450,19.68,256,0.900,bicubic,-54.730,-43.220,-45
dla102,38.883,61.117,55.333,44.667,33.27,224,0.875,bilinear,-54.407,-43.447,-15
regnety_040,38.833,61.167,55.600,44.400,20.65,224,0.875,bicubic,-54.777,-43.040,-46
regnetx_040,38.803,61.197,55.493,44.507,22.12,224,0.875,bicubic,-54.867,-43.457,-55
resnet32ts,38.767,61.233,55.847,44.153,17.96,256,0.900,bicubic,-54.803,-42.903,-40
regnetx_032,38.760,61.240,55.160,44.840,15.30,224,0.875,bicubic,-54.510,-43.580,-16
densenet121,38.753,61.247,56.250,43.750,7.98,224,0.875,bicubic,-53.187,-42.030,+68
res2net50_14w_8s,38.720,61.280,54.197,45.803,25.06,224,0.875,bilinear,-54.300,-44.513,-1
dla60_res2net,38.687,61.313,54.613,45.387,20.85,224,0.875,bilinear,-54.693,-44.217,-24
res2net50_26w_6s,38.660,61.340,53.810,46.190,37.05,224,0.875,bilinear,-54.920,-44.930,-48
selecsls60,38.623,61.377,55.693,44.307,30.67,224,0.875,bicubic,-54.377,-43.137,-2
dla60x,38.617,61.383,55.500,44.500,17.35,224,0.875,bilinear,-54.593,-43.220,-17
selecsls60b,38.573,61.427,55.327,44.673,32.77,224,0.875,bicubic,-54.907,-43.433,-38
tf_efficientnet_b0,38.550,61.450,56.083,43.917,5.29,224,0.875,bicubic,-53.850,-42.337,+41
dla60_res2next,38.530,61.470,55.003,44.997,17.03,224,0.875,bilinear,-55.030,-43.797,-49
hardcorenas_f,38.507,61.493,55.743,44.257,8.20,224,0.875,bilinear,-54.473,-42.877,-5
repvgg_a2,38.507,61.493,55.827,44.173,28.21,224,0.875,bilinear,-54.153,-42.703,+20
regnetx_064,38.493,61.507,55.027,44.973,26.21,224,0.875,bicubic,-55.157,-44.023,-66
gluon_resnet50_v1b,38.457,61.543,54.897,45.103,25.56,224,0.875,bicubic,-54.093,-43.653,+27
resmlp_12_224,38.453,61.547,56.387,43.613,15.35,224,0.875,bicubic,-53.677,-42.183,+48
tf_efficientnet_cc_b0_4e,38.427,61.573,55.200,44.800,13.31,224,0.875,bicubic,-54.413,-43.240,+4
hrnet_w18,38.380,61.620,55.750,44.250,21.30,224,0.875,bilinear,-54.370,-42.900,+9
mixnet_l,38.233,61.767,54.857,45.143,7.33,224,0.875,bicubic,-55.057,-43.853,-34
hardcorenas_e,38.130,61.870,55.193,44.807,8.07,224,0.875,bilinear,-54.830,-43.377,-11
efficientnet_b1,38.107,61.893,54.090,45.910,7.79,256,1.000,bicubic,-54.913,-44.610,-17
coat_lite_tiny,38.080,61.920,53.467,46.533,5.72,224,0.900,bicubic,-54.750,-45.173,0
eca_halonext26ts,38.067,61.933,54.167,45.833,10.76,256,0.940,bicubic,-55.073,-44.523,-28
gmixer_24_224,37.977,62.023,52.117,47.883,24.72,224,0.875,bicubic,-54.693,-46.143,+7
resnetrs50,37.907,62.093,53.320,46.680,35.69,224,0.910,bicubic,-56.123,-45.510,-124
hardcorenas_c,37.887,62.113,55.720,44.280,5.52,224,0.875,bilinear,-54.443,-42.620,+28
gluon_resnet50_v1c,37.867,62.133,54.150,45.850,25.58,224,0.875,bicubic,-55.053,-44.560,-15
efficientnet_es,37.837,62.163,54.987,45.013,5.44,224,0.875,bicubic,-55.103,-43.703,-17
res2net50_26w_4s,37.820,62.180,53.113,46.887,25.70,224,0.875,bilinear,-55.360,-45.557,-35
resnest14d,37.790,62.210,56.570,43.430,10.61,224,0.875,bilinear,-53.360,-41.780,+68
tv_resnext50_32x4d,37.783,62.217,54.153,45.847,25.03,224,0.875,bilinear,-55.127,-44.577,-18
resnet26t,37.753,62.247,55.300,44.700,16.01,256,0.940,bicubic,-54.927,-43.300,-2
ecaresnet26t,37.597,62.403,54.353,45.647,16.01,320,0.950,bicubic,-56.333,-44.577,-123
hardcorenas_d,37.550,62.450,54.723,45.277,7.50,224,0.875,bilinear,-55.050,-43.647,+3
res2next50,37.537,62.463,52.883,47.117,24.67,224,0.875,bilinear,-55.573,-45.777,-39
resnet34,37.497,62.503,54.327,45.673,21.80,224,0.875,bilinear,-53.693,-43.903,+60
lambda_resnet26t,37.370,62.630,53.550,46.450,10.96,256,0.940,bicubic,-56.030,-45.210,-57
pit_ti_distilled_224,37.320,62.680,55.183,44.817,5.10,224,0.900,bicubic,-53.580,-43.047,+68
hardcorenas_b,37.280,62.720,55.040,44.960,5.18,224,0.875,bilinear,-54.690,-43.360,+31
mobilenetv3_large_100_miil,37.247,62.753,53.560,46.440,5.48,224,0.875,bilinear,-55.003,-44.690,+19
regnety_016,37.143,62.857,54.147,45.853,11.20,224,0.875,bicubic,-55.887,-44.543,-39
res2net50_48w_2s,37.143,62.857,53.410,46.590,25.29,224,0.875,bilinear,-55.657,-45.060,-19
lambda_resnet26rpt_256,37.113,62.887,53.843,46.157,10.99,256,0.940,bicubic,-56.327,-45.037,-70
dla60,37.110,62.890,54.297,45.703,22.04,224,0.875,bilinear,-55.580,-44.333,-15
bat_resnext26ts,37.090,62.910,53.750,46.250,10.73,256,0.900,bicubic,-56.010,-44.970,-48
rexnet_100,37.060,62.940,54.070,45.930,4.80,224,0.875,bicubic,-55.780,-44.550,-26
tf_mixnet_l,37.040,62.960,52.710,47.290,7.33,224,0.875,bicubic,-56.010,-45.830,-48
legacy_seresnet50,36.933,63.067,53.517,46.483,28.09,224,0.875,bilinear,-55.737,-45.143,-16
tf_efficientnet_lite2,36.890,63.110,53.367,46.633,6.09,260,0.890,bicubic,-55.680,-45.183,-10
halonet26t,36.783,63.217,52.267,47.733,12.48,256,0.950,bicubic,-56.827,-46.693,-96
regnetx_016,36.767,63.233,53.293,46.707,9.19,224,0.875,bicubic,-55.793,-45.257,-11
tv_densenet121,36.747,63.253,54.000,46.000,7.98,224,0.875,bicubic,-54.653,-44.250,+36
mobilenetv2_120d,36.717,63.283,53.967,46.033,5.83,224,0.875,bicubic,-55.893,-44.543,-18
hardcorenas_a,36.707,63.293,54.923,45.077,5.26,224,0.875,bilinear,-54.903,-43.247,+26
tf_efficientnet_lite1,36.667,63.333,53.687,46.313,5.42,240,0.882,bicubic,-55.653,-44.803,0
efficientnet_b0,36.603,63.397,53.490,46.510,5.29,224,0.875,bicubic,-55.867,-45.190,-12
levit_128s,36.593,63.407,53.083,46.917,7.78,224,0.900,bicubic,-54.907,-45.317,+26
vit_base_patch32_sam_224,36.593,63.407,53.087,46.913,88.22,224,0.900,bicubic,-53.277,-44.513,+65
xcit_nano_12_p8_224_dist,36.503,63.497,52.780,47.220,3.05,224,1.000,bicubic,-55.907,-45.730,-9
tf_efficientnet_em,36.450,63.550,52.860,47.140,6.90,240,0.882,bicubic,-56.750,-45.820,-67
skresnet18,36.343,63.657,54.267,45.733,11.96,224,0.875,bicubic,-53.827,-43.513,+59
repvgg_b0,36.317,63.683,54.113,45.887,15.82,224,0.875,bilinear,-55.353,-44.337,+16
xcit_nano_12_p16_384_dist,36.153,63.847,53.217,46.783,3.05,384,1.000,bicubic,-55.947,-45.303,+4
legacy_seresnet34,36.147,63.853,52.547,47.453,21.96,224,0.875,bilinear,-55.333,-45.783,+21
tv_resnet50,36.143,63.857,52.873,47.127,25.56,224,0.875,bilinear,-55.967,-45.547,0
coat_tiny,36.100,63.900,51.073,48.927,5.50,224,0.900,bicubic,-57.400,-47.607,-99
deit_tiny_distilled_patch16_224,36.093,63.907,54.273,45.727,5.91,224,0.900,bicubic,-54.997,-43.907,+35
tv_resnet34,36.057,63.943,53.530,46.470,21.80,224,0.875,bilinear,-54.253,-44.350,+49
tf_efficientnet_lite0,36.020,63.980,53.520,46.480,4.65,224,0.875,bicubic,-55.260,-44.570,+21
mobilenetv2_140,35.980,64.020,53.920,46.080,6.11,224,0.875,bicubic,-56.050,-44.330,-2
selecsls42b,35.830,64.170,52.537,47.463,32.46,224,0.875,bicubic,-56.650,-45.903,-28
seresnext26ts,35.807,64.193,53.990,46.010,10.39,256,0.900,bicubic,-56.983,-44.610,-48
gluon_resnet34_v1b,35.750,64.250,52.290,47.710,21.80,224,0.875,bicubic,-55.340,-45.920,+30
xcit_nano_12_p8_384_dist,35.730,64.270,52.297,47.703,3.05,384,1.000,bicubic,-57.520,-46.553,-85
mixnet_m,35.677,64.323,52.447,47.553,5.01,224,0.875,bicubic,-56.583,-45.923,-17
efficientnet_lite0,35.653,64.347,53.693,46.307,4.65,224,0.875,bicubic,-55.597,-44.557,+17
dla34,35.647,64.353,52.817,47.183,15.74,224,0.875,bilinear,-55.603,-45.363,+15
ssl_resnet18,35.630,64.370,53.813,46.187,11.69,224,0.875,bilinear,-55.070,-44.217,+32
mobilenetv3_rw,35.620,64.380,53.740,46.260,5.48,224,0.875,bicubic,-55.930,-44.530,+3
efficientnet_es_pruned,35.373,64.627,52.853,47.147,5.44,224,0.875,bicubic,-56.337,-45.547,-4
mobilenetv2_110d,35.277,64.723,52.823,47.177,4.52,224,0.875,bicubic,-56.043,-45.357,+8
hrnet_w18_small_v2,35.227,64.773,52.500,47.500,15.60,224,0.875,bilinear,-55.943,-45.850,+15
tf_mixnet_m,35.217,64.783,50.977,49.023,5.01,224,0.875,bicubic,-56.953,-47.443,-21
resnet18d,35.120,64.880,52.883,47.117,11.71,224,0.875,bicubic,-54.870,-44.957,+37
xcit_nano_12_p16_224_dist,35.103,64.897,52.500,47.500,3.05,224,1.000,bicubic,-55.087,-45.260,+33
convit_tiny,35.103,64.897,51.850,48.150,5.71,224,0.875,bicubic,-55.447,-46.360,+27
resnext26ts,35.097,64.903,53.447,46.553,10.30,256,0.900,bicubic,-57.113,-44.833,-26
gcresnext26ts,34.973,65.027,51.613,48.387,10.48,256,0.900,bicubic,-57.497,-46.887,-43
eca_resnext26ts,34.970,65.030,52.323,47.677,10.30,256,0.900,bicubic,-57.450,-46.287,-40
regnety_008,34.883,65.117,51.863,48.137,6.26,224,0.875,bicubic,-57.007,-46.557,-17
ese_vovnet19b_dw,34.830,65.170,51.997,48.003,6.54,224,0.875,bicubic,-57.190,-46.523,-22
crossvit_9_240,34.680,65.320,51.793,48.207,8.55,240,0.875,bicubic,-56.390,-46.517,+12
pit_ti_224,34.637,65.363,52.127,47.873,4.85,224,0.900,bicubic,-55.803,-45.893,+23
mobilenetv3_large_100,34.570,65.430,52.917,47.083,5.48,224,0.875,bicubic,-56.910,-45.283,-10
seresnext26t_32x4d,34.560,65.440,51.480,48.520,16.81,224,0.875,bicubic,-58.210,-47.070,-70
seresnext26d_32x4d,34.527,65.473,51.570,48.430,16.81,224,0.875,bicubic,-57.903,-46.970,-48
resnet26d,34.333,65.667,51.857,48.143,16.01,224,0.875,bicubic,-57.917,-46.613,-37
mixer_b16_224,34.327,65.673,48.050,51.950,59.88,224,0.875,bicubic,-56.803,-49.360,+1
fbnetc_100,34.320,65.680,51.240,48.760,5.57,224,0.875,bilinear,-56.940,-46.580,-8
tf_efficientnet_es,34.273,65.727,51.467,48.533,5.44,224,0.875,bicubic,-57.827,-46.963,-34
regnety_006,34.243,65.757,51.297,48.703,6.06,224,0.875,bicubic,-57.337,-47.133,-20
tf_mobilenetv3_large_100,33.977,66.023,51.520,48.480,5.48,224,0.875,bilinear,-57.433,-46.730,-15
mnasnet_100,33.847,66.153,51.247,48.753,4.38,224,0.875,bicubic,-57.353,-46.793,-9
regnetx_008,33.733,66.267,50.590,49.410,7.26,224,0.875,bicubic,-57.457,-47.780,-9
xcit_nano_12_p8_224,33.610,66.390,50.230,49.770,3.05,224,1.000,bicubic,-57.490,-48.010,-5
resnet26,33.593,66.407,51.017,48.983,16.00,224,0.875,bicubic,-57.867,-47.253,-20
vit_tiny_r_s16_p8_384,33.593,66.407,50.650,49.350,6.36,384,1.000,bicubic,-58.127,-47.780,-32
mixnet_s,33.587,66.413,51.030,48.970,4.13,224,0.875,bicubic,-58.193,-47.270,-34
semnasnet_100,33.550,66.450,50.837,49.163,3.89,224,0.875,bicubic,-58.110,-47.423,-30
vit_tiny_patch16_384,33.547,66.453,51.003,48.997,5.79,384,1.000,bicubic,-59.883,-47.837,-134
spnasnet_100,33.513,66.487,51.303,48.697,4.42,224,0.875,bilinear,-57.097,-46.647,0
crossvit_tiny_240,33.380,66.620,49.917,50.083,7.01,240,0.875,bicubic,-57.150,-48.033,+1
vgg19_bn,33.313,66.687,50.877,49.123,143.68,224,0.875,bilinear,-57.677,-47.243,-8
regnetx_006,33.207,66.793,50.300,49.700,6.20,224,0.875,bicubic,-57.543,-47.800,-6
ghostnet_100,33.180,66.820,51.143,48.857,5.18,224,0.875,bilinear,-57.260,-46.697,0
xcit_nano_12_p16_224,33.060,66.940,50.070,49.930,3.05,224,1.000,bicubic,-55.900,-47.340,+17
resnet18,33.040,66.960,51.127,48.873,11.69,224,0.875,bilinear,-55.120,-45.993,+20
legacy_seresnext26_32x4d,32.747,67.253,49.210,50.790,16.79,224,0.875,bicubic,-59.843,-49.210,-80
hrnet_w18_small,32.720,67.280,50.673,49.327,13.19,224,0.875,bilinear,-57.180,-47.227,+3
deit_tiny_patch16_224,32.703,67.297,50.323,49.677,5.72,224,0.900,bicubic,-56.897,-47.637,+6
legacy_seresnet18,32.637,67.363,50.360,49.640,11.78,224,0.875,bicubic,-56.613,-47.330,+9
regnetx_004,32.577,67.423,49.390,50.610,5.16,224,0.875,bicubic,-56.873,-48.390,+5
mobilenetv2_100,32.570,67.430,50.867,49.133,3.50,224,0.875,bicubic,-57.270,-46.973,+1
regnety_004,32.407,67.593,49.500,50.500,4.34,224,0.875,bicubic,-58.343,-48.580,-15
gluon_resnet18_v1b,32.393,67.607,49.710,50.290,11.69,224,0.875,bicubic,-56.277,-47.400,+9
tf_mixnet_s,32.223,67.777,48.610,51.390,4.13,224,0.875,bicubic,-59.467,-49.630,-49
vit_tiny_patch16_224,32.147,67.853,49.103,50.897,5.72,224,0.900,bicubic,-59.783,-49.227,-55
tf_mobilenetv3_large_075,31.947,68.053,49.147,50.853,3.99,224,0.875,bilinear,-58.363,-48.823,-10
tf_mobilenetv3_large_minimal_100,31.603,68.397,49.407,50.593,3.92,224,0.875,bilinear,-57.557,-47.913,+3
vit_tiny_r_s16_p8_224,30.850,69.150,47.673,52.327,6.34,224,0.900,bicubic,-58.550,-50.017,-2
vgg16_bn,30.363,69.637,47.267,52.733,138.37,224,0.875,bilinear,-60.157,-50.723,-17
regnety_002,29.683,70.317,46.887,53.113,3.16,224,0.875,bicubic,-58.527,-50.533,+4
vgg13_bn,28.970,71.030,46.827,53.173,133.05,224,0.875,bilinear,-60.240,-50.713,-2
regnetx_002,28.887,71.113,45.587,54.413,2.68,224,0.875,bicubic,-58.473,-51.403,+5
vgg19,28.687,71.313,45.257,54.743,143.67,224,0.875,bilinear,-61.003,-52.293,-10
dla60x_c,28.520,71.480,46.260,53.740,1.32,224,0.875,bilinear,-58.560,-50.880,+6
vgg11_bn,28.380,71.620,46.507,53.493,132.87,224,0.875,bilinear,-60.010,-50.773,-2
vgg16,27.990,72.010,44.743,55.257,138.36,224,0.875,bilinear,-61.390,-52.777,-9
tf_mobilenetv3_small_100,27.350,72.650,44.490,55.510,2.54,224,0.875,bilinear,-58.640,-51.920,+5
mixer_l16_224,26.797,73.203,37.860,62.140,208.20,224,0.875,bicubic,-60.163,-56.170,+3
eca_botnext26ts_256,26.743,73.257,41.953,58.047,10.59,256,0.950,bicubic,-64.107,-55.797,-34
vgg11,26.610,73.390,43.510,56.490,132.86,224,0.875,bilinear,-60.720,-53.600,-2
vgg13,26.317,73.683,43.463,56.537,133.05,224,0.875,bilinear,-61.233,-53.657,-5
dla46x_c,26.283,73.717,43.907,56.093,1.07,224,0.875,bilinear,-59.187,-52.543,+1
tf_mobilenetv3_small_075,26.273,73.727,43.710,56.290,2.04,224,0.875,bilinear,-58.257,-52.180,+2
dla46_c,25.493,74.507,43.953,56.047,1.30,224,0.875,bilinear,-59.217,-52.257,0
tf_mobilenetv3_small_minimal_100,25.107,74.893,42.987,57.013,2.04,224,0.875,bilinear,-57.573,-52.023,+1
botnet26t_256,22.097,77.903,37.240,62.760,12.49,256,0.950,bicubic,-65.143,-59.510,-7

1 model top1 top1_err top5 top5_err param_count img_size cropt_pct interpolation top1_diff top5_diff rank_diff
2 ig_resnext101_32x48d 79.650 79.727 20.350 20.273 89.393 89.523 10.607 10.477 828.41 224 0.875 bilinear -17.320 -17.233 -10.277 -10.147 +9 +14
3 ig_resnext101_32x32d 79.457 79.510 20.543 20.490 89.183 89.230 10.817 10.770 468.53 224 0.875 bilinear -17.323 -17.270 -10.347 -10.300 +19 +26
4 ig_resnext101_32x16d 78.837 78.823 21.163 21.177 88.480 88.457 11.520 11.543 194.03 224 0.875 bilinear -17.603 -17.607 -11.060 -11.083 +37 +52
5 tf_efficientnet_l2_ns_475 76.480 76.370 23.520 23.630 88.653 88.540 11.347 11.460 480.31 475 0.936 bicubic -21.270 -21.380 -11.167 -11.280 -2 0
6 swsl_resnext101_32x16d 76.303 76.230 23.697 23.770 87.733 87.750 12.267 12.250 194.03 224 0.875 bilinear -19.967 -20.050 -11.767 -11.750 +46 +63
7 ig_resnext101_32x8d 75.813 75.890 24.187 24.110 86.200 86.243 13.800 13.757 88.79 224 0.875 bilinear -20.117 -20.060 -13.180 -13.147 +67 +89
8 swsl_resnext101_32x8d 75.590 75.583 24.410 24.417 86.937 87.063 13.063 12.937 88.79 224 0.875 bilinear -20.650 -20.647 -12.533 -12.527 +46 +67
9 tf_efficientnet_l2_ns 74.650 74.623 25.350 25.377 87.543 87.497 12.457 12.503 480.31 800 0.960 bicubic -23.130 -23.147 -12.347 -12.313 -7 -6
10 swsl_resnext101_32x4d beit_large_patch16_384 72.660 73.100 27.340 26.900 85.157 84.797 14.843 15.203 44.18 305.00 224 384 0.875 1.000 bilinear bicubic -23.390 -24.720 -14.373 -14.993 +56 -8
11 swsl_resnext50_32x4d beit_large_patch16_512 68.977 73.030 31.023 26.970 82.810 84.943 17.190 15.057 25.03 305.67 224 512 0.875 1.000 bilinear bicubic -26.643 -24.740 -16.630 -14.947 +79 -7
12 swsl_resnet50 swsl_resnext101_32x4d 68.297 72.703 31.703 27.297 83.313 85.197 16.687 14.803 25.56 44.18 224 0.875 bilinear -26.903 -23.347 -16.077 -14.343 +102 +76
13 tf_efficientnet_b7_ns beit_large_patch16_224 67.510 71.030 32.490 28.970 81.383 83.300 18.617 16.700 66.35 304.43 600 224 0.949 0.900 bicubic -29.690 -26.440 -18.317 -16.390 -8 -7
14 vit_large_patch16_384 swsl_resnext50_32x4d 67.053 69.097 32.947 30.903 78.707 82.873 21.293 17.127 304.72 25.03 384 224 1.000 0.875 bicubic bilinear -30.367 -26.493 -21.073 -16.567 -10 +105
15 swin_large_patch4_window12_384 swsl_resnet50 66.283 68.370 33.717 31.630 79.783 83.380 20.217 16.620 196.74 25.56 384 224 1.000 0.875 bicubic bilinear -30.887 -26.850 -19.897 -16.020 -9 +134
16 tf_efficientnet_b6_ns vit_large_patch16_384 65.587 67.107 34.413 32.893 79.553 78.723 20.447 21.277 43.04 304.72 528 384 0.942 1.000 bicubic -31.433 -30.313 -20.157 -21.057 -7 -9
17 vit_large_patch16_224 tf_efficientnet_b7_ns 64.347 67.043 35.653 32.957 76.190 81.090 23.810 18.910 304.33 66.35 224 600 0.900 0.949 bicubic -32.363 -30.167 -23.460 -18.610 +8 -8
18 vit_large_r50_s32_384 swin_large_patch4_window12_384 64.100 65.983 35.900 34.017 75.850 79.260 24.150 20.740 329.09 196.74 384 1.000 bicubic -32.850 -31.197 -23.860 -20.430 -4 -8
19 swin_large_patch4_window7_224 tf_efficientnet_b6_ns 63.870 65.460 36.130 34.540 78.180 79.450 21.820 20.550 196.53 43.04 224 528 0.900 0.942 bicubic -33.080 -31.570 -21.480 -20.260 -6 -5
20 swin_base_patch4_window12_384 vit_large_patch16_224 63.470 64.333 36.530 35.667 78.063 76.243 21.937 23.757 87.90 304.33 384 224 1.000 0.900 bicubic -33.650 -32.377 -21.717 -23.407 -13 +14
21 tf_efficientnet_b5_ns vit_large_r50_s32_384 63.047 64.160 36.953 35.840 77.777 75.903 22.223 24.097 30.39 329.09 456 384 0.934 1.000 bicubic -33.823 -32.790 -21.863 -23.817 -3 -2
22 tf_efficientnet_b4_ns swin_large_patch4_window7_224 61.230 63.720 38.770 36.280 76.173 78.060 23.827 21.940 19.34 196.53 380 224 0.922 0.900 bicubic -35.480 -33.230 -23.467 -21.600 +2 -5
23 tf_efficientnetv2_l_in21ft1k beit_base_patch16_384 60.953 63.393 39.047 36.607 75.847 77.850 24.153 22.150 118.52 86.74 480 384 1.000 bicubic -36.157 -33.957 -23.863 -21.860 -15
24 vit_base_patch16_384 swin_base_patch4_window12_384 60.180 62.990 39.820 37.010 73.843 77.727 26.157 22.273 86.86 87.90 384 1.000 bicubic -36.840 -34.080 -25.867 -22.043 -14 -11
25 swin_base_patch4_window7_224 tf_efficientnet_b5_ns 59.537 62.890 40.463 37.110 74.247 77.720 25.753 22.280 87.77 30.39 224 456 0.900 0.934 bicubic -37.143 -33.990 -25.413 -21.920 +2 -2
26 tf_efficientnetv2_m_in21ft1k tf_efficientnet_b4_ns 58.647 61.090 41.353 38.910 73.983 76.057 26.017 23.943 54.14 19.34 480 380 1.000 0.922 bicubic -38.323 -35.620 -25.627 -23.583 -14 +7
27 vit_large_r50_s32_224 tf_efficientnetv2_l_in21ft1k 58.633 60.963 41.367 39.037 71.720 75.887 28.280 24.113 328.99 118.52 224 480 0.900 1.000 bicubic -37.547 -36.147 -27.810 -23.813 +30 -15
28 tf_efficientnet_b8_ap tf_efficientnetv2_xl_in21ft1k 57.830 60.710 42.170 39.290 72.957 74.393 27.043 25.607 87.41 208.12 672 512 0.954 1.000 bicubic -38.720 -36.440 -26.583 -25.227 +4 -17
29 cait_m48_448 vit_base_patch16_384 57.470 60.197 42.530 39.803 71.860 73.840 28.140 26.160 356.46 86.86 448 384 1.000 bicubic -39.410 -36.823 -27.760 -25.860 -13 -14
30 cait_m36_384 beit_base_patch16_224 57.467 60.143 42.533 39.857 72.313 75.367 27.687 24.633 271.22 86.53 384 224 1.000 0.900 bicubic -39.363 -36.507 -27.347 -24.203 -11 +9
31 tf_efficientnet_b3_ns swin_base_patch4_window7_224 57.417 59.293 42.583 40.707 72.387 73.890 27.613 26.110 12.23 87.77 300 224 0.904 0.900 bicubic -38.683 -37.377 -27.093 -25.780 +29 +6
32 vit_base_patch16_224 vit_large_r50_s32_224 56.823 58.677 43.177 41.323 70.633 71.857 29.367 28.143 86.57 328.99 224 0.900 bicubic -39.477 -37.513 -28.927 -27.673 +16 +44
33 vit_base_r50_s16_384 tf_efficientnetv2_m_in21ft1k 54.403 58.653 45.597 41.347 69.560 74.017 30.440 25.983 98.95 54.14 384 480 1.000 bicubic -42.047 -38.297 -30.100 -25.593 +7 -15
34 resnetv2_152x4_bitm tf_efficientnet_b8_ap 54.320 57.873 45.680 42.127 70.167 72.937 29.833 27.063 936.53 87.41 480 672 1.000 0.954 bilinear bicubic -42.550 -38.687 -29.493 -26.613 -17 +10
35 vit_small_r26_s32_384 cait_m48_448 54.197 57.447 45.803 42.553 68.757 71.810 31.243 28.190 36.47 356.46 384 448 1.000 bicubic -41.863 -39.423 -30.803 -27.810 +30 -11
36 tf_efficientnet_b5_ap cait_m36_384 53.870 57.413 46.130 42.587 69.160 72.307 30.840 27.693 30.39 271.22 456 384 0.934 1.000 bicubic -42.210 -39.407 -30.380 -27.353 +25 -10
37 tf_efficientnet_b2_ns tf_efficientnet_b3_ns 53.600 57.313 46.400 42.687 70.270 72.387 29.730 27.613 9.11 12.23 260 300 0.890 0.904 bicubic -41.920 -38.797 -29.120 -27.083 +57 +44
38 tf_efficientnet_b6_ap vit_base_patch16_224 53.560 56.837 46.440 43.163 68.550 70.713 31.450 29.287 43.04 86.57 528 224 0.942 0.900 bicubic -42.810 -39.463 -31.000 -28.847 +6 +28
39 cait_s36_384 xcit_large_24_p8_384_dist 53.550 56.373 46.450 43.627 68.000 71.240 32.000 28.760 68.37 188.93 384 1.000 bicubic -43.080 -40.387 -31.600 -28.320 -10 -8
40 tf_efficientnet_b8 xcit_large_24_p8_224_dist 53.410 55.980 46.590 44.020 69.090 70.687 30.910 29.313 87.41 188.93 672 224 0.954 1.000 bicubic -43.290 -40.640 -30.440 -28.773 -14 +1
41 vit_base_patch32_384 xcit_large_24_p16_384_dist 53.307 54.850 46.693 45.150 68.047 69.857 31.953 30.143 88.30 189.10 384 1.000 bicubic -42.593 -42.080 -31.393 -29.653 +34 -21
42 tf_efficientnet_b7_ap vit_base_r50_s16_384 53.260 54.340 46.740 45.660 68.873 69.510 31.127 30.490 66.35 98.95 600 384 0.949 1.000 bicubic -43.090 -42.130 -30.717 -30.150 +4 +9
43 tf_efficientnetv2_s_in21ft1k resnetv2_152x4_bitm 53.150 54.220 46.850 45.780 69.000 70.290 31.000 29.710 21.46 936.53 384 480 1.000 bicubic bilinear -43.320 -42.660 -30.570 -29.370 -7 -21
44 tf_efficientnet_b4_ap xcit_large_24_p16_224_dist 53.090 54.217 46.910 45.783 68.210 68.950 31.790 31.050 19.34 189.10 380 224 0.922 1.000 bicubic -42.400 -42.093 -31.180 -30.550 +53 +21
45 dm_nfnet_f5 vit_small_r26_s32_384 52.870 54.097 47.130 45.903 67.430 68.793 32.570 31.207 377.21 36.47 544 384 0.954 1.000 bicubic -43.940 -41.963 -32.240 -30.757 -25 +41
46 dm_nfnet_f6 tf_efficientnet_b5_ap 52.447 53.923 47.553 46.077 67.120 69.180 32.880 30.820 438.36 30.39 576 456 0.956 0.934 bicubic -44.473 -42.157 -32.600 -30.200 -31 +36
47 tf_efficientnet_b7 xcit_medium_24_p8_224_dist 52.393 53.650 47.607 46.350 68.233 68.327 31.767 31.673 66.35 84.32 600 224 0.949 1.000 bicubic -44.187 -42.850 -31.277 -31.173 -17 +1
48 tf_efficientnetv2_l tf_efficientnet_b6_ap 52.377 53.560 47.623 46.440 67.237 68.580 32.763 31.420 118.52 43.04 480 528 1.000 0.942 bicubic -44.273 -42.800 -32.323 -30.970 -20 +11
49 swsl_resnet18 cait_s36_384 52.327 53.507 47.673 46.493 70.480 67.990 29.520 32.010 11.69 68.37 224 384 0.875 1.000 bilinear bicubic -38.763 -43.123 -27.730 -31.600 +334 -9
50 efficientnetv2_rw_m tf_efficientnet_b2_ns 52.323 53.503 47.677 46.497 67.210 70.393 32.790 29.607 53.24 9.11 416 260 1.000 0.890 bicubic -43.947 -42.027 -32.350 -28.947 0 +76
51 deit_base_distilled_patch16_384 vit_base_patch32_384 52.257 53.340 47.743 46.660 67.733 68.133 32.267 31.867 87.63 88.30 384 1.000 bicubic -44.253 -42.570 -31.857 -31.047 -16 +48
52 dm_nfnet_f3 tf_efficientnet_b7_ap 52.130 53.320 47.870 46.680 66.743 68.900 33.257 31.100 254.92 66.35 416 600 0.940 0.949 bicubic -44.600 -43.030 -32.887 -30.700 -29 +9
53 resnetv2_152x2_bit_teacher_384 xcit_medium_24_p8_384_dist 51.937 53.297 48.063 46.703 68.670 68.067 31.330 31.933 236.34 84.32 384 1.000 bicubic -44.253 -43.483 -30.830 -31.553 +3 -23
54 resmlp_big_24_224_in22ft1k tf_efficientnetv2_s_in21ft1k 51.903 53.253 48.097 46.747 68.463 69.057 31.537 30.943 129.14 21.46 224 384 0.875 1.000 bicubic -44.447 -43.207 -31.057 -30.573 -9 -2
55 cait_s24_384 xcit_medium_24_p16_384_dist 51.783 53.210 48.217 46.790 66.313 68.047 33.687 31.953 47.06 84.40 384 1.000 bicubic -44.787 -43.480 -33.237 -31.553 -24 -19
56 resnetv2_152x2_bitm tf_efficientnet_b8 51.753 53.200 48.247 46.800 69.250 68.953 30.750 31.047 236.34 87.41 448 672 1.000 0.954 bilinear bicubic -44.767 -43.500 -30.340 -30.597 -22 -21
57 ecaresnet269d tf_efficientnet_b4_ap 51.670 53.073 48.330 46.927 66.047 68.237 33.953 31.763 102.09 19.34 352 380 1.000 0.922 bicubic -44.790 -42.427 -33.563 -31.153 -19 +71
58 vit_base_patch16_224_miil dm_nfnet_f5 51.557 52.717 48.443 47.283 65.207 67.250 34.793 32.750 86.54 377.21 224 544 0.875 0.954 bilinear bicubic -44.473 -44.083 -34.143 -32.420 +9 -31
59 pit_b_distilled_224 efficientnetv2_rw_m 51.153 52.347 48.847 47.653 66.770 67.260 33.230 32.740 74.79 53.24 224 416 0.900 1.000 bicubic -44.917 -43.923 -32.610 -32.300 +3 +12
60 dm_nfnet_f4 tf_efficientnet_b7 50.900 52.303 49.100 47.697 65.557 68.230 34.443 31.770 316.07 66.35 512 600 0.951 0.949 bicubic -45.880 -44.277 -34.063 -31.280 -39 -17
61 tf_efficientnet_b1_ns xcit_small_24_p8_384_dist 50.883 52.283 49.117 47.717 67.910 66.753 32.090 33.247 7.79 47.63 240 384 0.882 1.000 bicubic -43.977 -44.547 -31.340 -32.877 +75 -36
62 tf_efficientnetv2_m tf_efficientnetv2_l 50.557 52.277 49.443 47.723 66.010 67.197 33.990 32.803 54.14 118.52 480 1.000 bicubic -45.993 -44.373 -33.560 -32.463 -29 -24
63 efficientnet_b4 dm_nfnet_f6 50.510 52.250 49.490 47.750 65.703 66.963 34.297 33.037 19.34 438.36 384 576 1.000 0.956 bicubic -45.010 -44.660 -33.637 -32.757 +32 -42
64 resnetv2_101x3_bitm swsl_resnet18 50.407 52.243 49.593 47.757 67.790 70.503 32.210 29.497 387.93 11.69 448 224 1.000 0.875 bilinear -45.843 -38.847 -31.800 -27.767 -11 +408
65 ssl_resnext101_32x16d xcit_medium_24_p16_224_dist 50.257 52.210 49.743 47.790 66.033 66.883 33.967 33.117 194.03 84.40 224 0.875 1.000 bilinear bicubic -45.153 -44.050 -33.377 -32.517 +36 +7
66 cait_s24_224 deit_base_distilled_patch16_384 50.243 52.180 49.757 47.820 65.027 67.693 34.973 32.307 46.92 87.63 224 384 1.000 bicubic -45.407 -44.310 -34.363 -31.897 +22 -17
67 eca_nfnet_l2 xcit_small_24_p8_224_dist 50.237 52.133 49.763 47.867 65.450 66.717 34.550 33.283 56.72 47.63 384 224 1.000 bicubic -46.213 -44.417 -34.170 -32.843 -28 -21
68 vit_small_patch16_384 resnetv2_152x2_bit_teacher_384 50.160 52.060 49.840 47.940 65.807 68.833 34.193 31.167 22.20 236.34 384 1.000 bicubic -45.820 -44.110 -33.783 -30.677 +3 +9
69 resnest269e dm_nfnet_f3 50.153 51.960 49.847 48.040 64.670 66.597 35.330 33.403 110.93 254.92 416 0.928 0.940 bicubic -45.967 -44.760 -34.850 -33.033 -11 -37
70 deit_base_distilled_patch16_224 resmlp_big_24_224_in22ft1k 50.063 51.893 49.937 48.107 66.227 68.423 33.773 31.577 87.34 129.14 224 0.900 0.875 bicubic -45.687 -44.447 -33.203 -31.087 +11 -8
71 tf_efficientnet_b3_ap xcit_small_24_p16_384_dist 50.057 51.883 49.943 48.117 65.210 66.307 34.790 33.693 12.23 47.67 300 384 0.904 1.000 bicubic -44.913 -44.477 -33.900 -33.283 +55 -11
72 resnest200e resnetv2_152x2_bitm 49.873 51.780 50.127 48.220 64.743 69.353 35.257 30.647 70.20 236.34 320 448 0.909 1.000 bicubic bilinear -46.197 -44.740 -34.737 -30.237 -9 -25
73 cait_xs24_384 cait_s24_384 49.527 51.727 50.473 48.273 64.900 66.330 35.100 33.670 26.67 47.06 384 1.000 bicubic -46.483 -44.853 -34.530 -33.220 -5 -31
74 tf_efficientnet_b5 ecaresnet269d 49.510 51.590 50.490 48.410 65.657 66.087 34.343 33.913 30.39 102.09 456 352 0.934 1.000 bicubic -46.470 -44.870 -33.793 -33.483 -4 -20
75 resnetv2_152x2_bit_teacher vit_base_patch16_224_miil 49.480 51.557 50.520 48.443 65.617 65.253 34.383 34.747 236.34 86.54 224 0.875 bicubic bilinear -46.270 -44.483 -33.823 -34.097 +5 +14
76 resnet200d pit_b_distilled_224 49.470 51.163 50.530 48.837 64.330 66.773 35.670 33.227 64.69 74.79 320 224 1.000 0.900 bicubic -46.640 -44.917 -35.130 -32.767 -17 +8
77 resnest101e xcit_small_12_p8_384_dist 49.367 51.040 50.633 48.960 65.587 65.710 34.413 34.290 48.28 26.21 256 384 0.875 1.000 bilinear bicubic -46.203 -45.440 -33.683 -33.770 +15 -27
78 resnet152d dm_nfnet_f4 49.253 50.810 50.747 49.190 64.413 65.430 35.587 34.570 60.21 316.07 320 512 1.000 0.951 bicubic -46.617 -45.970 -35.017 -34.190 0 -50
79 vit_base_patch32_224 tf_efficientnet_b1_ns 49.253 50.767 50.747 49.233 64.340 67.963 35.660 32.037 88.22 7.79 224 240 0.900 0.882 bicubic -45.137 -44.113 -34.730 -31.287 +92 +105
80 seresnet152d xcit_small_24_p16_224_dist 49.247 50.700 50.753 49.300 64.170 65.007 35.830 34.993 66.84 47.67 320 224 1.000 bicubic -47.063 -45.110 -35.340 -34.333 -33 +26
81 resmlp_big_24_distilled_224 tf_efficientnetv2_m 49.097 50.570 50.903 49.430 65.470 66.013 34.530 33.987 129.14 54.14 224 480 0.875 1.000 bicubic -46.773 -45.980 -33.970 -33.557 -4 -36
82 ssl_resnext101_32x8d efficientnet_b4 49.067 50.523 50.933 49.477 65.480 65.800 34.520 34.200 88.79 19.34 224 384 0.875 1.000 bilinear bicubic -46.273 -45.017 -33.840 -33.600 +25 +41
83 repvgg_b3 resnetv2_101x3_bitm 48.917 50.520 51.083 49.480 64.887 67.963 35.113 32.037 123.09 387.93 224 448 0.875 1.000 bilinear -45.633 -45.770 -34.023 -31.667 +80 -16
84 resnetrs420 xcit_small_12_p16_384_dist 48.857 50.447 51.143 49.553 63.427 65.287 36.573 34.713 191.89 26.25 416 384 1.000 bicubic -47.543 -45.883 -36.113 -34.203 -42 -20
85 efficientnetv2_rw_s xcit_small_12_p8_224_dist 48.603 50.400 51.397 49.600 63.840 65.440 36.160 34.560 23.94 26.21 384 224 1.000 bicubic -47.107 -45.560 -35.540 -33.980 0 +10
86 efficientnet_b3 cait_s24_224 48.563 50.230 51.437 49.770 64.250 65.033 35.750 34.967 12.23 46.92 320 224 1.000 bicubic -46.577 -45.410 -34.960 -34.357 +32
87 ecaresnet101d eca_nfnet_l2 48.527 50.227 51.473 49.773 64.100 65.463 35.900 34.537 44.57 56.72 224 384 0.875 1.000 bicubic -46.633 -46.233 -35.130 -34.147 +28 -34
88 dm_nfnet_f2 ssl_resnext101_32x16d 48.373 50.220 51.627 49.780 63.233 66.073 36.767 33.927 193.78 194.03 352 224 0.920 0.875 bicubic bilinear -48.087 -45.180 -36.307 -33.337 -51 +49
89 vit_small_r26_s32_224 vit_small_patch16_384 48.363 50.153 51.637 49.847 63.797 65.883 36.203 34.117 36.43 22.20 224 384 0.900 1.000 bicubic -46.767 -45.827 -35.423 -33.717 +30 +4
90 repvgg_b3g4 resnest269e 48.310 50.137 51.690 49.863 64.800 64.713 35.200 35.287 83.83 110.93 224 416 0.875 0.928 bilinear bicubic -46.180 -45.983 -34.220 -34.807 +75 -12
91 vit_large_patch32_384 tf_efficientnet_b3_ap 48.250 50.093 51.750 49.907 61.830 65.280 38.170 34.720 306.63 12.23 384 300 1.000 0.904 bicubic -46.990 -44.867 -37.490 -33.830 +19 +81
92 convit_base deit_base_distilled_patch16_224 48.217 50.070 51.783 49.930 63.000 66.253 37.000 33.747 86.54 87.34 224 0.875 0.900 bicubic -46.883 -45.710 -36.140 -33.027 +29 +15
93 resnetrs350 resnest200e 48.050 49.817 51.950 50.183 62.653 64.777 37.347 35.223 163.96 70.20 384 320 1.000 0.909 bicubic -48.190 -46.263 -36.937 -34.693 -38 -10
94 twins_svt_large cait_xs24_384 47.947 49.510 52.053 50.490 62.907 64.843 37.093 35.157 99.27 26.67 224 384 0.900 1.000 bicubic -47.773 -46.500 -36.583 -34.587 -11 -4
95 mixer_b16_224_miil tf_efficientnet_b5 47.790 49.503 52.210 50.497 63.400 65.597 36.600 34.403 59.88 30.39 224 456 0.875 0.934 bilinear bicubic -47.090 -46.477 -35.870 -33.853 +39 -3
96 repvgg_b2g4 xcit_small_12_p16_224_dist 47.787 49.443 52.213 50.557 64.390 63.893 35.610 36.107 61.76 26.25 224 0.875 1.000 bilinear bicubic -46.033 -46.307 -34.540 -35.397 +129 +13
97 eca_nfnet_l1 resnet200d 47.650 49.427 52.350 50.573 62.763 64.303 37.237 35.697 41.41 64.69 320 1.000 bicubic -48.290 -46.683 -36.727 -35.157 -24 -17
98 resnetv2_50x3_bitm vit_base_patch32_224 47.593 49.383 52.407 50.617 65.603 64.450 34.397 35.550 217.32 88.22 448 224 1.000 0.900 bilinear bicubic -48.677 -44.997 -34.027 -34.610 -47 +136
99 pit_s_distilled_224 resnest101e 47.543 49.377 52.457 50.623 63.493 65.527 36.507 34.473 24.04 48.28 224 256 0.900 0.875 bicubic bilinear -47.187 -46.203 -35.697 -33.743 +43 +22
100 resnest50d_4s2x40d resnet152d 47.483 49.257 52.517 50.743 63.807 64.427 36.193 35.573 30.42 60.21 224 320 0.875 1.000 bicubic -47.227 -46.593 -35.323 -35.003 +46 +4
101 efficientnet_b3_pruned seresnet152d 47.447 49.217 52.553 50.783 62.793 64.277 37.207 35.723 9.86 66.84 300 320 0.904 1.000 bicubic -47.133 -47.113 -36.387 -35.233 +59 -38
102 tresnet_m resnetv2_152x2_bit_teacher 47.230 49.190 52.770 50.810 61.993 65.430 38.007 34.570 31.39 236.34 224 0.875 bilinear bicubic -48.150 -46.540 -37.157 -34.000 +3 +8
103 tf_efficientnet_b6 ssl_resnext101_32x8d 47.213 49.153 52.787 50.847 63.110 65.503 36.890 34.497 43.04 88.79 528 224 0.942 0.875 bicubic bilinear -49.077 -46.167 -36.410 -33.807 -54 +41
104 ssl_resnext101_32x4d xcit_large_24_p8_224 47.177 49.143 52.823 50.857 63.367 62.727 36.633 37.273 44.18 188.93 224 0.875 1.000 bilinear bicubic -47.983 -46.917 -35.933 -36.423 +12 -17
105 resnetrs270 resmlp_big_24_distilled_224 47.107 49.047 52.893 50.953 62.010 65.463 37.990 34.537 129.86 129.14 352 224 1.000 0.875 bicubic -48.953 -46.823 -37.480 -33.977 -41 -4
106 tf_efficientnet_b4 repvgg_b3 47.083 49.023 52.917 50.977 62.867 64.877 37.133 35.123 19.34 123.09 380 224 0.922 0.875 bicubic bilinear -48.507 -45.537 -36.463 -34.033 -15 +112
107 resnet101d resnetrs420 46.893 48.817 53.107 51.183 62.317 63.453 37.683 36.547 44.57 191.89 320 416 1.000 bicubic -48.857 -47.583 -36.963 -36.087 -28 -50
108 resnetrs200 efficientnetv2_rw_s 46.837 48.673 53.163 51.327 62.487 63.863 37.513 36.137 93.21 23.94 320 384 1.000 bicubic -49.153 -47.027 -36.953 -35.517 -39 +8
109 gluon_seresnext101_64x4d regnetz_d 46.677 48.633 53.323 51.367 61.303 65.220 38.697 34.780 88.23 27.58 224 320 0.875 0.950 bicubic -47.973 -47.227 -37.677 -34.220 +43 -6
110 twins_pcpvt_large efficientnet_b3 46.637 48.580 53.363 51.420 62.240 64.343 37.760 35.657 60.99 12.23 224 320 0.900 1.000 bicubic -49.083 -46.570 -37.050 -34.867 -28 +45
111 dm_nfnet_f1 ecaresnet101d 46.547 48.473 53.453 51.527 61.407 64.090 38.593 35.910 132.63 44.57 320 224 0.910 0.875 bicubic -49.843 -46.687 -38.063 -35.140 -68 +43
112 tresnet_xl vit_small_r26_s32_224 46.283 48.417 53.717 51.583 61.943 63.927 38.057 36.073 78.44 36.43 224 0.875 0.900 bilinear bicubic -48.777 -46.703 -37.317 -35.293 +12 +47
113 deit_small_distilled_patch16_224 vit_large_patch32_384 46.160 48.353 53.840 51.647 62.417 61.907 37.583 38.093 22.44 306.63 224 384 0.900 1.000 bicubic -48.430 -46.897 -36.683 -37.413 +43 +33
114 regnety_160 repvgg_b3g4 46.153 48.270 53.847 51.730 61.837 64.820 38.163 35.180 83.59 83.83 288 224 1.000 0.875 bicubic bilinear -49.727 -46.220 -37.723 -34.200 -38 +111
115 gernet_m convit_base 46.150 48.243 53.850 51.757 62.700 63.003 37.300 36.997 21.14 86.54 224 0.875 bilinear bicubic -48.400 -46.857 -36.230 -36.127 +47 +48
116 resnest50d_1s4x24d dm_nfnet_f2 46.083 48.203 53.917 51.797 62.377 63.200 37.623 36.800 25.68 193.78 224 352 0.875 0.920 bicubic -48.307 -48.247 -36.683 -36.340 +56 -61
117 tf_efficientnet_b0_ns resnetrs350 46.047 47.963 53.953 52.037 63.253 62.577 36.747 37.423 5.29 163.96 224 384 0.875 1.000 bicubic -47.693 -48.277 -35.727 -36.893 +119 -43
118 resnet51q twins_svt_large 46.027 47.907 53.973 52.093 60.910 62.860 39.090 37.140 35.70 99.27 288 224 1.000 0.900 bilinear bicubic -49.173 -47.813 -38.370 -36.510 -5
119 vit_small_patch16_224 mixer_b16_224_miil 45.990 47.827 54.010 52.173 61.820 63.363 38.180 36.637 22.05 59.88 224 0.900 0.875 bicubic bilinear -48.890 -47.063 -37.260 -35.717 +14 +64
120 resnest50d repvgg_b2g4 45.937 47.773 54.063 52.227 62.623 64.427 37.377 35.573 27.48 61.76 224 0.875 bilinear -48.683 -46.047 -36.407 -34.493 +33 +176
121 twins_pcpvt_base resnetv2_50x3_bitm 45.893 47.757 54.107 52.243 61.337 65.667 38.663 34.333 43.83 217.32 224 448 0.900 1.000 bicubic bilinear -49.567 -48.533 -38.053 -33.913 -23 -53
122 regnety_032 eca_nfnet_l1 45.893 47.610 54.107 52.390 61.537 62.650 38.463 37.350 19.44 41.41 288 320 1.000 bicubic -49.577 -48.310 -37.783 -36.850 -23 -25
123 levit_384 pit_s_distilled_224 45.877 47.603 54.123 52.397 61.693 63.543 38.307 36.457 39.13 24.04 224 0.900 bicubic -49.333 -47.147 -37.467 -35.637 -11 +70
124 twins_svt_base resnest50d_4s2x40d 45.877 47.503 54.123 52.497 60.967 63.863 39.033 36.137 56.07 30.42 224 0.900 0.875 bicubic -49.693 -47.207 -38.263 -35.267 -31 +72
125 gluon_seresnext101_32x4d efficientnet_b3_pruned 45.590 47.467 54.410 52.533 61.143 62.850 38.857 37.150 48.96 9.86 224 300 0.875 0.904 bicubic -48.860 -47.113 -37.947 -36.220 +42 +90
126 dm_nfnet_f0 crossvit_18_dagger_408 45.483 47.353 54.517 52.647 60.983 60.900 39.017 39.100 71.49 44.61 256 408 0.900 1.000 bicubic -50.207 -48.757 -38.347 -38.570 -39 -47
127 gluon_resnet152_v1d xcit_small_24_p8_224 45.430 47.340 54.570 52.660 60.077 61.097 39.923 38.903 60.21 47.63 224 0.875 1.000 bicubic -49.010 -48.570 -38.933 -38.343 +41 -29
128 nfnet_l0 tresnet_m 45.420 47.297 54.580 52.703 62.080 62.087 37.920 37.913 35.07 31.39 288 224 1.000 0.875 bicubic bilinear -49.970 -48.103 -37.340 -37.063 -25 +10
129 ssl_resnext50_32x4d ssl_resnext101_32x4d 45.407 47.167 54.593 52.833 62.047 63.390 37.953 36.610 25.03 44.18 224 0.875 bilinear -49.293 -47.973 -37.193 -35.920 +18 +27
130 resnetv2_50x1_bit_distilled tf_efficientnet_b6 45.393 47.150 54.607 52.850 62.303 63.057 37.697 36.943 25.55 43.04 224 528 0.875 0.942 bicubic -49.997 -49.130 -37.127 -36.463 -26 -60
131 tresnet_xl_448 resnetrs270 45.223 47.147 54.777 52.853 61.437 62.057 38.563 37.943 78.44 129.86 448 352 0.875 1.000 bilinear bicubic -50.287 -48.923 -37.903 -37.423 -35 -46
132 nasnetalarge xcit_small_12_p8_224 45.210 47.057 54.790 52.943 57.883 60.570 42.117 39.430 88.75 26.21 331 224 0.911 1.000 bicubic -49.940 -48.363 -41.247 -38.630 -15 +3
133 convit_small tf_efficientnet_b4 45.203 47.027 54.797 52.973 60.510 62.907 39.490 37.093 27.78 19.34 224 380 0.875 0.922 bicubic -49.717 -48.563 -38.600 -36.413 -3 -13
134 swin_small_patch4_window7_224 resnet101d 45.163 46.907 54.837 53.093 60.330 62.357 39.670 37.643 49.61 44.57 224 320 0.900 1.000 bicubic -50.557 -48.843 -39.040 -37.083 -50 -26
135 tf_efficientnet_b3 xcit_large_24_p16_224 45.107 46.877 54.893 53.123 60.650 60.770 39.350 39.230 12.23 189.10 300 224 0.904 1.000 bicubic -49.803 -48.073 -38.460 -38.060 -4 +39
136 rexnet_200 resnetrs200 45.047 46.867 54.953 53.133 62.317 62.480 37.683 37.520 16.37 93.21 224 320 0.875 1.000 bicubic -49.613 -49.133 -36.773 -36.960 +14 -45
137 resnetrs152 gluon_seresnext101_64x4d 44.943 46.677 55.057 53.323 59.713 61.363 40.287 38.637 86.62 88.23 320 224 1.000 0.875 bicubic -51.017 -47.983 -39.667 -37.607 -65 +68
138 ecaresnetlight twins_pcpvt_large 44.890 46.557 55.110 53.443 60.770 62.170 39.230 37.830 30.16 60.99 224 0.875 0.900 bicubic -49.250 -49.163 -38.180 -37.320 +54 -26
139 deit_base_patch16_224 dm_nfnet_f1 44.870 46.457 55.130 53.543 59.177 61.450 40.823 38.550 86.57 132.63 224 320 0.900 0.910 bicubic -50.140 -49.913 -39.803 -38.030 -14 -81
140 deit_base_patch16_384 xcit_medium_24_p8_224 44.777 46.427 55.223 53.573 59.617 59.607 40.383 40.393 86.86 84.32 384 224 1.000 bicubic -50.873 -49.443 -39.623 -39.483 -51 -38
141 cait_xxs36_384 crossvit_15_dagger_408 44.773 46.367 55.227 53.633 59.380 60.537 40.620 39.463 17.37 28.50 384 408 1.000 bicubic -50.447 -49.453 -39.940 -38.763 -30 -36
142 resmlp_36_distilled_224 tresnet_xl 44.757 46.277 55.243 53.723 61.073 61.907 38.927 38.093 44.69 78.44 224 0.875 bicubic bilinear -49.813 -48.803 -38.087 -37.313 +19 +22
143 gernet_l xcit_tiny_24_p8_224_dist 44.740 46.250 55.260 53.750 58.943 60.627 41.057 39.373 31.08 12.11 256 224 0.875 1.000 bilinear bicubic -50.190 -49.210 -40.257 -38.723 -15 -11
144 resmlp_24_distilled_224 xcit_tiny_24_p8_384_dist 44.707 46.233 55.293 53.767 61.467 60.660 38.533 39.340 30.02 12.11 224 384 0.875 1.000 bicubic -49.623 -50.017 -37.623 -38.780 +34 -71
145 tf_efficientnet_b2_ap gernet_m 44.700 46.157 55.300 53.843 60.680 62.720 39.320 37.280 9.11 21.14 260 224 0.890 0.875 bicubic bilinear -49.570 -48.393 -38.270 -36.200 +37 +74
146 ens_adv_inception_resnet_v2 deit_small_distilled_patch16_224 44.393 46.150 55.607 53.850 58.117 62.447 41.883 37.553 55.84 22.44 299 224 0.897 0.900 bicubic -49.737 -48.440 -40.673 -36.483 +48 +68
147 tresnet_l resnest50d_1s4x24d 44.363 46.133 55.637 53.867 59.953 62.483 40.047 37.517 55.99 25.68 224 0.875 bilinear bicubic -50.537 -48.247 -39.077 -36.577 -15 +86
148 gluon_resnext101_32x4d regnety_160 44.290 46.123 55.710 53.877 59.090 61.803 40.910 38.197 44.18 83.59 224 288 0.875 1.000 bicubic -49.830 -49.777 -39.840 -37.757 +49 -48
149 wide_resnet50_2 crossvit_base_240 44.177 46.087 55.823 53.913 59.727 60.247 40.273 39.753 68.88 105.03 224 240 0.875 bicubic -50.493 -48.973 -39.323 -38.733 0 +18
150 cspresnext50 tf_efficientnet_b0_ns 44.147 46.047 55.853 53.953 60.533 63.280 39.467 36.720 20.57 5.29 224 0.875 bilinear bicubic -49.613 -47.713 -38.307 -35.700 +81 +155
151 resnetv2_101x1_bitm vit_small_patch16_224 44.127 46.027 55.873 53.973 61.983 61.850 38.017 38.150 44.54 22.05 448 224 1.000 0.900 bilinear bicubic -51.193 -48.873 -37.387 -37.180 -43 +30
152 seresnext50_32x4d resnet51q 44.127 46.017 55.873 53.983 59.490 60.917 40.510 39.083 27.56 35.70 224 288 0.875 1.000 bicubic bilinear -50.693 -49.173 -39.640 -38.363 -15 -1
153 gluon_resnet152_v1s jx_nest_base 44.073 45.973 55.927 54.027 58.703 60.113 41.297 39.887 60.32 67.72 224 0.875 bicubic -50.647 -49.557 -40.357 -39.187 -9 -28
154 pit_b_224 crossvit_18_240 44.070 45.923 55.930 54.077 58.017 60.380 41.983 39.620 73.76 43.27 224 240 0.900 0.875 bicubic -50.720 -49.127 -40.803 -38.740 -16 +14
155 ssl_resnet50 resnest50d 44.010 45.900 55.990 54.100 61.887 62.673 38.113 37.327 25.56 27.48 224 0.875 bilinear -50.300 -48.720 -37.263 -36.357 +24 +54
156 inception_resnet_v2 twins_pcpvt_base 44.003 45.890 55.997 54.110 57.907 61.357 42.093 38.643 55.84 43.83 299 224 0.897 0.900 bicubic -50.337 -49.580 -40.893 -38.023 +21 -26
157 pnasnet5large regnety_032 43.950 45.887 56.050 54.113 56.730 61.520 43.270 38.480 86.06 19.44 331 288 0.911 1.000 bicubic -51.410 -49.583 -42.400 -37.800 -51 -28
158 pit_s_224 twins_svt_base 43.890 45.863 56.110 54.137 58.627 60.903 41.373 39.097 23.46 56.07 224 0.900 bicubic -50.700 -49.707 -40.303 -38.327 -1 -36
159 gluon_resnext101_64x4d crossvit_18_dagger_240 43.877 45.820 56.123 54.180 58.710 59.963 41.290 40.037 83.46 44.27 224 240 0.875 bicubic -50.473 -49.360 -40.170 -39.157 +17 -7
160 coat_lite_small levit_384 43.823 45.783 56.177 54.217 57.147 61.727 42.853 38.273 19.84 39.13 224 0.900 bicubic -51.257 -49.417 -41.873 -37.433 -38 -10
161 tnt_s_patch16_224 gc_efficientnetv2_rw_t 43.773 45.703 56.227 54.297 59.197 60.197 40.803 39.803 23.76 13.68 224 288 0.900 1.000 bicubic -50.807 -49.577 -39.873 -39.023 -2 -16
162 cait_xxs36_224 regnetz_c 43.760 45.667 56.240 54.333 58.720 62.437 41.280 37.563 17.30 13.46 224 320 1.000 0.940 bicubic -50.180 -49.743 -40.200 -36.873 +51 -26
163 ecaresnet50d convmixer_1536_20 43.750 45.647 56.250 54.353 60.387 61.740 39.613 38.260 25.58 51.63 224 0.875 0.960 bicubic -50.440 -49.303 -38.633 -37.430 +25 +10
164 ecaresnet101d_pruned efficientnetv2_rw_t 43.737 45.593 56.263 54.407 59.607 60.160 40.393 39.840 24.88 13.65 224 288 0.875 1.000 bicubic -50.713 -49.487 -39.493 -39.090 +2 +1
165 tf_efficientnetv2_s crossvit_15_dagger_240 43.710 45.580 56.290 54.420 58.597 60.053 41.403 39.947 21.46 28.21 384 240 1.000 0.875 bicubic -52.000 -49.390 -40.803 -39.097 -79 +5
166 rexnet_150 xcit_tiny_24_p16_384_dist 43.690 45.563 56.310 54.437 60.897 60.473 39.103 39.527 9.73 12.12 224 384 0.875 1.000 bicubic -50.580 -49.897 -38.183 -38.897 +15 -35
167 pit_xs_distilled_224 xcit_medium_24_p16_224 43.663 45.560 56.337 54.440 60.703 58.993 39.297 41.007 11.00 84.40 224 0.900 1.000 bicubic -49.577 -49.570 -38.147 -39.937 +115 -10
168 gluon_resnet101_v1d dm_nfnet_f0 43.440 45.543 56.560 54.457 58.613 61.013 41.387 38.987 44.57 71.49 224 256 0.875 0.900 bicubic -50.730 -50.167 -40.327 -38.387 +21 -53
169 ecaresnet50t gluon_seresnext101_32x4d 43.407 45.517 56.593 54.483 59.300 61.147 40.700 38.853 25.57 48.96 320 224 0.950 0.875 bicubic -51.663 -48.913 -39.990 -37.963 -46 +59
170 gluon_resnet101_v1s xcit_small_24_p16_224 43.363 45.493 56.637 54.507 58.503 58.910 41.497 41.090 44.67 47.67 224 0.875 1.000 bicubic -50.807 -49.577 -40.507 -40.150 +20 -4
171 cspdarknet53 gluon_resnet152_v1d 43.357 45.433 56.643 54.567 59.430 60.093 40.570 39.907 27.64 60.21 256 224 0.887 0.875 bilinear bicubic -50.733 -49.027 -39.580 -38.907 +28 +55
172 dpn68b xcit_small_12_p16_224 43.287 45.433 56.713 54.567 58.673 59.407 41.327 40.593 12.61 26.25 224 0.875 1.000 bicubic -50.333 -49.377 -40.277 -39.653 +81 +15
173 visformer_small nfnet_l0 43.253 45.367 56.747 54.633 57.993 62.073 42.007 37.927 40.22 35.07 224 288 0.900 1.000 bicubic -51.707 -50.053 -41.217 -37.357 -46 -39
174 eca_nfnet_l0 ssl_resnext50_32x4d 43.233 45.363 56.767 54.637 59.913 61.973 40.087 38.027 24.14 25.03 288 224 1.000 0.875 bicubic bilinear -52.217 -49.337 -39.477 -37.267 -74 +24
175 vit_small_patch32_384 resnetv2_50x1_bit_distilled 43.143 45.330 56.857 54.670 59.293 62.290 40.707 37.710 22.92 25.55 384 224 1.000 0.875 bicubic -51.447 -50.060 -39.847 -37.140 -17 -36
176 resnest26d jx_nest_small 43.140 45.317 56.860 54.683 60.623 59.017 39.377 40.983 17.07 38.35 224 0.875 bilinear bicubic -50.100 -50.223 -38.127 -40.213 +107 -52
177 twins_pcpvt_small resnet61q 43.090 45.277 56.910 54.723 58.873 59.350 41.127 40.650 24.11 36.85 224 288 0.900 1.000 bicubic -51.510 -49.833 -40.277 -39.730 -22 -15
178 resmlp_36_224 convit_small 43.050 45.227 56.950 54.773 59.310 60.530 40.690 39.470 44.69 27.78 224 0.875 bicubic -50.600 -49.693 -39.640 -38.590 +69 0
179 dpn131 nasnetalarge 43.047 45.197 56.953 54.803 57.440 57.960 42.560 42.040 79.25 88.75 224 331 0.875 0.911 bicubic -50.713 -49.973 -41.360 -41.170 +53 -26
180 cspresnet50 tresnet_xl_448 43.030 45.163 56.970 54.837 59.153 61.440 40.847 38.560 21.62 78.44 256 448 0.887 0.875 bilinear -50.830 -50.357 -39.717 -37.900 +40 -53
181 tf_efficientnet_lite4 swin_small_patch4_window7_224 42.967 45.133 57.033 54.867 57.620 60.270 42.380 39.730 13.01 49.61 380 224 0.920 0.900 bilinear bicubic -51.903 -50.587 -41.470 -39.020 -46 -70
182 twins_svt_small tf_efficientnet_b3 42.923 45.100 57.077 54.900 58.453 60.677 41.547 39.323 24.06 12.23 224 300 0.900 0.904 bicubic -51.847 -49.810 -40.627 -38.423 -42 -2
183 gluon_resnet152_v1b rexnet_200 42.903 45.067 57.097 54.933 57.750 62.223 42.250 37.777 60.19 16.37 224 0.875 bicubic -51.127 -49.603 -40.990 -36.867 +20
184 dpn107 resnetrs152 42.857 44.990 57.143 55.010 57.367 59.683 42.633 40.317 86.92 86.62 224 320 0.875 1.000 bicubic -51.103 -50.970 -41.473 -39.697 +26 -90
185 levit_256 ecaresnetlight 42.823 44.907 57.177 55.093 57.897 60.763 42.103 39.237 18.89 30.16 224 0.900 0.875 bicubic -51.577 -49.233 -41.163 -38.267 -16 +76
186 tf_efficientnet_b1_ap deit_base_patch16_224 42.803 44.893 57.197 55.107 58.813 59.203 41.187 40.797 7.79 86.57 240 224 0.882 0.900 bicubic -50.827 -50.127 -39.987 -39.767 +64 -17
187 gluon_resnet152_v1c resnetv2_101 42.800 44.817 57.200 55.183 57.737 58.843 42.263 41.157 60.21 44.54 224 0.875 0.950 bicubic -51.080 -50.113 -41.063 -40.267 +30 -10
188 gluon_xception65 resmlp_24_distilled_224 42.793 44.787 57.207 55.213 58.820 61.517 41.180 38.483 39.92 30.02 299 224 0.903 0.875 bicubic -51.217 -49.553 -40.200 -37.573 +18 +51
189 tresnet_l_448 cait_xxs36_384 42.753 44.750 57.247 55.250 58.947 59.410 41.053 40.590 55.99 17.37 448 384 0.875 1.000 bilinear bicubic -52.657 -50.490 -40.353 -39.920 -87 -42
190 resnet50d tf_efficientnet_b2_ap 42.707 44.743 57.293 55.257 58.697 60.693 41.303 39.307 25.58 9.11 224 260 0.875 0.890 bicubic -51.363 -49.537 -40.223 -38.257 +11 +55
191 gluon_seresnext50_32x4d resmlp_36_distilled_224 42.683 44.720 57.317 55.280 58.710 61.110 41.290 38.890 27.56 44.69 224 0.875 bicubic -51.487 -49.830 -40.200 -38.050 0 +29
192 resnext101_32x8d gernet_l 42.557 44.697 57.443 55.303 58.317 59.007 41.683 40.993 88.79 31.08 224 256 0.875 bilinear -51.213 -50.223 -40.633 -40.193 +38 -13
193 nf_resnet50 xcit_tiny_24_p16_224_dist 42.510 44.690 57.490 55.310 59.520 59.397 40.480 40.603 25.56 12.12 288 224 0.940 1.000 bicubic -51.890 -49.530 -39.550 -39.563 -23 +57
194 seresnet50 deit_base_patch16_384 42.510 44.660 57.490 55.340 58.667 59.570 41.333 40.430 28.09 86.86 224 384 0.875 1.000 bicubic -51.570 -51.000 -40.303 -39.670 +6 -77
195 resnetrs101 gmlp_s16_224 42.437 44.487 57.563 55.513 57.300 58.667 42.700 41.333 63.62 19.42 288 224 0.940 0.875 bicubic -52.813 -49.023 -41.910 -40.113 -86 +142
196 tf_efficientnetv2_b3 ens_adv_inception_resnet_v2 42.313 44.407 57.687 55.593 57.940 58.153 42.060 41.847 14.36 55.84 300 299 0.904 0.897 bicubic -52.807 -49.733 -41.260 -40.797 -76 +63
197 dpn98 tresnet_l 42.280 44.360 57.720 55.640 56.880 59.953 43.120 40.047 61.57 55.99 224 0.875 bicubic bilinear -51.660 -50.540 -42.040 -39.327 +17 -15
198 deit_small_patch16_224 gluon_resnext101_32x4d 42.263 44.330 57.737 55.670 58.020 59.097 41.980 40.903 22.05 44.18 224 0.900 0.875 bicubic -51.737 -49.790 -40.940 -39.843 +10 +64
199 tf_efficientnet_cc_b1_8e cspresnext50 42.233 44.180 57.767 55.820 58.420 60.463 41.580 39.537 39.72 20.57 240 224 0.882 0.875 bicubic bilinear -51.337 -49.590 -40.270 -38.377 +59 +102
200 legacy_senet154 wide_resnet50_2 42.207 44.157 57.793 55.843 56.597 59.657 43.403 40.343 115.09 68.88 224 0.875 bilinear bicubic -52.523 -50.493 -42.503 -39.393 -59 +6
201 cait_xxs24_384 crossvit_15_240 42.187 44.140 57.813 55.860 57.460 59.153 42.540 40.847 12.03 27.53 384 240 1.000 0.875 bicubic -52.733 -50.540 -41.680 -39.917 -72 0
202 tf_efficientnet_b2 resnetv2_101x1_bitm 42.120 44.113 57.880 55.887 58.197 62.063 41.803 37.937 9.11 44.54 260 448 0.890 1.000 bicubic bilinear -52.090 -51.217 -40.853 -37.317 -17 -59
203 gluon_resnext50_32x4d gluon_resnet152_v1s 42.043 44.090 57.957 55.910 57.667 58.743 42.333 41.257 25.03 60.32 224 0.875 bicubic -51.607 -50.600 -41.023 -40.307 +43 -4
204 resnet50 pit_b_224 42.013 44.080 57.987 55.920 56.000 57.990 44.000 42.010 25.56 73.76 224 0.875 0.900 bicubic -51.447 -50.710 -42.600 -40.820 +63 -15
205 ecaresnet50d_pruned seresnext50_32x4d 41.953 44.077 58.047 55.923 58.217 59.413 41.783 40.587 19.94 27.56 224 0.875 bicubic -51.867 -50.723 -40.783 -39.717 +19 -17
206 efficientnet_b2 inception_resnet_v2 41.933 44.057 58.067 55.943 58.300 57.930 41.700 42.070 9.11 55.84 288 299 1.000 0.897 bicubic -52.437 -50.263 -40.750 -40.870 -32 +35
207 dla102x2 pnasnet5large 41.647 43.993 58.353 56.007 57.967 56.770 42.033 43.230 41.28 86.06 224 331 0.875 0.911 bilinear bicubic -52.353 -51.377 -41.063 -42.360 +2 -66
208 hrnet_w64 ssl_resnet50 41.637 43.903 58.363 56.097 57.130 61.940 42.870 38.060 128.06 25.56 224 0.875 bilinear -52.193 -50.417 -41.800 -37.220 +15 +34
209 gluon_senet154 gluon_resnext101_64x4d 41.627 43.900 58.373 56.100 56.373 58.703 43.627 41.297 115.09 83.46 224 0.875 bicubic -53.083 -50.430 -42.597 -40.177 -64 +31
210 inception_v4 pit_s_224 41.577 43.893 58.423 56.107 55.383 58.663 44.617 41.337 42.68 23.46 299 224 0.875 0.900 bicubic -52.803 -50.697 -43.437 -40.457 -37 +2
211 efficientnet_el tf_efficientnetv2_s 41.497 43.853 58.503 56.147 58.303 58.710 41.697 41.290 10.59 21.46 300 384 0.904 1.000 bicubic -53.173 -51.857 -40.827 -40.620 -63 -97
212 efficientnet_em cait_xxs36_224 41.493 43.823 58.507 56.177 58.877 58.773 41.123 41.227 6.90 17.30 240 224 0.882 1.000 bicubic -52.247 -50.117 -40.053 -40.107 +23 +67
213 tf_efficientnet_cc_b0_8e ecaresnet101d_pruned 41.487 43.787 58.513 56.213 57.377 59.647 42.623 40.353 24.01 24.88 224 0.875 bicubic -51.383 -50.653 -41.083 -39.453 +97 +14
214 swin_tiny_patch4_window7_224 coat_lite_small 41.457 43.780 58.543 56.220 57.303 56.930 42.697 43.070 28.29 19.84 224 0.900 bicubic -53.163 -51.330 -41.817 -42.100 -60 -54
215 resnext50_32x4d tnt_s_patch16_224 41.443 43.767 58.557 56.233 56.997 59.223 43.003 40.777 25.03 23.76 224 0.875 0.900 bicubic -52.397 -50.803 -41.833 -39.957 +7 +1
216 cait_xxs24_224 ecaresnet50d 41.383 43.703 58.617 56.297 57.527 60.380 42.473 39.620 11.96 25.58 224 1.000 0.875 bicubic -52.107 -50.507 -41.243 -38.630 +49 +35
217 tv_resnet152 pit_xs_distilled_224 41.327 43.683 58.673 56.317 57.520 60.680 42.480 39.320 60.19 11.00 224 0.875 0.900 bilinear bicubic -51.913 -49.547 -41.300 -38.140 +64 +144
218 xception71 xcit_tiny_12_p8_224_dist 41.270 43.597 58.730 56.403 55.873 58.480 44.127 41.520 42.34 6.71 299 224 0.903 1.000 bicubic -52.620 -51.143 -43.127 -40.700 -3 -24
219 dpn92 rexnet_150 41.267 43.587 58.733 56.413 56.333 60.837 43.667 39.163 37.67 9.73 224 0.875 bicubic -52.923 -50.683 -42.597 -38.253 -32 +28
220 adv_inception_v3 crossvit_small_240 41.263 43.510 58.737 56.490 56.317 58.980 43.683 41.020 23.83 26.86 299 240 0.875 bicubic -51.747 -51.080 -42.173 -40.110 +75 -7
221 gernet_s ecaresnet50t 41.247 43.420 58.753 56.580 58.830 59.327 41.170 40.673 8.17 25.57 224 320 0.875 0.950 bilinear bicubic -51.193 -51.690 -39.670 -39.963 +112 -60
222 resnetblur50 gluon_resnet101_v1d 41.053 43.420 58.947 56.580 57.077 58.560 42.923 41.440 25.56 44.57 224 0.875 bicubic -52.657 -50.760 -41.723 -40.390 +16 +33
223 nf_regnet_b1 gluon_resnet101_v1s 41.013 43.410 58.987 56.590 58.120 58.703 41.880 41.297 10.22 44.67 288 224 0.900 0.875 bicubic -52.867 -50.770 -40.970 -40.317 -4 +33
224 gluon_resnet50_v1d cspdarknet53 40.970 43.330 59.030 56.670 57.137 59.487 42.863 40.513 25.58 27.64 224 256 0.875 0.887 bicubic bilinear -52.560 -50.770 -41.573 -39.493 +37 +40
225 gluon_inception_v3 eca_nfnet_l0 40.907 43.297 59.093 56.703 55.617 59.910 44.383 40.090 23.83 24.14 299 288 0.875 1.000 bicubic -52.633 -52.153 -43.213 -39.480 +34 -92
226 ese_vovnet39b convmixer_768_32 40.867 43.263 59.133 56.737 56.947 59.270 43.053 40.730 24.57 21.11 224 0.875 0.960 bicubic -52.983 -51.167 -41.953 -39.820 -5 +3
227 levit_192 xcit_tiny_24_p8_224 40.847 43.263 59.153 56.737 56.687 57.297 43.313 42.703 10.95 12.11 224 0.900 1.000 bicubic -52.863 -51.607 -42.113 -41.893 +14 -41
228 regnety_320 dpn68b 40.813 43.257 59.187 56.743 56.117 58.610 43.883 41.390 145.05 12.61 224 0.875 bicubic -53.707 -50.343 -43.053 -40.100 -64 +98
229 resnet34d xcit_tiny_12_p8_384_dist 40.810 43.253 59.190 56.747 56.530 58.160 43.470 41.840 21.82 6.71 224 384 0.875 1.000 bicubic -51.830 -52.087 -41.890 -41.180 +93 -87
230 xception visformer_small 40.763 43.187 59.237 56.813 56.387 57.970 43.613 42.030 22.86 40.22 299 224 0.897 0.900 bicubic -52.877 -51.783 -42.383 -41.240 +18 -59
231 skresnext50_32x4d vit_small_patch32_384 40.700 43.137 59.300 56.863 56.023 59.273 43.977 40.727 27.48 22.92 224 384 0.875 1.000 bicubic -53.250 -51.433 -42.797 -39.867 -20 -14
232 gluon_resnet101_v1b cspresnet50 40.680 43.130 59.320 56.870 56.117 59.230 43.883 40.770 44.55 21.62 224 256 0.875 0.887 bicubic bilinear -53.080 -50.720 -42.583 -39.540 +1 +61
233 hrnet_w40 resnest26d 40.660 43.107 59.340 56.893 56.753 60.597 43.247 39.403 57.56 17.07 224 0.875 bilinear -53.050 -50.153 -42.067 -38.243 +9 +125
234 resmlp_24_224 twins_pcpvt_small 40.653 43.080 59.347 56.920 56.573 58.913 43.427 41.087 30.02 24.11 224 0.875 0.900 bicubic -52.787 -51.520 -42.237 -40.227 +37 -23
235 repvgg_b1 dpn131 40.593 43.003 59.407 56.997 57.837 57.420 42.163 42.580 57.42 79.25 224 0.875 bilinear bicubic -52.817 -50.757 -40.953 -41.430 +39 +69
236 tf_efficientnet_lite3 resmlp_36_224 40.563 43.003 59.437 56.997 56.477 59.417 43.523 40.583 8.20 44.69 300 224 0.904 0.875 bilinear bicubic -53.567 -50.667 -42.483 -39.533 -40 +81
237 tresnet_m_448 gluon_resnet152_v1b 40.530 42.987 59.470 57.013 56.700 57.727 43.300 42.273 31.39 60.19 448 224 0.875 bilinear bicubic -54.130 -51.033 -42.450 -41.023 -86 +36
238 pit_xs_224 dpn107 40.497 42.883 59.503 57.117 56.530 57.533 43.470 42.467 10.62 86.92 224 0.900 0.875 bicubic -52.413 -51.077 -42.250 -41.307 +66 +38
239 dla169 tf_efficientnet_lite4 40.493 42.860 59.507 57.140 57.263 57.723 42.737 42.277 53.39 13.01 224 380 0.875 0.920 bilinear -53.307 -52.010 -41.647 -41.367 -11 -54
240 repvgg_b2 gcresnet50t 40.467 42.840 59.533 57.160 57.780 59.237 42.220 40.763 89.02 25.90 224 256 0.875 0.900 bilinear bicubic -53.123 -51.770 -41.290 -39.753 +15 -30
241 regnetx_320 gluon_resnet152_v1c 40.443 42.830 59.557 57.170 55.660 57.807 44.340 42.193 107.81 60.21 224 0.875 bicubic -53.767 -51.050 -43.370 -40.993 -55 +46
242 coat_mini twins_svt_small 40.420 42.830 59.580 57.170 55.167 58.473 44.833 41.527 10.34 24.06 224 0.900 bicubic -54.350 -51.940 -43.783 -40.607 -103 -52
243 skresnet34 tf_efficientnet_b1_ap 40.397 42.823 59.603 57.177 56.737 58.853 43.263 41.147 22.28 7.79 224 240 0.875 0.882 bicubic -52.173 -50.817 -41.783 -39.927 +85 +78
244 efficientnet_el_pruned levit_256 40.390 42.807 59.610 57.193 56.903 57.913 43.097 42.087 10.59 18.89 300 224 0.904 0.900 bicubic -53.700 -51.603 -42.077 -41.147 -46 -13
245 efficientnet_b2_pruned tresnet_l_448 40.383 42.780 59.617 57.220 56.537 58.937 43.463 41.063 8.31 55.99 260 448 0.890 0.875 bicubic bilinear -53.417 -52.610 -42.303 -40.343 -18 -105
246 coat_lite_mini gluon_xception65 40.360 42.730 59.640 57.270 55.717 58.867 44.283 41.133 11.01 39.92 224 299 0.900 0.903 bicubic -53.090 -51.310 -42.983 -40.163 +23 +24
247 legacy_seresnext101_32x4d resnet50d 40.360 42.703 59.640 57.297 54.817 58.770 45.183 41.230 48.96 25.58 224 0.875 bilinear bicubic -53.770 -51.367 -44.153 -40.150 -52 +19
248 wide_resnet101_2 gluon_seresnext50_32x4d 40.360 42.693 59.640 57.307 55.780 58.713 44.220 41.287 126.89 27.56 224 0.875 bilinear bicubic -53.370 -51.487 -43.030 -40.197 -11 +9
249 tf_efficientnet_b0_ap resnext101_32x8d 40.337 42.577 59.663 57.423 56.787 58.337 43.213 41.663 5.29 88.79 224 0.875 bicubic bilinear -52.273 -51.193 -41.583 -40.613 +75 +54
250 xception65 xcit_tiny_12_p16_384_dist 40.273 42.563 59.727 57.437 55.283 58.057 44.717 41.943 39.92 6.72 299 384 0.903 1.000 bicubic -53.487 -51.977 -43.577 -41.113 -16 -29
251 regnetx_160 seresnet50 40.270 42.507 59.730 57.493 56.050 58.760 43.950 41.240 54.28 28.09 224 0.875 bicubic -53.610 -51.573 -42.690 -40.190 -33 +14
252 densenet201 nf_resnet50 40.267 42.490 59.733 57.510 56.710 59.593 43.290 40.407 20.01 25.56 224 288 0.875 0.940 bicubic -52.423 -51.890 -41.940 -39.477 +65 -20
253 resnext50d_32x4d resnetrs101 40.170 42.447 59.830 57.553 55.487 57.300 44.513 42.700 25.05 63.62 224 288 0.875 0.940 bicubic -53.640 -52.783 -43.253 -41.910 -27 -105
254 hrnet_w48 tf_efficientnetv2_b3 40.093 42.317 59.907 57.683 56.640 58.000 43.360 42.000 77.47 14.36 224 300 0.875 0.904 bilinear bicubic -53.937 -52.803 -42.400 -41.190 -50 -96
255 legacy_seresnet152 jx_nest_tiny 40.043 42.313 59.957 57.687 55.820 57.023 44.180 42.977 66.82 17.06 224 0.875 bilinear bicubic -53.397 -52.627 -43.030 -42.077 +15 -79
256 hrnet_w30 legacy_senet154 40.030 42.283 59.970 57.717 57.093 56.573 42.907 43.427 37.71 115.09 224 0.875 bilinear -53.340 -52.447 -41.737 -42.527 +20 -61
257 regnetx_080 dpn98 40.000 42.277 60.000 57.723 55.977 56.927 44.023 43.073 39.57 61.57 224 0.875 bicubic -53.790 -51.653 -42.933 -41.993 -28 +23
258 tf_efficientnet_b1 tf_efficientnet_cc_b1_8e 39.977 42.273 60.023 57.727 56.137 58.527 43.863 41.473 7.79 39.72 240 0.882 bicubic -53.733 -51.307 -42.673 -40.163 -18 +72
259 gluon_resnet101_v1c xcit_tiny_24_p16_224 39.953 42.273 60.047 57.727 55.300 56.780 44.700 43.220 44.57 12.12 224 0.875 1.000 bicubic -53.737 -51.577 -43.460 -42.120 -16 +31
260 resmlp_12_distilled_224 convmixer_1024_20_ks9_p14 39.843 42.270 60.157 57.730 57.440 59.693 42.560 40.307 15.35 24.38 224 0.875 0.960 bicubic -53.027 -50.080 -41.190 -38.727 +49 +164
261 tf_efficientnetv2_b0 deit_small_patch16_224 39.787 42.257 60.213 57.743 56.283 58.027 43.717 41.973 7.14 22.05 224 0.875 0.900 bicubic -53.273 -51.733 -42.417 -40.933 +28 +14
262 res2net101_26w_4s tf_efficientnet_b2 39.717 42.197 60.283 57.803 54.550 58.203 45.450 41.797 45.21 9.11 224 260 0.875 0.890 bilinear bicubic -53.803 -52.003 -44.050 -40.827 0 -9
263 regnetx_120 cait_xxs24_384 39.687 42.177 60.313 57.823 55.633 57.513 44.367 42.487 46.11 12.03 224 384 0.875 1.000 bicubic -54.583 -52.763 -43.557 -41.617 -83 -88
264 hrnet_w44 gluon_resnext50_32x4d 39.677 42.100 60.323 57.900 55.333 57.690 44.667 42.310 67.06 25.03 224 0.875 bilinear bicubic -53.943 -51.570 -43.367 -41.010 -13 +51
265 vit_small_patch32_224 ecaresnet50d_pruned 39.667 41.993 60.333 58.007 55.253 58.323 44.747 41.677 22.88 19.94 224 0.900 0.875 bicubic -52.483 -51.827 -43.257 -40.677 +80 +29
266 densenet161 efficientnet_b2 39.620 41.937 60.380 58.063 56.133 58.300 43.867 41.700 28.68 9.11 224 288 0.875 1.000 bicubic -53.280 -52.433 -42.587 -40.750 +41 -31
267 resmlp_big_24_224 xcit_tiny_12_p16_224_dist 39.620 41.883 60.380 58.117 54.817 57.213 45.183 42.787 129.14 6.72 224 0.875 1.000 bicubic -54.640 -51.457 -44.003 -41.537 -84 +86
268 mixnet_xl gluon_senet154 39.617 41.700 60.383 58.300 55.887 56.480 44.113 43.520 11.90 115.09 224 0.875 bicubic -54.613 -53.000 -42.933 -42.490 -84 -71
269 xception41 dla102x2 39.610 41.677 60.390 58.323 55.037 58.033 44.963 41.967 26.97 41.28 299 224 0.903 0.875 bicubic bilinear -53.870 -52.333 -43.713 -40.997 -3 +5
270 res2net50_26w_8s inception_v4 39.603 41.647 60.397 58.353 54.550 55.367 45.450 44.633 48.40 42.68 224 299 0.875 bilinear bicubic -53.847 -52.723 -44.230 -43.453 -2 -34
271 tf_efficientnetv2_b1 hrnet_w64 39.570 41.617 60.430 58.383 55.343 57.173 44.657 42.827 8.14 128.06 240 224 0.882 0.875 bicubic bilinear -54.140 -52.233 -43.447 -41.697 -32 +18
272 dla102x haloregnetz_b 39.553 41.590 60.447 58.410 56.323 57.073 43.677 42.927 26.31 11.68 224 0.875 0.940 bilinear bicubic -53.977 -52.910 -42.527 -41.887 -12 -49
273 rexnet_130 tf_efficientnet_cc_b0_8e 39.487 41.533 60.513 58.467 56.640 57.393 43.360 42.607 7.56 24.01 224 0.875 bicubic -54.183 -51.317 -42.070 -41.067 -28 +117
274 hrnet_w32 efficientnet_el 39.463 41.503 60.537 58.497 56.123 58.317 43.877 41.683 41.23 10.59 224 300 0.875 0.904 bilinear bicubic -53.487 -53.167 -42.717 -40.813 +27 -72
275 resnetv2_50x1_bitm efficientnet_em 39.440 41.477 60.560 58.523 57.847 58.873 42.153 41.127 25.55 6.90 448 240 1.000 0.882 bilinear bicubic -55.290 -52.273 -41.333 -40.047 -132 +31
276 levit_128 resnetv2_50 39.433 41.447 60.567 58.553 55.350 56.750 44.650 43.250 9.21 25.55 224 0.900 0.950 bicubic -53.617 -52.843 -43.340 -42.180 +14 -32
277 regnety_064 swin_tiny_patch4_window7_224 39.403 41.403 60.597 58.597 55.773 57.333 44.227 42.667 30.58 28.29 224 0.875 0.900 bicubic -54.737 -53.237 -43.257 -41.787 -84 -69
278 densenetblur121d cait_xxs24_224 39.380 41.387 60.620 58.613 56.640 57.523 43.360 42.477 8.00 11.96 224 0.875 1.000 bicubic -53.020 -52.103 -41.770 -41.247 +57 +61
279 regnety_120 resnext50_32x4d 39.347 41.373 60.653 58.627 55.277 56.940 44.723 43.060 51.82 25.03 224 0.875 bicubic -54.663 -52.477 -43.753 -41.990 -72 +12
280 tv_resnet101 tv_resnet152 39.307 41.320 60.693 58.680 55.803 57.587 44.197 42.413 44.55 60.19 224 0.875 bilinear -53.573 -51.940 -42.857 -41.163 +28 +79
281 tf_efficientnet_el gernet_s 39.303 41.317 60.697 58.683 55.387 58.880 44.613 41.120 10.59 8.17 300 224 0.904 0.875 bicubic bilinear -55.057 -51.123 -43.713 -39.610 -106 +137
282 tf_inception_v3 xception71 39.237 41.300 60.763 58.700 54.300 55.940 45.700 44.060 23.83 42.34 299 0.875 0.903 bicubic -53.963 -52.600 -44.180 -43.010 +2
283 gluon_resnet50_v1s gcresnext50ts 39.233 41.270 60.767 58.730 55.010 57.090 44.990 42.910 25.68 15.67 224 256 0.875 0.900 bicubic -54.357 -53.140 -43.830 -41.900 -29 -53
284 tf_efficientnetv2_b2 dpn92 39.180 41.263 60.820 58.737 54.570 56.313 45.430 43.687 10.10 37.67 260 224 0.890 0.875 bicubic -54.890 -52.917 -44.360 -42.617 -82 -30
285 densenet169 adv_inception_v3 39.167 41.220 60.833 58.780 55.843 56.357 44.157 43.643 14.15 23.83 224 299 0.875 bicubic -53.133 -51.770 -42.747 -42.123 +54 +92
286 legacy_seresnet101 resnetblur50 39.037 41.073 60.963 58.927 55.003 57.080 44.997 42.920 49.33 25.56 224 0.875 bilinear bicubic -54.223 -52.637 -43.737 -41.720 -8 +25
287 efficientnet_b1_pruned nf_regnet_b1 39.010 41.053 60.990 58.947 55.647 58.157 44.353 41.843 6.33 10.22 240 288 0.882 0.900 bicubic -53.970 -52.837 -42.883 -40.593 +11 -2
288 repvgg_b1g4 gluon_resnet50_v1d 38.990 41.017 61.010 58.983 56.350 57.147 43.650 42.853 39.97 25.58 224 0.875 bilinear bicubic -54.040 -52.533 -42.470 -41.563 +5 +46
289 inception_v3 ese_vovnet39b 38.960 40.883 61.040 59.117 53.853 57.023 46.147 42.977 23.83 24.57 299 224 0.875 bicubic -53.940 -52.967 -44.477 -41.797 +17 +3
290 dpn68 gluon_inception_v3 38.933 40.880 61.067 59.120 54.933 55.670 45.067 44.330 12.61 23.83 224 299 0.875 bicubic -53.307 -52.710 -43.677 -43.170 +52 +37
291 regnety_080 resnet34d 38.917 40.853 61.083 59.147 55.213 56.527 44.787 43.473 39.18 21.82 224 0.875 bicubic -54.973 -51.787 -43.737 -41.913 -75 +114
292 legacy_seresnext50_32x4d regnety_320 38.877 40.837 61.123 59.163 54.593 56.173 45.407 43.827 27.56 145.05 224 0.875 bilinear bicubic -54.553 -53.663 -44.207 -42.997 -20 -68
293 dla102 levit_192 38.833 40.800 61.167 59.200 55.323 56.663 44.677 43.337 33.27 10.95 224 0.875 0.900 bilinear bicubic -54.427 -52.910 -43.457 -42.127 -16 +17
294 regnety_040 xception 38.820 40.793 61.180 59.207 55.557 56.507 44.443 43.493 20.65 22.86 224 299 0.875 0.897 bicubic -54.800 -52.857 -43.403 -42.263 -42 +26
295 densenet121 gluon_resnet101_v1b 38.783 40.703 61.217 59.297 56.273 56.193 43.727 43.807 7.98 44.55 224 0.875 bicubic -53.157 -53.067 -42.007 -42.527 +56 +7
296 res2net50_14w_8s skresnext50_32x4d 38.710 40.690 61.290 59.310 54.077 56.017 45.923 43.983 25.06 27.48 224 0.875 bilinear bicubic -54.320 -53.260 -44.633 -42.453 -4 -19
297 regnetx_040 repvgg_b1 38.703 40.683 61.297 59.317 55.340 57.830 44.660 42.170 22.12 57.42 224 0.875 bicubic bilinear -54.977 -52.727 -43.600 -40.950 -53 +53
298 res2net50_26w_6s hrnet_w40 38.687 40.660 61.313 59.340 53.743 56.860 46.257 43.140 37.05 57.56 224 0.875 bilinear -54.903 -53.050 -45.007 -41.940 -42 +11
299 regnetx_032 resmlp_24_224 38.680 40.660 61.320 59.340 55.157 56.597 44.843 43.403 15.30 30.02 224 0.875 bicubic -54.570 -52.770 -43.573 -42.213 -19 +47
300 selecsls60 tf_efficientnet_lite3 38.623 40.613 61.377 59.387 55.630 56.573 44.370 43.427 30.67 8.20 224 300 0.875 0.904 bicubic bilinear -54.387 -53.497 -43.200 -42.387 -4 -37
301 dla60x regnetx_320 38.617 40.533 61.383 59.467 55.383 55.667 44.617 44.333 17.35 107.81 224 0.875 bilinear bicubic -54.573 -53.677 -43.327 -43.383 -16 -49
302 tf_efficientnet_b0 xcit_tiny_12_p8_224 38.600 40.533 61.400 59.467 55.957 55.583 44.043 44.417 5.29 6.71 224 0.875 1.000 bicubic -53.800 -53.837 -42.513 -43.487 +34 -65
303 dla60_res2net repvgg_b2 38.590 40.523 61.410 59.477 54.560 57.790 45.440 42.210 20.85 89.02 224 0.875 bilinear -54.790 -53.047 -44.300 -41.280 -28 +28
304 selecsls60b tresnet_m_448 38.573 40.520 61.427 59.480 55.307 56.673 44.693 43.327 32.77 31.39 224 448 0.875 bicubic bilinear -54.927 -54.150 -43.533 -42.497 -40 -100
305 repvgg_a2 pit_xs_224 38.563 40.513 61.437 59.487 55.770 56.543 44.230 43.457 28.21 10.62 224 0.875 0.900 bilinear bicubic -54.117 -52.387 -42.510 -42.247 +13 +81
306 hardcorenas_f dla169 38.500 40.507 61.500 59.493 55.657 57.320 44.343 42.680 8.20 53.39 224 0.875 bilinear -54.480 -53.273 -42.963 -41.510 -7 -6
307 dla60_res2next wide_resnet101_2 38.450 40.477 61.550 59.523 54.950 55.863 45.050 44.137 17.03 126.89 224 0.875 bilinear -55.120 -53.243 -43.850 -42.947 -50 +1
308 resmlp_12_224 efficientnet_b2_pruned 38.443 40.457 61.557 59.543 56.327 56.603 43.673 43.397 15.35 8.31 224 260 0.875 0.890 bicubic -53.677 -53.343 -42.243 -42.307 +39 -11
309 regnetx_064 resnet50 38.430 40.397 61.570 59.603 54.990 54.667 45.010 45.333 26.21 25.56 224 0.875 0.950 bicubic -55.200 -53.553 -44.060 -44.163 -60 -31
310 tf_efficientnet_cc_b0_4e skresnet34 38.413 40.373 61.587 59.627 55.150 56.793 44.850 43.207 13.31 22.28 224 0.875 bicubic -54.427 -52.187 -43.290 -41.717 +3 +102
311 gluon_resnet50_v1b tf_efficientnet_b0_ap 38.407 40.357 61.593 59.643 54.833 56.823 45.167 43.177 25.56 5.29 224 0.875 bicubic -54.153 -52.243 -43.717 -41.607 +18 +96
312 hrnet_w18 regnetx_160 38.277 40.350 61.723 59.650 55.643 56.090 44.357 43.910 21.30 54.28 224 0.875 bilinear bicubic -54.483 -53.550 -43.017 -42.990 +4 -30
313 mixnet_l legacy_seresnext101_32x4d 38.160 40.323 61.840 59.677 54.757 54.843 45.243 45.157 7.33 48.96 224 0.875 bicubic bilinear -55.100 -53.847 -43.943 -44.127 -34 -55
314 hardcorenas_e xception65 38.137 40.320 61.863 59.680 55.173 55.263 44.827 44.737 8.07 39.92 224 299 0.875 0.903 bilinear bicubic -54.813 -53.420 -43.397 -43.607 -14 -7
315 efficientnet_b1 coat_mini 38.087 40.310 61.913 59.690 54.010 55.153 45.990 44.847 7.79 10.34 256 224 1.000 0.900 bicubic -54.943 -54.450 -44.690 -43.797 -21 -124
316 coat_lite_tiny densenet201 38.070 40.297 61.930 59.703 53.453 56.770 46.547 43.230 5.72 20.01 224 0.900 0.875 bicubic -54.780 -52.393 -45.187 -41.890 -5 +83
317 gmixer_24_224 efficientnet_el_pruned 38.050 40.293 61.950 59.707 52.083 56.750 47.917 43.250 24.72 10.59 224 300 0.875 0.904 bicubic -54.630 -53.767 -46.437 -42.270 +2 -50
318 resnetrs50 coat_lite_mini 37.957 40.280 62.043 59.720 53.310 55.670 46.690 44.330 35.69 11.01 224 0.910 0.900 bicubic -56.063 -53.210 -45.540 -43.110 -113 +22
319 hardcorenas_c eca_resnet33ts 37.883 40.193 62.117 59.807 55.717 56.963 44.283 43.037 5.52 19.68 224 256 0.875 0.900 bilinear bicubic -54.447 -53.677 -42.623 -41.927 +18 -31
320 gluon_resnet50_v1c hrnet_w48 37.843 40.160 62.157 59.840 54.123 56.597 45.877 43.403 25.58 77.47 224 0.875 bicubic bilinear -55.067 -53.870 -44.587 -42.433 -17 -49
321 res2net50_26w_4s resnext50d_32x4d 37.827 40.150 62.173 59.850 53.073 55.593 46.927 44.407 25.70 25.05 224 0.875 bilinear bicubic -55.353 -53.650 -45.597 -43.137 -35 -23
322 efficientnet_es vit_base_patch16_sam_224 37.770 40.133 62.230 59.867 54.967 55.530 45.033 44.470 5.44 86.57 224 0.875 0.900 bicubic -55.140 -53.757 -43.723 -43.360 -20 -36
323 resnest14d legacy_seresnet152 37.767 40.053 62.233 59.947 56.470 55.887 43.530 44.113 10.61 66.82 224 0.875 bilinear -53.363 -53.407 -41.860 -42.963 +57 +20
324 tv_resnext50_32x4d tf_efficientnet_b1 37.750 40.043 62.250 59.957 54.113 56.213 45.887 43.787 25.03 7.79 224 240 0.875 0.882 bilinear bicubic -55.150 -53.667 -44.697 -42.587 -19 -12
325 ecaresnet26t hrnet_w30 37.650 40.013 62.350 59.987 54.350 57.123 45.650 42.877 16.01 37.71 320 224 0.950 0.875 bicubic bilinear -56.290 -53.397 -44.540 -41.707 -113 +23
326 hardcorenas_d regnetz_b 37.550 39.990 62.450 60.010 54.723 55.657 45.277 44.343 7.50 9.72 224 288 0.875 0.940 bilinear bicubic -55.050 -54.700 -43.707 -43.503 -1 -126
327 res2next50 halonet50ts 37.477 39.967 62.523 60.033 52.853 54.103 47.147 45.897 24.67 22.73 224 256 0.875 0.940 bilinear bicubic -55.673 -54.673 -45.807 -44.797 -39 -120
328 resnet34 regnetx_080 37.443 39.967 62.557 60.033 54.297 56.057 45.703 43.943 21.80 39.57 224 0.875 bilinear bicubic -53.757 -53.823 -43.943 -42.843 +48 -29
329 pit_ti_distilled_224 gluon_resnet101_v1c 37.337 39.953 62.663 60.047 55.137 55.253 44.863 44.747 5.10 44.57 224 0.900 0.875 bicubic -53.563 -53.707 -43.083 -43.507 +56 -11
330 hardcorenas_b resmlp_12_distilled_224 37.243 39.880 62.757 60.120 55.073 57.473 44.927 42.527 5.18 15.35 224 0.875 bilinear bicubic -54.697 -52.990 -43.327 -41.157 +22 +59
331 mobilenetv3_large_100_miil seresnet33ts 37.210 39.813 62.790 60.187 53.513 56.503 46.487 43.497 5.48 19.78 224 256 0.875 0.900 bilinear bicubic -55.040 -54.447 -44.737 -42.277 +10 -83
332 res2net50_48w_2s tf_efficientnetv2_b0 37.117 39.800 62.883 60.200 53.333 56.297 46.667 43.703 25.29 7.14 224 0.875 bilinear bicubic -55.673 -53.260 -45.137 -42.403 -17 +37
333 dla60 res2net50_26w_8s 37.073 39.747 62.927 60.253 54.200 54.947 45.800 45.053 22.04 48.40 224 0.875 bilinear -55.597 -53.683 -44.430 -43.723 -13 +12
334 rexnet_100 vit_small_patch32_224 37.063 39.747 62.937 60.253 54.020 55.283 45.980 44.717 4.80 22.88 224 0.875 0.900 bicubic -55.787 -52.403 -44.600 -43.227 -22 +100
335 regnety_016 res2net101_26w_4s 37.017 39.723 62.983 60.277 54.093 54.613 45.907 45.387 11.20 45.21 224 0.875 bicubic bilinear -55.983 -53.797 -44.587 -44.017 -38 0
336 tf_mixnet_l regnetx_120 36.987 39.707 63.013 60.293 52.583 55.693 47.417 44.307 7.33 46.11 224 0.875 bicubic -56.053 -54.583 -45.957 -43.507 -45 -93
337 legacy_seresnet50 hrnet_w44 36.873 39.660 63.127 60.340 53.487 55.313 46.513 44.687 28.09 67.06 224 0.875 bilinear -55.797 -53.960 -45.163 -43.637 -16 -15
338 tv_densenet121 xception41 36.810 39.660 63.190 60.340 54.033 54.977 45.967 45.023 7.98 26.97 224 299 0.875 0.903 bicubic -54.590 -53.820 -44.217 -43.863 +31 +3
339 tf_efficientnet_lite2 sehalonet33ts 36.807 39.640 63.193 60.360 53.320 53.967 46.680 46.033 6.09 13.69 260 256 0.890 0.940 bicubic -55.783 -54.890 -45.230 -44.813 -13 -117
340 mobilenetv2_120d resmlp_big_24_224 36.780 39.610 63.220 60.390 54.047 54.767 45.953 45.233 5.83 129.14 224 0.875 bicubic -55.830 -54.660 -44.463 -44.053 -17 -94
341 tf_efficientnet_lite1 tf_efficientnetv2_b1 36.737 39.607 63.263 60.393 53.590 55.490 46.410 44.510 5.42 8.14 240 0.882 bicubic -55.573 -54.093 -44.900 -43.320 -3 -28
342 regnetx_016 dla102x 36.683 39.593 63.317 60.407 53.297 56.337 46.703 43.663 9.19 26.31 224 0.875 bicubic bilinear -55.857 -53.917 -45.253 -42.513 -12 -6
343 hardcorenas_a densenet161 36.640 39.590 63.360 60.410 54.910 56.180 45.090 43.820 5.26 28.68 224 0.875 bilinear bicubic -54.980 -53.290 -43.260 -42.630 +18 +44
344 levit_128s mixnet_xl 36.620 39.553 63.380 60.447 53.117 55.827 46.883 44.173 7.78 11.90 224 0.900 0.875 bicubic -54.880 -54.667 -45.283 -42.983 +20 -95
345 efficientnet_b0 hrnet_w32 36.600 39.523 63.400 60.477 53.497 56.267 46.503 43.733 5.29 41.23 224 0.875 bicubic bilinear -55.880 -53.427 -44.943 -42.573 -13 +36
346 tf_efficientnet_em gcresnet33ts 36.380 39.507 63.620 60.493 52.840 55.863 47.160 44.137 6.90 19.88 240 256 0.882 0.900 bicubic -56.790 -54.313 -45.830 -43.067 -59 -51
347 skresnet18 rexnet_130 36.320 39.477 63.680 60.523 54.197 56.633 45.803 43.367 11.96 7.56 224 0.875 bicubic -53.840 -54.213 -43.583 -42.087 +49 -33
348 repvgg_b0 xcit_tiny_12_p16_224 36.287 39.477 63.713 60.523 54.057 55.023 45.943 44.977 15.82 6.72 224 0.875 1.000 bilinear bicubic -55.393 -52.983 -44.183 -43.607 +11 +69
349 tv_resnet50 levit_128 36.177 39.453 63.823 60.547 52.803 55.460 47.197 44.540 25.56 9.21 224 0.875 0.900 bilinear bicubic -55.963 -53.587 -45.617 -43.230 -3 +22
350 legacy_seresnet34 resnetv2_50x1_bitm 36.143 39.407 63.857 60.593 52.553 57.873 47.447 42.127 21.96 25.55 224 448 0.875 1.000 bilinear -55.337 -55.353 -45.647 -41.307 +15 -158
351 coat_tiny regnety_064 36.123 39.390 63.877 60.610 51.063 55.817 48.937 44.183 5.50 30.58 224 0.900 0.875 bicubic -57.387 -54.750 -47.627 -42.973 -88 -91
352 tv_resnet34 regnety_120 36.087 39.377 63.913 60.623 53.533 55.347 46.467 44.653 21.80 51.82 224 0.875 bilinear bicubic -54.203 -54.683 -44.447 -43.673 +43 -84
353 deit_tiny_distilled_patch16_224 tf_efficientnet_el 36.023 39.353 63.977 60.647 54.240 55.443 45.760 44.557 5.91 10.59 224 300 0.900 0.904 bicubic -55.077 -54.997 -44.030 -43.647 +28 -115
354 mobilenetv2_140 tf_inception_v3 36.000 39.353 64.000 60.647 53.943 54.373 46.057 45.627 6.11 23.83 224 299 0.875 bicubic -56.030 -53.857 -44.307 -44.117 -5 +9
355 tf_efficientnet_lite0 densenetblur121d 35.930 39.310 64.070 60.690 53.480 56.650 46.520 43.350 4.65 8.00 224 0.875 bicubic -55.370 -53.090 -44.610 -41.820 +16 +68
356 selecsls42b gluon_resnet50_v1s 35.813 39.283 64.187 60.717 52.487 55.100 47.513 44.900 32.46 25.68 224 0.875 bicubic -56.667 -54.307 -46.193 -43.730 -25 -28
357 gluon_resnet34_v1b tv_resnet101 35.760 39.273 64.240 60.727 52.187 55.833 47.813 44.167 21.80 44.55 224 0.875 bicubic bilinear -55.340 -53.607 -45.993 -42.827 +25 +31
358 dla34 tf_efficientnetv2_b2 35.643 39.190 64.357 60.810 52.783 54.620 47.217 45.380 15.74 10.10 224 260 0.875 0.890 bilinear bicubic -55.597 -54.870 -45.397 -44.320 +16 -89
359 mixnet_m densenet169 35.640 39.177 64.360 60.823 52.430 55.850 47.570 44.150 5.01 14.15 224 0.875 bicubic -56.630 -53.113 -45.920 -42.740 -19 +68
360 efficientnet_lite0 legacy_seresnet101 35.620 39.123 64.380 60.877 53.657 55.100 46.343 44.900 4.65 49.33 224 0.875 bicubic bilinear -55.640 -54.167 -44.593 -43.650 +13 -5
361 ssl_resnet18 repvgg_b1g4 35.597 39.000 64.403 61.000 53.740 56.433 46.260 43.567 11.69 39.97 224 0.875 bilinear -55.103 -54.040 -44.280 -42.387 +27 +11
362 mobilenetv3_rw regnety_080 35.547 38.973 64.453 61.027 53.713 55.193 46.287 44.807 5.48 39.18 224 0.875 bicubic -56.003 -54.927 -44.557 -43.797 +1 -79
363 efficientnet_es_pruned dpn68 35.390 38.967 64.610 61.033 52.850 54.977 47.150 45.023 5.44 12.61 224 0.875 bicubic -56.310 -53.293 -45.570 -43.623 -6 +65
364 mobilenetv2_110d efficientnet_b1_pruned 35.293 38.967 64.707 61.033 52.830 55.607 47.170 44.393 4.52 6.33 224 240 0.875 0.882 bicubic -56.057 -53.993 -45.360 -42.913 +6 +15
365 tf_mixnet_m inception_v3 35.180 38.953 64.820 61.047 50.987 53.850 49.013 46.150 5.01 23.83 224 299 0.875 bicubic -57.020 -53.947 -47.433 -44.470 -21 +20
366 hrnet_w18_small_v2 crossvit_9_dagger_240 35.173 38.947 64.827 61.053 52.440 54.913 47.560 45.087 15.60 8.78 224 240 0.875 bilinear bicubic -55.997 -53.803 -45.900 -43.597 +12 +31
367 resnet18d legacy_seresnext50_32x4d 35.127 38.897 64.873 61.103 52.890 54.637 47.110 45.363 11.71 27.56 224 0.875 bicubic bilinear -54.863 -54.513 -44.940 -44.163 +30 -18
368 convit_tiny resnet33ts 35.047 38.890 64.953 61.110 51.787 55.550 48.213 44.450 5.71 19.68 224 256 0.875 0.900 bicubic -55.483 -54.730 -46.423 -43.220 +23 -45
369 ese_vovnet19b_dw dla102 34.840 38.883 65.160 61.117 52.030 55.333 47.970 44.667 6.54 33.27 224 0.875 bicubic bilinear -57.170 -54.407 -46.480 -43.447 -19 -15
370 regnety_008 regnety_040 34.807 38.833 65.193 61.167 51.743 55.600 48.257 44.400 6.26 20.65 224 0.875 bicubic -57.093 -54.777 -46.677 -43.040 -16 -46
371 pit_ti_224 regnetx_040 34.670 38.803 65.330 61.197 52.170 55.493 47.830 44.507 4.85 22.12 224 0.900 0.875 bicubic -55.750 -54.867 -45.840 -43.457 +22 -55
372 mobilenetv3_large_100 resnet32ts 34.603 38.767 65.397 61.233 52.860 55.847 47.140 44.153 5.48 17.96 224 256 0.875 0.900 bicubic -56.877 -54.803 -45.460 -42.903 -6 -40
373 seresnext26d_32x4d regnetx_032 34.543 38.760 65.457 61.240 51.543 55.160 48.457 44.840 16.81 15.30 224 0.875 bicubic -57.897 -54.510 -46.997 -43.580 -39 -16
374 seresnext26t_32x4d densenet121 34.540 38.753 65.460 61.247 51.377 56.250 48.623 43.750 16.81 7.98 224 0.875 bicubic -58.280 -53.187 -47.183 -42.030 -60 +68
375 mixer_b16_224 res2net50_14w_8s 34.423 38.720 65.577 61.280 48.093 54.197 51.907 45.803 59.88 25.06 224 0.875 bicubic bilinear -56.717 -54.300 -49.307 -44.513 +4 -1
376 resnet26d dla60_res2net 34.273 38.687 65.727 61.313 51.687 54.613 48.313 45.387 16.01 20.85 224 0.875 bicubic bilinear -57.957 -54.693 -46.763 -44.217 -33 -24
377 tf_efficientnet_es res2net50_26w_6s 34.263 38.660 65.737 61.340 51.350 53.810 48.650 46.190 5.44 37.05 224 0.875 bicubic bilinear -57.837 -54.920 -47.090 -44.930 -29 -48
378 fbnetc_100 selecsls60 34.253 38.623 65.747 61.377 51.180 55.693 48.820 44.307 5.57 30.67 224 0.875 bilinear bicubic -57.017 -54.377 -46.650 -43.137 -6 -2
379 regnety_006 dla60x 34.150 38.617 65.850 61.383 51.277 55.500 48.723 44.500 6.06 17.35 224 0.875 bicubic bilinear -57.420 -54.593 -47.153 -43.220 -17
380 tf_mobilenetv3_large_100 selecsls60b 33.950 38.573 66.050 61.427 51.490 55.327 48.510 44.673 5.48 32.77 224 0.875 bilinear bicubic -57.470 -54.907 -46.770 -43.433 -12 -38
381 regnetx_008 tf_efficientnet_b0 33.770 38.550 66.230 61.450 50.547 56.083 49.453 43.917 7.26 5.29 224 0.875 bicubic -57.410 -53.850 -47.833 -42.337 -4 +41
382 mnasnet_100 dla60_res2next 33.763 38.530 66.237 61.470 51.170 55.003 48.830 44.997 4.38 17.03 224 0.875 bicubic bilinear -57.437 -55.030 -46.880 -43.797 -7 -49
383 vit_tiny_r_s16_p8_384 hardcorenas_f 33.650 38.507 66.350 61.493 50.683 55.743 49.317 44.257 6.36 8.20 384 224 1.000 0.875 bicubic bilinear -58.080 -54.473 -47.747 -42.877 -27 -5
384 vit_tiny_patch16_384 repvgg_a2 33.550 38.507 66.450 61.493 51.077 55.827 48.923 44.173 5.79 28.21 384 224 1.000 0.875 bicubic bilinear -59.870 -54.153 -47.753 -42.703 -111 +20
385 semnasnet_100 regnetx_064 33.520 38.493 66.480 61.507 50.787 55.027 49.213 44.973 3.89 26.21 224 0.875 bicubic -58.140 -55.157 -47.483 -44.023 -25 -66
386 resnet26 gluon_resnet50_v1b 33.500 38.457 66.500 61.543 50.927 54.897 49.073 45.103 16.00 25.56 224 0.875 bicubic -57.940 -54.093 -47.353 -43.653 -19 +27
387 mixnet_s resmlp_12_224 33.480 38.453 66.520 61.547 50.997 56.387 49.003 43.613 4.13 15.35 224 0.875 bicubic -58.300 -53.677 -47.303 -42.183 -32 +48
388 spnasnet_100 tf_efficientnet_cc_b0_4e 33.477 38.427 66.523 61.573 51.267 55.200 48.733 44.800 4.42 13.31 224 0.875 bilinear bicubic -57.133 -54.413 -46.683 -43.240 +1 +4
389 vgg19_bn hrnet_w18 33.230 38.380 66.770 61.620 50.803 55.750 49.197 44.250 143.68 21.30 224 0.875 bilinear -57.770 -54.370 -47.307 -42.900 -5 +9
390 ghostnet_100 mixnet_l 33.207 38.233 66.793 61.767 51.163 54.857 48.837 45.143 5.18 7.33 224 0.875 bilinear bicubic -57.233 -55.057 -46.667 -43.853 +2 -34
391 regnetx_006 hardcorenas_e 33.157 38.130 66.843 61.870 50.250 55.193 49.750 44.807 6.20 8.07 224 0.875 bicubic bilinear -57.603 -54.830 -47.850 -43.377 -4 -11
392 resnet18 efficientnet_b1 33.067 38.107 66.933 61.893 51.170 54.090 48.830 45.910 11.69 7.79 224 256 0.875 1.000 bilinear bicubic -55.083 -54.913 -45.950 -44.610 +19 -17
393 legacy_seresnext26_32x4d coat_lite_tiny 32.757 38.080 67.243 61.920 49.237 53.467 50.763 46.533 16.79 5.72 224 0.875 0.900 bicubic -59.813 -54.750 -49.183 -45.173 -66 0
394 deit_tiny_patch16_224 eca_halonext26ts 32.667 38.067 67.333 61.933 50.273 54.167 49.727 45.833 5.72 10.76 224 256 0.900 0.940 bicubic -56.953 -55.073 -47.687 -44.523 +7 -28
395 hrnet_w18_small gmixer_24_224 32.667 37.977 67.333 62.023 50.587 52.117 49.413 47.883 13.19 24.72 224 0.875 bilinear bicubic -57.213 -54.693 -47.313 -46.143 +3 +7
396 legacy_seresnet18 resnetrs50 32.600 37.907 67.400 62.093 50.340 53.320 49.660 46.680 11.78 35.69 224 0.875 0.910 bicubic -56.670 -56.123 -47.340 -45.510 +9 -124
397 mobilenetv2_100 hardcorenas_c 32.523 37.887 67.477 62.113 50.800 55.720 49.200 44.280 3.50 5.52 224 0.875 bicubic bilinear -57.307 -54.443 -47.030 -42.620 +2 +28
398 regnetx_004 gluon_resnet50_v1c 32.517 37.867 67.483 62.133 49.343 54.150 50.657 45.850 5.16 25.58 224 0.875 bicubic -56.943 -55.053 -48.427 -44.560 +4 -15
399 gluon_resnet18_v1b efficientnet_es 32.407 37.837 67.593 62.163 49.727 54.987 50.273 45.013 11.69 5.44 224 0.875 bicubic -56.253 -55.103 -47.373 -43.703 +9 -17
400 regnety_004 res2net50_26w_4s 32.333 37.820 67.667 62.180 49.453 53.113 50.547 46.887 4.34 25.70 224 0.875 bicubic bilinear -58.447 -55.360 -48.627 -45.557 -14 -35
401 tf_mixnet_s resnest14d 32.183 37.790 67.817 62.210 48.493 56.570 51.507 43.430 4.13 10.61 224 0.875 bicubic bilinear -59.497 -53.360 -49.957 -41.780 -43 +68
402 vit_tiny_patch16_224 tv_resnext50_32x4d 32.023 37.783 67.977 62.217 49.017 54.153 50.983 45.847 5.72 25.03 224 0.900 0.875 bicubic bilinear -59.907 -55.127 -49.323 -44.577 -49 -18
403 tf_mobilenetv3_large_075 resnet26t 31.867 37.753 68.133 62.247 49.110 55.300 50.890 44.700 3.99 16.01 224 256 0.875 0.940 bilinear bicubic -58.453 -54.927 -48.760 -43.300 -9 -2
404 tf_mobilenetv3_large_minimal_100 ecaresnet26t 31.597 37.597 68.403 62.403 49.337 54.353 50.663 45.647 3.92 16.01 224 320 0.875 0.950 bilinear bicubic -57.583 -56.333 -47.983 -44.577 +3 -123
405 vit_tiny_r_s16_p8_224 hardcorenas_d 30.807 37.550 69.193 62.450 47.657 54.723 52.343 45.277 6.34 7.50 224 0.900 0.875 bicubic bilinear -58.533 -55.050 -50.043 -43.647 -1 +3
406 vgg16_bn res2next50 30.357 37.537 69.643 62.463 47.260 52.883 52.740 47.117 138.37 24.67 224 0.875 bilinear -60.183 -55.573 -50.730 -45.777 -16 -39
407 regnety_002 resnet34 29.687 37.497 70.313 62.503 46.787 54.327 53.213 45.673 3.16 21.80 224 0.875 bicubic bilinear -58.513 -53.693 -50.643 -43.903 +3 +60
408 vgg13_bn lambda_resnet26t 28.883 37.370 71.117 62.630 46.737 53.550 53.263 46.450 133.05 10.96 224 256 0.875 0.940 bilinear bicubic -60.317 -56.030 -50.793 -45.210 -2 -57
409 regnetx_002 pit_ti_distilled_224 28.860 37.320 71.140 62.680 45.420 55.183 54.580 44.817 2.68 5.10 224 0.875 0.900 bicubic -58.520 -53.580 -51.570 -43.047 +4 +68
410 vgg19 hardcorenas_b 28.580 37.280 71.420 62.720 45.170 55.040 54.830 44.960 143.67 5.18 224 0.875 bilinear -61.100 -54.690 -52.380 -43.360 -10 +31
411 dla60x_c mobilenetv3_large_100_miil 28.447 37.247 71.553 62.753 46.193 53.560 53.807 46.440 1.32 5.48 224 0.875 bilinear -58.663 -55.003 -50.947 -44.690 +4 +19
412 vgg11_bn regnety_016 28.423 37.143 71.577 62.857 46.453 54.147 53.547 45.853 132.87 11.20 224 0.875 bilinear bicubic -59.967 -55.887 -50.817 -44.543 -3 -39
413 vgg16 res2net50_48w_2s 27.877 37.143 72.123 62.857 44.673 53.410 55.327 46.590 138.36 25.29 224 0.875 bilinear -61.483 -55.657 -52.847 -45.060 -10 -19
414 tf_mobilenetv3_small_100 lambda_resnet26rpt_256 27.297 37.113 72.703 62.887 44.420 53.843 55.580 46.157 2.54 10.99 224 256 0.875 0.940 bilinear bicubic -58.663 -56.327 -51.980 -45.037 +3 -70
415 mixer_l16_224 dla60 26.853 37.110 73.147 62.890 37.923 54.297 62.077 45.703 208.20 22.04 224 0.875 bicubic bilinear -60.117 -55.580 -56.137 -44.333 +1 -15
416 vgg11 bat_resnext26ts 26.533 37.090 73.467 62.910 43.460 53.750 56.540 46.250 132.86 10.73 224 256 0.875 0.900 bilinear bicubic -60.807 -56.010 -53.650 -44.970 -2 -48
417 vgg13 rexnet_100 26.267 37.060 73.733 62.940 43.370 54.070 56.630 45.930 133.05 4.80 224 0.875 bilinear bicubic -61.303 -55.780 -53.750 -44.550 -5 -26
418 dla46x_c tf_mixnet_l 26.217 37.040 73.783 62.960 43.780 52.710 56.220 47.290 1.07 7.33 224 0.875 bilinear bicubic -59.263 -56.010 -52.660 -45.830 0 -48
419 tf_mobilenetv3_small_075 legacy_seresnet50 26.200 36.933 73.800 63.067 43.637 53.517 56.363 46.483 2.04 28.09 224 0.875 bilinear -58.330 -55.737 -52.253 -45.143 +1 -16
420 dla46_c tf_efficientnet_lite2 25.490 36.890 74.510 63.110 43.800 53.367 56.200 46.633 1.30 6.09 224 260 0.875 0.890 bilinear bicubic -59.170 -55.680 -52.400 -45.183 -1 -10
421 tf_mobilenetv3_small_minimal_100 halonet26t 25.087 36.783 74.913 63.217 42.930 52.267 57.070 47.733 2.04 12.48 224 256 0.875 0.950 bilinear bicubic -57.583 -56.827 -52.070 -46.693 0 -96
422 regnetx_016 36.767 63.233 53.293 46.707 9.19 224 0.875 bicubic -55.793 -45.257 -11
423 tv_densenet121 36.747 63.253 54.000 46.000 7.98 224 0.875 bicubic -54.653 -44.250 +36
424 mobilenetv2_120d 36.717 63.283 53.967 46.033 5.83 224 0.875 bicubic -55.893 -44.543 -18
425 hardcorenas_a 36.707 63.293 54.923 45.077 5.26 224 0.875 bilinear -54.903 -43.247 +26
426 tf_efficientnet_lite1 36.667 63.333 53.687 46.313 5.42 240 0.882 bicubic -55.653 -44.803 0
427 efficientnet_b0 36.603 63.397 53.490 46.510 5.29 224 0.875 bicubic -55.867 -45.190 -12
428 levit_128s 36.593 63.407 53.083 46.917 7.78 224 0.900 bicubic -54.907 -45.317 +26
429 vit_base_patch32_sam_224 36.593 63.407 53.087 46.913 88.22 224 0.900 bicubic -53.277 -44.513 +65
430 xcit_nano_12_p8_224_dist 36.503 63.497 52.780 47.220 3.05 224 1.000 bicubic -55.907 -45.730 -9
431 tf_efficientnet_em 36.450 63.550 52.860 47.140 6.90 240 0.882 bicubic -56.750 -45.820 -67
432 skresnet18 36.343 63.657 54.267 45.733 11.96 224 0.875 bicubic -53.827 -43.513 +59
433 repvgg_b0 36.317 63.683 54.113 45.887 15.82 224 0.875 bilinear -55.353 -44.337 +16
434 xcit_nano_12_p16_384_dist 36.153 63.847 53.217 46.783 3.05 384 1.000 bicubic -55.947 -45.303 +4
435 legacy_seresnet34 36.147 63.853 52.547 47.453 21.96 224 0.875 bilinear -55.333 -45.783 +21
436 tv_resnet50 36.143 63.857 52.873 47.127 25.56 224 0.875 bilinear -55.967 -45.547 0
437 coat_tiny 36.100 63.900 51.073 48.927 5.50 224 0.900 bicubic -57.400 -47.607 -99
438 deit_tiny_distilled_patch16_224 36.093 63.907 54.273 45.727 5.91 224 0.900 bicubic -54.997 -43.907 +35
439 tv_resnet34 36.057 63.943 53.530 46.470 21.80 224 0.875 bilinear -54.253 -44.350 +49
440 tf_efficientnet_lite0 36.020 63.980 53.520 46.480 4.65 224 0.875 bicubic -55.260 -44.570 +21
441 mobilenetv2_140 35.980 64.020 53.920 46.080 6.11 224 0.875 bicubic -56.050 -44.330 -2
442 selecsls42b 35.830 64.170 52.537 47.463 32.46 224 0.875 bicubic -56.650 -45.903 -28
443 seresnext26ts 35.807 64.193 53.990 46.010 10.39 256 0.900 bicubic -56.983 -44.610 -48
444 gluon_resnet34_v1b 35.750 64.250 52.290 47.710 21.80 224 0.875 bicubic -55.340 -45.920 +30
445 xcit_nano_12_p8_384_dist 35.730 64.270 52.297 47.703 3.05 384 1.000 bicubic -57.520 -46.553 -85
446 mixnet_m 35.677 64.323 52.447 47.553 5.01 224 0.875 bicubic -56.583 -45.923 -17
447 efficientnet_lite0 35.653 64.347 53.693 46.307 4.65 224 0.875 bicubic -55.597 -44.557 +17
448 dla34 35.647 64.353 52.817 47.183 15.74 224 0.875 bilinear -55.603 -45.363 +15
449 ssl_resnet18 35.630 64.370 53.813 46.187 11.69 224 0.875 bilinear -55.070 -44.217 +32
450 mobilenetv3_rw 35.620 64.380 53.740 46.260 5.48 224 0.875 bicubic -55.930 -44.530 +3
451 efficientnet_es_pruned 35.373 64.627 52.853 47.147 5.44 224 0.875 bicubic -56.337 -45.547 -4
452 mobilenetv2_110d 35.277 64.723 52.823 47.177 4.52 224 0.875 bicubic -56.043 -45.357 +8
453 hrnet_w18_small_v2 35.227 64.773 52.500 47.500 15.60 224 0.875 bilinear -55.943 -45.850 +15
454 tf_mixnet_m 35.217 64.783 50.977 49.023 5.01 224 0.875 bicubic -56.953 -47.443 -21
455 resnet18d 35.120 64.880 52.883 47.117 11.71 224 0.875 bicubic -54.870 -44.957 +37
456 xcit_nano_12_p16_224_dist 35.103 64.897 52.500 47.500 3.05 224 1.000 bicubic -55.087 -45.260 +33
457 convit_tiny 35.103 64.897 51.850 48.150 5.71 224 0.875 bicubic -55.447 -46.360 +27
458 resnext26ts 35.097 64.903 53.447 46.553 10.30 256 0.900 bicubic -57.113 -44.833 -26
459 gcresnext26ts 34.973 65.027 51.613 48.387 10.48 256 0.900 bicubic -57.497 -46.887 -43
460 eca_resnext26ts 34.970 65.030 52.323 47.677 10.30 256 0.900 bicubic -57.450 -46.287 -40
461 regnety_008 34.883 65.117 51.863 48.137 6.26 224 0.875 bicubic -57.007 -46.557 -17
462 ese_vovnet19b_dw 34.830 65.170 51.997 48.003 6.54 224 0.875 bicubic -57.190 -46.523 -22
463 crossvit_9_240 34.680 65.320 51.793 48.207 8.55 240 0.875 bicubic -56.390 -46.517 +12
464 pit_ti_224 34.637 65.363 52.127 47.873 4.85 224 0.900 bicubic -55.803 -45.893 +23
465 mobilenetv3_large_100 34.570 65.430 52.917 47.083 5.48 224 0.875 bicubic -56.910 -45.283 -10
466 seresnext26t_32x4d 34.560 65.440 51.480 48.520 16.81 224 0.875 bicubic -58.210 -47.070 -70
467 seresnext26d_32x4d 34.527 65.473 51.570 48.430 16.81 224 0.875 bicubic -57.903 -46.970 -48
468 resnet26d 34.333 65.667 51.857 48.143 16.01 224 0.875 bicubic -57.917 -46.613 -37
469 mixer_b16_224 34.327 65.673 48.050 51.950 59.88 224 0.875 bicubic -56.803 -49.360 +1
470 fbnetc_100 34.320 65.680 51.240 48.760 5.57 224 0.875 bilinear -56.940 -46.580 -8
471 tf_efficientnet_es 34.273 65.727 51.467 48.533 5.44 224 0.875 bicubic -57.827 -46.963 -34
472 regnety_006 34.243 65.757 51.297 48.703 6.06 224 0.875 bicubic -57.337 -47.133 -20
473 tf_mobilenetv3_large_100 33.977 66.023 51.520 48.480 5.48 224 0.875 bilinear -57.433 -46.730 -15
474 mnasnet_100 33.847 66.153 51.247 48.753 4.38 224 0.875 bicubic -57.353 -46.793 -9
475 regnetx_008 33.733 66.267 50.590 49.410 7.26 224 0.875 bicubic -57.457 -47.780 -9
476 xcit_nano_12_p8_224 33.610 66.390 50.230 49.770 3.05 224 1.000 bicubic -57.490 -48.010 -5
477 resnet26 33.593 66.407 51.017 48.983 16.00 224 0.875 bicubic -57.867 -47.253 -20
478 vit_tiny_r_s16_p8_384 33.593 66.407 50.650 49.350 6.36 384 1.000 bicubic -58.127 -47.780 -32
479 mixnet_s 33.587 66.413 51.030 48.970 4.13 224 0.875 bicubic -58.193 -47.270 -34
480 semnasnet_100 33.550 66.450 50.837 49.163 3.89 224 0.875 bicubic -58.110 -47.423 -30
481 vit_tiny_patch16_384 33.547 66.453 51.003 48.997 5.79 384 1.000 bicubic -59.883 -47.837 -134
482 spnasnet_100 33.513 66.487 51.303 48.697 4.42 224 0.875 bilinear -57.097 -46.647 0
483 crossvit_tiny_240 33.380 66.620 49.917 50.083 7.01 240 0.875 bicubic -57.150 -48.033 +1
484 vgg19_bn 33.313 66.687 50.877 49.123 143.68 224 0.875 bilinear -57.677 -47.243 -8
485 regnetx_006 33.207 66.793 50.300 49.700 6.20 224 0.875 bicubic -57.543 -47.800 -6
486 ghostnet_100 33.180 66.820 51.143 48.857 5.18 224 0.875 bilinear -57.260 -46.697 0
487 xcit_nano_12_p16_224 33.060 66.940 50.070 49.930 3.05 224 1.000 bicubic -55.900 -47.340 +17
488 resnet18 33.040 66.960 51.127 48.873 11.69 224 0.875 bilinear -55.120 -45.993 +20
489 legacy_seresnext26_32x4d 32.747 67.253 49.210 50.790 16.79 224 0.875 bicubic -59.843 -49.210 -80
490 hrnet_w18_small 32.720 67.280 50.673 49.327 13.19 224 0.875 bilinear -57.180 -47.227 +3
491 deit_tiny_patch16_224 32.703 67.297 50.323 49.677 5.72 224 0.900 bicubic -56.897 -47.637 +6
492 legacy_seresnet18 32.637 67.363 50.360 49.640 11.78 224 0.875 bicubic -56.613 -47.330 +9
493 regnetx_004 32.577 67.423 49.390 50.610 5.16 224 0.875 bicubic -56.873 -48.390 +5
494 mobilenetv2_100 32.570 67.430 50.867 49.133 3.50 224 0.875 bicubic -57.270 -46.973 +1
495 regnety_004 32.407 67.593 49.500 50.500 4.34 224 0.875 bicubic -58.343 -48.580 -15
496 gluon_resnet18_v1b 32.393 67.607 49.710 50.290 11.69 224 0.875 bicubic -56.277 -47.400 +9
497 tf_mixnet_s 32.223 67.777 48.610 51.390 4.13 224 0.875 bicubic -59.467 -49.630 -49
498 vit_tiny_patch16_224 32.147 67.853 49.103 50.897 5.72 224 0.900 bicubic -59.783 -49.227 -55
499 tf_mobilenetv3_large_075 31.947 68.053 49.147 50.853 3.99 224 0.875 bilinear -58.363 -48.823 -10
500 tf_mobilenetv3_large_minimal_100 31.603 68.397 49.407 50.593 3.92 224 0.875 bilinear -57.557 -47.913 +3
501 vit_tiny_r_s16_p8_224 30.850 69.150 47.673 52.327 6.34 224 0.900 bicubic -58.550 -50.017 -2
502 vgg16_bn 30.363 69.637 47.267 52.733 138.37 224 0.875 bilinear -60.157 -50.723 -17
503 regnety_002 29.683 70.317 46.887 53.113 3.16 224 0.875 bicubic -58.527 -50.533 +4
504 vgg13_bn 28.970 71.030 46.827 53.173 133.05 224 0.875 bilinear -60.240 -50.713 -2
505 regnetx_002 28.887 71.113 45.587 54.413 2.68 224 0.875 bicubic -58.473 -51.403 +5
506 vgg19 28.687 71.313 45.257 54.743 143.67 224 0.875 bilinear -61.003 -52.293 -10
507 dla60x_c 28.520 71.480 46.260 53.740 1.32 224 0.875 bilinear -58.560 -50.880 +6
508 vgg11_bn 28.380 71.620 46.507 53.493 132.87 224 0.875 bilinear -60.010 -50.773 -2
509 vgg16 27.990 72.010 44.743 55.257 138.36 224 0.875 bilinear -61.390 -52.777 -9
510 tf_mobilenetv3_small_100 27.350 72.650 44.490 55.510 2.54 224 0.875 bilinear -58.640 -51.920 +5
511 mixer_l16_224 26.797 73.203 37.860 62.140 208.20 224 0.875 bicubic -60.163 -56.170 +3
512 eca_botnext26ts_256 26.743 73.257 41.953 58.047 10.59 256 0.950 bicubic -64.107 -55.797 -34
513 vgg11 26.610 73.390 43.510 56.490 132.86 224 0.875 bilinear -60.720 -53.600 -2
514 vgg13 26.317 73.683 43.463 56.537 133.05 224 0.875 bilinear -61.233 -53.657 -5
515 dla46x_c 26.283 73.717 43.907 56.093 1.07 224 0.875 bilinear -59.187 -52.543 +1
516 tf_mobilenetv3_small_075 26.273 73.727 43.710 56.290 2.04 224 0.875 bilinear -58.257 -52.180 +2
517 dla46_c 25.493 74.507 43.953 56.047 1.30 224 0.875 bilinear -59.217 -52.257 0
518 tf_mobilenetv3_small_minimal_100 25.107 74.893 42.987 57.013 2.04 224 0.875 bilinear -57.573 -52.023 +1
519 botnet26t_256 22.097 77.903 37.240 62.760 12.49 256 0.950 bicubic -65.143 -59.510 -7

@ -1,421 +1,519 @@
model,top1,top1_err,top5,top5_err,param_count,img_size,cropt_pct,interpolation,top1_diff,top5_diff,rank_diff
tf_efficientnet_l2_ns,90.563,9.437,98.779,1.221,480.31,800,0.960,bicubic,+2.211,+0.129,0
tf_efficientnet_l2_ns_475,90.537,9.463,98.710,1.290,480.31,475,0.936,bicubic,+2.303,+0.164,0
cait_m48_448,90.196,9.804,98.484,1.516,356.46,448,1.000,bicubic,+3.712,+0.730,+3
vit_large_patch16_384,90.196,9.804,98.661,1.339,304.72,384,1.000,bicubic,+3.116,+0.361,0
tf_efficientnet_b7_ns,90.100,9.900,98.614,1.386,66.35,600,0.949,bicubic,+3.260,+0.520,0
cait_m36_384,90.046,9.954,98.493,1.507,271.22,384,1.000,bicubic,+3.992,+0.763,+8
dm_nfnet_f6,90.046,9.954,98.546,1.454,438.36,576,0.956,bicubic,+3.902,+0.816,+5
swin_large_patch4_window12_384,90.027,9.973,98.657,1.343,196.74,384,1.000,bicubic,+2.879,+0.423,-5
tf_efficientnetv2_l_in21ft1k,90.008,9.992,98.619,1.381,118.52,480,1.000,bicubic,+3.704,+0.641,+1
swin_base_patch4_window12_384,89.995,10.005,98.695,1.304,87.90,384,1.000,bicubic,+3.563,+0.637,-2
vit_base_patch16_384,89.989,10.011,98.678,1.322,86.86,384,1.000,bicubic,+3.983,+0.678,+4
cait_s36_384,89.844,10.156,98.427,1.573,68.37,384,1.000,bicubic,+4.384,+0.947,+10
swin_large_patch4_window7_224,89.796,10.204,98.640,1.360,196.53,224,0.900,bicubic,+3.477,+0.744,-4
vit_large_r50_s32_384,89.794,10.206,98.514,1.486,329.09,384,1.000,bicubic,+3.610,+0.596,-3
tf_efficientnet_b6_ns,89.782,10.218,98.510,1.490,43.04,528,0.942,bicubic,+3.330,+0.628,-8
tf_efficientnetv2_m_in21ft1k,89.775,10.225,98.503,1.497,54.14,480,1.000,bicubic,+4.187,+0.751,+3
tf_efficientnet_b5_ns,89.651,10.349,98.482,1.518,30.39,456,0.934,bicubic,+3.563,+0.730,-4
tf_efficientnet_b8_ap,89.581,10.419,98.305,1.695,87.41,672,0.954,bicubic,+4.211,+1.011,+8
dm_nfnet_f4,89.557,10.443,98.303,1.697,316.07,512,0.951,bicubic,+3.843,+0.783,-1
cait_s24_384,89.502,10.498,98.362,1.638,47.06,384,1.000,bicubic,+4.456,+1.016,+12
dm_nfnet_f3,89.485,10.515,98.399,1.601,254.92,416,0.940,bicubic,+3.963,+0.937,-1
dm_nfnet_f5,89.461,10.539,98.324,1.676,377.21,544,0.954,bicubic,+3.647,+0.836,-5
deit_base_distilled_patch16_384,89.429,10.571,98.441,1.559,87.63,384,1.000,bicubic,+4.007,+1.109,+1
tf_efficientnet_b7_ap,89.429,10.571,98.347,1.653,66.35,600,0.949,bicubic,+4.309,+1.096,+5
tf_efficientnetv2_l,89.367,10.633,98.275,1.725,118.52,480,1.000,bicubic,+3.877,+0.903,-4
tf_efficientnet_b8,89.355,10.645,98.303,1.697,87.41,672,0.954,bicubic,+3.985,+0.913,-1
tf_efficientnet_b6_ap,89.342,10.658,98.281,1.719,43.04,528,0.942,bicubic,+4.554,+1.143,+13
vit_large_patch16_224,89.314,10.686,98.392,1.608,304.33,224,0.900,bicubic,+3.472,+0.568,-12
tf_efficientnet_b4_ns,89.305,10.694,98.347,1.653,19.34,380,0.922,bicubic,+4.143,+0.877,-1
tf_efficientnetv2_m,89.284,10.716,98.236,1.764,54.14,480,1.000,bicubic,+4.240,+0.958,+3
swin_base_patch4_window7_224,89.145,10.855,98.429,1.571,87.77,224,0.900,bicubic,+3.893,+0.867,-4
eca_nfnet_l2,89.141,10.859,98.315,1.685,56.72,384,1.000,bicubic,+4.443,+1.051,+10
cait_xs24_384,89.139,10.861,98.290,1.710,26.67,384,1.000,bicubic,+5.077,+1.402,+27
ig_resnext101_32x48d,89.120,10.880,98.130,1.870,828.41,224,0.875,bilinear,+3.692,+0.558,-11
ig_resnext101_32x32d,89.111,10.889,98.181,1.819,468.53,224,0.875,bilinear,+4.017,+0.743,-5
tf_efficientnet_b7,89.086,10.914,98.183,1.817,66.35,600,0.949,bicubic,+4.150,+0.979,+1
ecaresnet269d,89.069,10.931,98.234,1.766,102.09,352,1.000,bicubic,+4.093,+1.008,-2
resmlp_big_24_224_in22ft1k,89.011,10.989,98.215,1.785,129.14,224,0.875,bicubic,+4.617,+1.095,+12
dm_nfnet_f2,89.009,10.991,98.189,1.810,193.78,352,0.920,bicubic,+3.945,+0.950,-8
efficientnetv2_rw_m,88.987,11.013,98.213,1.787,53.24,416,1.000,bicubic,+4.179,+1.065,-1
tf_efficientnet_b5_ap,88.938,11.062,98.164,1.836,30.39,456,0.934,bicubic,+4.686,+1.190,+14
dm_nfnet_f1,88.925,11.075,98.115,1.885,132.63,320,0.910,bicubic,+4.299,+1.015,+1
tf_efficientnetv2_s_in21ft1k,88.904,11.096,98.277,1.723,21.46,384,1.000,bicubic,+4.602,+1.025,+9
vit_base_patch16_224,88.866,11.134,98.230,1.770,86.57,224,0.900,bicubic,+4.334,+0.936,0
resnetrs420,88.840,11.160,98.034,1.966,191.89,416,1.000,bicubic,+3.832,+0.910,-11
ig_resnext101_32x16d,88.834,11.166,98.049,1.951,194.03,224,0.875,bilinear,+4.664,+0.853,+10
resnetrs270,88.834,11.166,98.136,1.864,129.86,352,1.000,bicubic,+4.400,+1.166,+1
vit_small_r26_s32_384,88.819,11.181,98.337,1.663,36.47,384,1.000,bicubic,+4.773,+1.009,+14
vit_base_r50_s16_384,88.808,11.192,98.232,1.768,98.95,384,1.000,bicubic,+3.836,+0.944,-13
seresnet152d,88.795,11.205,98.172,1.828,66.84,320,1.000,bicubic,+4.433,+1.132,+1
swsl_resnext101_32x8d,88.770,11.230,98.147,1.853,88.79,224,0.875,bilinear,+4.486,+0.971,+2
tf_efficientnet_b6,88.761,11.239,98.064,1.937,43.04,528,0.942,bicubic,+4.651,+1.178,+6
resnetrs350,88.759,11.241,98.029,1.971,163.96,384,1.000,bicubic,+4.039,+1.041,-12
vit_base_patch16_224_miil,88.737,11.262,98.027,1.973,86.54,224,0.875,bilinear,+4.469,+1.225,0
resnetv2_152x2_bitm,88.725,11.275,98.307,1.693,236.34,448,1.000,bilinear,+4.215,+0.875,-9
regnety_160,88.697,11.303,98.068,1.932,83.59,288,1.000,bicubic,+5.011,+1.292,+17
pit_b_distilled_224,88.676,11.324,98.093,1.907,74.79,224,0.900,bicubic,+4.532,+1.237,0
vit_small_patch16_384,88.652,11.348,98.232,1.768,22.20,384,1.000,bicubic,+4.850,+1.130,+13
eca_nfnet_l1,88.624,11.376,98.132,1.868,41.41,320,1.000,bicubic,+4.614,+1.104,+5
resnetrs200,88.605,11.395,98.034,1.966,93.21,320,1.000,bicubic,+4.539,+1.160,-1
resnetv2_152x4_bitm,88.545,11.455,98.192,1.808,936.53,480,1.000,bilinear,+3.629,+0.750,-23
resnet200d,88.543,11.457,97.959,2.041,64.69,320,1.000,bicubic,+4.581,+1.135,+3
resnest269e,88.522,11.478,98.027,1.973,110.93,416,0.928,bicubic,+4.004,+1.041,-18
efficientnetv2_rw_s,88.473,11.527,97.974,2.026,23.94,384,1.000,bicubic,+4.665,+1.250,+6
resnetv2_101x3_bitm,88.464,11.536,98.157,1.843,387.93,448,1.000,bilinear,+4.024,+0.775,-18
cait_s24_224,88.447,11.553,97.957,2.043,46.92,224,1.000,bicubic,+4.995,+1.393,+11
resnetv2_50x3_bitm,88.443,11.557,98.200,1.800,217.32,448,1.000,bilinear,+4.429,+1.076,-5
resmlp_big_24_distilled_224,88.443,11.557,97.940,2.060,129.14,224,0.875,bicubic,+4.853,+1.292,+9
resnest200e,88.432,11.568,98.042,1.958,70.20,320,0.909,bicubic,+4.600,+1.148,-1
tf_efficientnet_b3_ns,88.426,11.574,98.029,1.971,12.23,300,0.904,bicubic,+4.378,+1.119,-9
vit_large_r50_s32_224,88.426,11.574,98.085,1.915,328.99,224,0.900,bicubic,+3.992,+0.921,-22
tf_efficientnetv2_s,88.402,11.598,97.927,2.073,21.46,384,1.000,bicubic,+4.508,+1.229,-6
efficientnet_b4,88.372,11.628,97.961,2.039,19.34,384,1.000,bicubic,+4.944,+1.365,+5
resnet152d,88.355,11.645,97.935,2.065,60.21,320,1.000,bicubic,+4.675,+1.197,0
tf_efficientnet_b4_ap,88.349,11.651,97.893,2.107,19.34,380,0.922,bicubic,+5.101,+1.501,+8
tf_efficientnet_b5,88.321,11.679,97.912,2.088,30.39,456,0.934,bicubic,+4.509,+1.164,-7
resnetrs152,88.251,11.749,97.737,2.263,86.62,320,1.000,bicubic,+4.539,+1.123,-5
deit_base_distilled_patch16_224,88.214,11.786,97.914,2.086,87.34,224,0.900,bicubic,+4.826,+1.426,+1
resnetv2_152x2_bit_teacher_384,88.150,11.850,98.051,1.949,236.34,384,1.000,bicubic,+4.306,+0.933,-12
ig_resnext101_32x8d,88.146,11.854,97.856,2.144,88.79,224,0.875,bilinear,+5.458,+1.220,+20
cait_xxs36_384,88.140,11.860,97.908,2.092,17.37,384,1.000,bicubic,+5.946,+1.760,+34
dm_nfnet_f0,88.125,11.875,97.854,2.146,71.49,256,0.900,bicubic,+4.739,+1.282,-2
swsl_resnext101_32x4d,88.099,11.901,97.967,2.033,44.18,224,0.875,bilinear,+4.869,+1.207,+1
eca_nfnet_l0,87.980,12.020,97.871,2.129,24.14,288,1.000,bicubic,+5.400,+1.381,+19
nfnet_l0,87.967,12.033,97.867,2.133,35.07,288,1.000,bicubic,+5.217,+1.351,+12
tf_efficientnet_b4,87.963,12.037,97.739,2.261,19.34,380,0.922,bicubic,+4.941,+1.439,+6
resnet101d,87.941,12.059,97.908,2.092,44.57,320,1.000,bicubic,+4.919,+1.462,+4
regnety_032,87.937,12.063,97.891,2.109,19.44,288,1.000,bicubic,+5.213,+1.467,+10
vit_base_patch32_384,87.909,12.091,98.012,1.988,88.30,384,1.000,bicubic,+4.559,+1.176,-8
twins_svt_large,87.901,12.099,97.581,2.419,99.27,224,0.900,bicubic,+4.223,+0.987,-15
twins_pcpvt_large,87.877,12.123,97.856,2.144,60.99,224,0.900,bicubic,+4.737,+1.258,-5
deit_base_patch16_384,87.845,12.155,97.510,2.490,86.86,384,1.000,bicubic,+4.739,+1.138,-4
tresnet_xl_448,87.796,12.204,97.459,2.541,78.44,448,0.875,bilinear,+4.746,+1.285,-3
resnetv2_50x1_bit_distilled,87.787,12.213,97.899,2.101,25.55,224,0.875,bicubic,+4.969,+1.377,+1
tresnet_m,87.736,12.264,97.523,2.477,31.39,224,0.875,bilinear,+4.656,+1.405,-6
twins_pcpvt_base,87.736,12.264,97.726,2.274,43.83,224,0.900,bicubic,+5.028,+1.380,+3
resnetv2_101x1_bitm,87.681,12.319,97.940,2.060,44.54,448,1.000,bilinear,+5.349,+1.422,+11
swin_small_patch4_window7_224,87.664,12.336,97.566,2.434,49.61,224,0.900,bicubic,+4.452,+1.244,-13
twins_svt_base,87.638,12.362,97.523,2.477,56.07,224,0.900,bicubic,+4.502,+1.105,-12
pnasnet5large,87.636,12.364,97.485,2.515,86.06,331,0.911,bicubic,+4.854,+1.445,-4
swsl_resnext101_32x16d,87.615,12.386,97.820,2.180,194.03,224,0.875,bilinear,+4.269,+0.974,-19
swsl_resnext50_32x4d,87.600,12.400,97.651,2.349,25.03,224,0.875,bilinear,+5.418,+1.421,+14
tf_efficientnet_b2_ns,87.557,12.443,97.628,2.372,9.11,260,0.890,bicubic,+5.177,+1.380,+2
levit_384,87.553,12.447,97.545,2.455,39.13,224,0.900,bicubic,+4.967,+1.529,-2
ecaresnet50t,87.538,12.462,97.643,2.357,25.57,320,0.950,bicubic,+5.192,+1.505,+2
resnetv2_152x2_bit_teacher,87.493,12.507,97.812,2.188,236.34,224,0.875,bicubic,+4.631,+1.244,-12
efficientnet_b3,87.435,12.565,97.681,2.319,12.23,320,1.000,bicubic,+5.193,+1.567,+7
cait_xxs24_384,87.416,12.584,97.619,2.381,12.03,384,1.000,bicubic,+6.450,+1.973,+49
resnet51q,87.395,12.605,97.587,2.413,35.70,288,1.000,bilinear,+5.035,+1.407,-3
coat_lite_small,87.380,12.620,97.365,2.635,19.84,224,0.900,bicubic,+5.072,+1.515,-1
tresnet_l_448,87.377,12.623,97.485,2.515,55.99,448,0.875,bilinear,+5.109,+1.509,+2
nasnetalarge,87.350,12.650,97.417,2.583,88.75,331,0.911,bicubic,+4.730,+1.371,-11
ecaresnet101d,87.288,12.712,97.562,2.438,44.57,224,0.875,bicubic,+5.116,+1.516,+4
resnest101e,87.284,12.716,97.560,2.440,48.28,256,0.875,bilinear,+4.394,+1.240,-21
pit_s_distilled_224,87.277,12.723,97.500,2.500,24.04,224,0.900,bicubic,+5.281,+1.702,+6
resnetrs101,87.247,12.753,97.457,2.543,63.62,288,0.940,bicubic,+4.959,+1.449,-4
mixer_b16_224_miil,87.226,12.774,97.410,2.590,59.88,224,0.875,bilinear,+4.918,+1.694,-7
tresnet_xl,87.224,12.776,97.400,2.600,78.44,224,0.875,bilinear,+5.170,+1.463,+1
convit_base,87.200,12.800,97.286,2.714,86.54,224,0.875,bicubic,+4.910,+1.348,-8
tf_efficientnet_b3_ap,87.192,12.808,97.380,2.620,12.23,300,0.904,bicubic,+5.370,+1.756,+5
visformer_small,87.181,12.819,97.323,2.677,40.22,224,0.900,bicubic,+5.075,+1.451,-3
convit_small,87.053,12.947,97.350,2.650,27.78,224,0.875,bicubic,+5.627,+1.606,+15
tf_efficientnetv2_b3,87.032,12.968,97.303,2.697,14.36,300,0.904,bicubic,+5.062,+1.521,-1
deit_small_distilled_patch16_224,86.993,13.007,97.316,2.684,22.44,224,0.900,bicubic,+5.793,+1.938,+23
resmlp_36_distilled_224,86.993,13.007,97.278,2.722,44.69,224,0.875,bicubic,+5.833,+1.790,+24
tnt_s_patch16_224,86.903,13.097,97.368,2.632,23.76,224,0.900,bicubic,+5.385,+1.620,+6
vit_small_patch16_224,86.869,13.131,97.613,2.387,22.05,224,0.900,bicubic,+5.467,+1.479,+11
vit_small_r26_s32_224,86.863,13.137,97.528,2.472,36.43,224,0.900,bicubic,+5.005,+1.506,-5
ssl_resnext101_32x16d,86.856,13.143,97.517,2.483,194.03,224,0.875,bilinear,+5.013,+1.421,-5
rexnet_200,86.846,13.154,97.276,2.724,16.37,224,0.875,bicubic,+5.214,+1.608,-1
tf_efficientnet_b3,86.835,13.165,97.297,2.703,12.23,300,0.904,bicubic,+5.199,+1.579,-3
deit_base_patch16_224,86.829,13.171,97.049,2.951,86.57,224,0.900,bicubic,+4.831,+1.315,-12
tresnet_m_448,86.820,13.180,97.212,2.788,31.39,448,0.875,bilinear,+5.106,+1.640,-7
ssl_resnext101_32x8d,86.807,13.193,97.466,2.534,88.79,224,0.875,bilinear,+5.191,+1.428,-4
swsl_resnet50,86.807,13.193,97.498,2.502,25.56,224,0.875,bilinear,+5.641,+1.526,+13
tf_efficientnet_lite4,86.803,13.197,97.263,2.737,13.01,380,0.920,bilinear,+5.267,+1.595,-5
coat_mini,86.793,13.207,97.162,2.837,10.34,224,0.900,bicubic,+5.525,+1.770,+7
tresnet_l,86.767,13.233,97.271,2.729,55.99,224,0.875,bilinear,+5.277,+1.647,-3
twins_svt_small,86.756,13.244,97.175,2.825,24.06,224,0.900,bicubic,+5.074,+1.505,-12
levit_256,86.728,13.272,97.259,2.741,18.89,224,0.900,bicubic,+5.218,+1.769,-7
seresnext50_32x4d,86.699,13.301,97.214,2.786,27.56,224,0.875,bicubic,+5.433,+1.594,+4
pit_b_224,86.686,13.314,96.898,3.102,73.76,224,0.900,bicubic,+4.240,+1.188,-38
tf_efficientnet_b1_ns,86.669,13.331,97.378,2.622,7.79,240,0.882,bicubic,+5.281,+1.640,-4
swin_tiny_patch4_window7_224,86.664,13.336,97.197,2.803,28.29,224,0.900,bicubic,+5.286,+1.657,-4
gernet_l,86.654,13.346,97.186,2.814,31.08,256,0.875,bilinear,+5.300,+1.650,-4
wide_resnet50_2,86.647,13.353,97.214,2.786,68.88,224,0.875,bicubic,+5.191,+1.682,-10
efficientnet_el,86.635,13.366,97.175,2.825,10.59,300,0.904,bicubic,+5.319,+1.649,-5
resmlp_24_distilled_224,86.622,13.378,97.135,2.865,30.02,224,0.875,bicubic,+5.856,+1.917,+16
twins_pcpvt_small,86.620,13.380,97.340,2.660,24.11,224,0.900,bicubic,+5.532,+1.698,+3
nf_resnet50,86.609,13.391,97.293,2.707,25.56,288,0.940,bicubic,+5.949,+1.957,+17
resnest50d_4s2x40d,86.592,13.408,97.269,2.731,30.42,224,0.875,bicubic,+5.484,+1.711,-1
efficientnet_b3_pruned,86.581,13.419,97.190,2.810,9.86,300,0.904,bicubic,+5.723,+1.948,+9
repvgg_b3,86.566,13.434,97.139,2.861,123.09,224,0.875,bilinear,+6.074,+1.879,+19
ssl_resnext101_32x4d,86.479,13.521,97.468,2.532,44.18,224,0.875,bilinear,+5.555,+1.740,+4
ecaresnet50d,86.470,13.530,97.186,2.814,25.58,224,0.875,bicubic,+5.878,+1.866,+15
gluon_resnet152_v1s,86.468,13.532,97.109,2.891,60.32,224,0.875,bicubic,+5.452,+1.697,-2
resnest50d_1s4x24d,86.447,13.553,97.148,2.852,25.68,224,0.875,bicubic,+5.459,+1.826,-2
resnetv2_50x1_bitm,86.436,13.564,97.602,2.398,25.55,448,1.000,bilinear,+6.094,+1.918,+22
repvgg_b3g4,86.361,13.639,97.054,2.946,83.83,224,0.875,bilinear,+6.149,+1.944,+32
legacy_senet154,86.342,13.658,96.928,3.072,115.09,224,0.875,bilinear,+5.032,+1.432,-17
cait_xxs36_224,86.340,13.660,97.111,2.889,17.30,224,1.000,bicubic,+6.590,+2.245,+54
gernet_m,86.319,13.681,97.096,2.904,21.14,224,0.875,bilinear,+5.587,+1.912,+3
pit_s_224,86.316,13.684,97.045,2.955,23.46,224,0.900,bicubic,+5.222,+1.713,-12
vit_small_patch32_384,86.312,13.688,97.417,2.583,22.92,384,1.000,bicubic,+5.832,+1.819,+9
efficientnet_b2,86.304,13.696,96.990,3.010,9.11,288,1.000,bicubic,+5.692,+1.672,+3
gluon_senet154,86.278,13.722,96.949,3.051,115.09,224,0.875,bicubic,+5.044,+1.601,-20
resnest50d,86.240,13.761,97.073,2.927,27.48,224,0.875,bilinear,+5.266,+1.695,-11
ecaresnet101d_pruned,86.210,13.790,97.335,2.665,24.88,224,0.875,bicubic,+5.392,+1.707,-6
efficientnet_el_pruned,86.192,13.807,97.026,2.974,10.59,300,0.904,bicubic,+5.892,+1.998,+17
cspdarknet53,86.182,13.818,97.013,2.987,27.64,256,0.887,bilinear,+6.124,+1.929,+27
inception_v4,86.169,13.831,96.919,3.081,42.68,299,0.875,bicubic,+6.001,+1.951,+22
rexnet_150,86.154,13.846,97.058,2.942,9.73,224,0.875,bicubic,+5.844,+1.892,+11
inception_resnet_v2,86.133,13.867,97.043,2.957,55.84,299,0.897,bicubic,+5.675,+1.737,+4
ssl_resnext50_32x4d,86.086,13.914,97.212,2.788,25.03,224,0.875,bilinear,+5.768,+1.806,+8
tf_efficientnet_el,86.084,13.916,96.964,3.036,10.59,300,0.904,bicubic,+5.834,+1.836,+13
gluon_resnet101_v1s,86.054,13.946,97.022,2.978,44.67,224,0.875,bicubic,+5.752,+1.862,+8
ecaresnetlight,86.052,13.948,97.069,2.931,30.16,224,0.875,bicubic,+5.590,+1.819,-1
gluon_seresnext101_32x4d,86.032,13.968,96.977,3.023,48.96,224,0.875,bicubic,+5.128,+1.683,-19
resnet50d,86.009,13.991,96.979,3.021,25.58,224,0.875,bicubic,+5.479,+1.819,-8
ecaresnet26t,85.983,14.017,97.041,2.959,16.01,320,0.950,bicubic,+6.129,+1.957,+29
tf_efficientnet_b2_ap,85.975,14.025,96.810,3.190,9.11,260,0.890,bicubic,+5.675,+1.592,+4
gluon_seresnext101_64x4d,85.960,14.040,96.979,3.021,88.23,224,0.875,bicubic,+5.066,+1.671,-22
vit_base_patch32_224,85.956,14.044,97.130,2.869,88.22,224,0.900,bicubic,+5.231,+1.562,-17
gluon_resnet152_v1d,85.917,14.083,96.812,3.188,60.21,224,0.875,bicubic,+5.443,+1.606,-9
vit_large_patch32_384,85.909,14.091,97.368,2.632,306.63,384,1.000,bicubic,+4.403,+1.276,-51
tf_efficientnet_b2,85.902,14.098,96.862,3.139,9.11,260,0.890,bicubic,+5.816,+1.954,+10
tf_efficientnetv2_b2,85.900,14.100,96.889,3.111,10.10,260,0.890,bicubic,+5.692,+1.847,+5
seresnet50,85.857,14.143,97.004,2.995,28.09,224,0.875,bicubic,+5.583,+1.934,-1
repvgg_b2g4,85.855,14.145,96.812,3.188,61.76,224,0.875,bilinear,+6.489,+2.124,+42
gluon_resnet101_v1d,85.849,14.151,96.663,3.337,44.57,224,0.875,bicubic,+5.435,+1.649,-12
resnet50,85.804,14.196,96.712,3.288,25.56,224,0.875,bicubic,+6.766,+2.322,+63
mixnet_xl,85.798,14.202,96.712,3.288,11.90,224,0.875,bicubic,+5.322,+1.776,-18
ens_adv_inception_resnet_v2,85.781,14.220,96.759,3.241,55.84,299,0.897,bicubic,+5.799,+1.821,+7
tf_efficientnet_lite3,85.755,14.245,96.887,3.113,8.20,300,0.904,bilinear,+5.935,+1.973,+18
ese_vovnet39b,85.751,14.249,96.891,3.109,24.57,224,0.875,bicubic,+6.431,+2.179,+38
gluon_resnext101_32x4d,85.746,14.254,96.635,3.365,44.18,224,0.875,bicubic,+5.412,+1.709,-15
legacy_seresnext101_32x4d,85.746,14.254,96.757,3.243,48.96,224,0.875,bilinear,+5.518,+1.739,-7
cspresnext50,85.740,14.260,96.840,3.160,20.57,224,0.875,bilinear,+5.700,+1.896,0
regnety_320,85.727,14.273,96.725,3.275,145.05,224,0.875,bicubic,+4.915,+1.481,-36
cspresnet50,85.721,14.279,96.795,3.205,21.62,256,0.887,bilinear,+6.147,+2.083,+23
xception71,85.697,14.303,96.776,3.224,42.34,299,0.903,bicubic,+5.823,+1.854,+5
resmlp_big_24_224,85.695,14.305,96.426,3.574,129.14,224,0.875,bicubic,+4.667,+1.404,-49
gluon_resnext101_64x4d,85.693,14.307,96.644,3.356,83.46,224,0.875,bicubic,+5.089,+1.656,-34
efficientnet_em,85.684,14.316,96.938,3.062,6.90,240,0.882,bicubic,+6.432,+2.144,+38
deit_small_patch16_224,85.678,14.322,96.906,3.094,22.05,224,0.900,bicubic,+5.822,+1.854,+2
pit_xs_distilled_224,85.657,14.343,96.667,3.333,11.00,224,0.900,bicubic,+6.351,+2.303,+31
efficientnet_b2_pruned,85.642,14.358,96.746,3.254,8.31,260,0.890,bicubic,+5.726,+1.890,-5
dpn107,85.640,14.360,96.729,3.271,86.92,224,0.875,bicubic,+5.484,+1.819,-14
resmlp_36_224,85.620,14.380,96.795,3.205,44.69,224,0.875,bicubic,+5.850,+1.909,+4
levit_192,85.580,14.420,96.740,3.260,10.95,224,0.900,bicubic,+5.738,+1.954,-2
gluon_resnet152_v1c,85.580,14.420,96.646,3.354,60.21,224,0.875,bicubic,+5.670,+1.806,-8
ecaresnet50d_pruned,85.580,14.420,96.936,3.064,19.94,224,0.875,bicubic,+5.864,+2.056,+7
resnext50d_32x4d,85.569,14.431,96.748,3.252,25.05,224,0.875,bicubic,+5.893,+1.882,+7
tf_efficientnetv2_b1,85.561,14.439,96.727,3.273,8.14,240,0.882,bicubic,+6.099,+2.005,+14
regnety_120,85.543,14.457,96.785,3.215,51.82,224,0.875,bicubic,+5.177,+1.659,-36
regnetx_320,85.524,14.476,96.669,3.331,107.81,224,0.875,bicubic,+5.278,+1.643,-27
nf_regnet_b1,85.505,14.495,96.791,3.209,10.22,288,0.900,bicubic,+6.213,+2.043,+22
dpn92,85.494,14.506,96.635,3.365,37.67,224,0.875,bicubic,+5.486,+1.799,-19
gluon_resnet152_v1b,85.475,14.525,96.550,3.450,60.19,224,0.875,bicubic,+5.789,+1.814,0
rexnet_130,85.473,14.527,96.684,3.316,7.56,224,0.875,bicubic,+5.973,+2.002,+6
resnetrs50,85.462,14.538,96.736,3.264,35.69,224,0.910,bicubic,+5.570,+1.767,-17
dpn131,85.398,14.602,96.639,3.361,79.25,224,0.875,bicubic,+5.576,+1.929,-11
regnetx_160,85.390,14.610,96.637,3.363,54.28,224,0.875,bicubic,+5.534,+1.807,-15
dla102x2,85.366,14.634,96.629,3.371,41.28,224,0.875,bilinear,+5.918,+1.989,+5
gluon_seresnext50_32x4d,85.336,14.664,96.667,3.333,27.56,224,0.875,bicubic,+5.418,+1.845,-24
xception65,85.315,14.685,96.637,3.363,39.92,299,0.903,bicubic,+5.763,+1.983,-2
skresnext50_32x4d,85.313,14.687,96.390,3.610,27.48,224,0.875,bicubic,+5.157,+1.748,-32
dpn98,85.311,14.689,96.469,3.531,61.57,224,0.875,bicubic,+5.669,+1.871,-7
gluon_resnet101_v1c,85.304,14.696,96.405,3.595,44.57,224,0.875,bicubic,+5.770,+1.827,-4
dpn68b,85.291,14.709,96.464,3.536,12.61,224,0.875,bicubic,+6.076,+2.050,+15
regnety_064,85.283,14.717,96.639,3.361,30.58,224,0.875,bicubic,+5.561,+1.871,-15
resnetblur50,85.283,14.717,96.531,3.470,25.56,224,0.875,bicubic,+5.997,+1.892,+8
resmlp_24_224,85.268,14.732,96.492,3.508,30.02,224,0.875,bicubic,+5.894,+1.946,-3
coat_lite_mini,85.251,14.749,96.680,3.320,11.01,224,0.900,bicubic,+6.163,+2.076,+15
regnety_080,85.245,14.755,96.633,3.367,39.18,224,0.875,bicubic,+5.369,+1.803,-30
cait_xxs24_224,85.228,14.773,96.712,3.288,11.96,224,1.000,bicubic,+6.842,+2.402,+44
resnext50_32x4d,85.221,14.779,96.526,3.474,25.03,224,0.875,bicubic,+5.453,+1.928,-23
resnext101_32x8d,85.187,14.813,96.445,3.555,88.79,224,0.875,bilinear,+5.879,+1.927,-4
gluon_inception_v3,85.183,14.817,96.526,3.474,23.83,299,0.875,bicubic,+6.377,+2.156,+21
hrnet_w48,85.151,14.849,96.492,3.508,77.47,224,0.875,bilinear,+5.851,+1.980,-2
gluon_xception65,85.148,14.851,96.597,3.403,39.92,299,0.903,bicubic,+5.433,+1.737,-23
gluon_resnet101_v1b,85.142,14.858,96.366,3.634,44.55,224,0.875,bicubic,+5.836,+1.842,-6
regnetx_120,85.131,14.869,96.477,3.523,46.11,224,0.875,bicubic,+5.535,+1.739,-21
xception,85.129,14.871,96.471,3.529,22.86,299,0.897,bicubic,+6.077,+2.079,+9
tf_efficientnet_b1_ap,85.127,14.873,96.405,3.595,7.79,240,0.882,bicubic,+5.847,+2.099,-4
hrnet_w64,85.119,14.881,96.744,3.256,128.06,224,0.875,bilinear,+5.645,+2.092,-19
ssl_resnet50,85.097,14.903,96.866,3.134,25.56,224,0.875,bilinear,+5.875,+2.034,-4
res2net101_26w_4s,85.093,14.907,96.381,3.619,45.21,224,0.875,bilinear,+5.895,+1.949,-1
tf_efficientnet_cc_b1_8e,85.063,14.937,96.422,3.578,39.72,240,0.882,bicubic,+5.755,+2.052,-14
res2net50_26w_8s,85.029,14.971,96.419,3.580,48.40,224,0.875,bilinear,+5.831,+2.052,-4
resnest26d,85.008,14.992,96.637,3.363,17.07,224,0.875,bilinear,+6.530,+2.339,+22
gluon_resnext50_32x4d,84.995,15.005,96.426,3.574,25.03,224,0.875,bicubic,+5.641,+2.000,-20
tf_efficientnet_b0_ns,84.984,15.016,96.503,3.497,5.29,224,0.875,bicubic,+6.326,+2.127,+14
coat_tiny,84.976,15.024,96.409,3.591,5.50,224,0.900,bicubic,+6.542,+2.371,+23
regnety_040,84.948,15.052,96.612,3.388,20.65,224,0.875,bicubic,+5.728,+1.956,-11
dla169,84.920,15.080,96.535,3.465,53.39,224,0.875,bilinear,+6.232,+2.199,+9
tf_efficientnet_b1,84.918,15.082,96.364,3.636,7.79,240,0.882,bicubic,+6.092,+2.166,+2
legacy_seresnext50_32x4d,84.901,15.099,96.434,3.566,27.56,224,0.875,bilinear,+5.823,+1.998,-8
hrnet_w44,84.884,15.116,96.434,3.566,67.06,224,0.875,bilinear,+5.988,+2.066,-2
gluon_resnet50_v1s,84.862,15.138,96.443,3.557,25.68,224,0.875,bicubic,+6.150,+2.205,+4
regnetx_080,84.862,15.138,96.434,3.566,39.57,224,0.875,bicubic,+5.668,+1.874,-13
levit_128,84.843,15.157,96.360,3.640,9.21,224,0.900,bicubic,+6.357,+2.350,+9
gluon_resnet50_v1d,84.832,15.168,96.398,3.602,25.58,224,0.875,bicubic,+5.758,+1.928,-12
dla60_res2next,84.830,15.170,96.411,3.589,17.03,224,0.875,bilinear,+6.390,+2.259,+12
vit_tiny_patch16_384,84.828,15.172,96.708,3.292,5.79,384,1.000,bicubic,+6.398,+2.166,+13
mixnet_l,84.822,15.178,96.328,3.672,7.33,224,0.875,bicubic,+5.846,+2.146,-11
tv_resnet152,84.815,15.185,96.225,3.775,60.19,224,0.875,bilinear,+6.503,+2.187,+17
dla60_res2net,84.813,15.187,96.481,3.519,20.85,224,0.875,bilinear,+6.349,+2.275,+6
dla102x,84.813,15.187,96.552,3.448,26.31,224,0.875,bilinear,+6.303,+2.324,+1
pit_xs_224,84.792,15.208,96.492,3.508,10.62,224,0.900,bicubic,+6.610,+2.324,+19
xception41,84.792,15.208,96.413,3.587,26.97,299,0.903,bicubic,+6.276,+2.135,-2
regnetx_064,84.781,15.219,96.490,3.510,26.21,224,0.875,bicubic,+5.709,+2.032,-20
hrnet_w40,84.743,15.257,96.554,3.446,57.56,224,0.875,bilinear,+5.823,+2.084,-17
res2net50_26w_6s,84.726,15.274,96.281,3.719,37.05,224,0.875,bilinear,+6.156,+2.157,-6
repvgg_b2,84.724,15.276,96.469,3.531,89.02,224,0.875,bilinear,+5.932,+2.055,-13
resmlp_12_distilled_224,84.713,15.287,96.225,3.775,15.35,224,0.875,bicubic,+6.769,+2.667,+25
legacy_seresnet152,84.704,15.296,96.417,3.583,66.82,224,0.875,bilinear,+6.044,+2.047,-11
selecsls60b,84.657,15.343,96.300,3.700,32.77,224,0.875,bicubic,+6.245,+2.126,+1
hrnet_w32,84.651,15.349,96.407,3.593,41.23,224,0.875,bilinear,+6.201,+2.221,-4
tf_efficientnetv2_b0,84.625,15.375,96.274,3.726,7.14,224,0.875,bicubic,+6.269,+2.250,+3
efficientnet_b1,84.608,15.392,96.332,3.668,7.79,256,1.000,bicubic,+5.814,+1.990,-20
regnetx_040,84.600,15.400,96.383,3.617,22.12,224,0.875,bicubic,+6.118,+2.139,-10
efficientnet_es,84.591,15.409,96.311,3.689,5.44,224,0.875,bicubic,+6.525,+2.385,+11
hrnet_w30,84.572,15.428,96.388,3.612,37.71,224,0.875,bilinear,+6.366,+2.166,+4
tf_mixnet_l,84.564,15.437,96.244,3.756,7.33,224,0.875,bicubic,+5.790,+2.246,-22
wide_resnet101_2,84.557,15.443,96.349,3.651,126.89,224,0.875,bilinear,+5.701,+2.067,-28
dla60x,84.523,15.477,96.285,3.715,17.35,224,0.875,bilinear,+6.277,+2.267,-2
legacy_seresnet101,84.504,15.496,96.330,3.670,49.33,224,0.875,bilinear,+6.122,+2.066,-7
tf_efficientnet_em,84.450,15.550,96.180,3.820,6.90,240,0.882,bicubic,+6.320,+2.136,+2
coat_lite_tiny,84.450,15.550,96.368,3.632,5.72,224,0.900,bicubic,+6.938,+2.452,+27
repvgg_b1,84.416,15.584,96.221,3.779,57.42,224,0.875,bilinear,+6.050,+2.123,-9
efficientnet_b1_pruned,84.393,15.607,96.140,3.860,6.33,240,0.882,bicubic,+6.157,+2.306,-5
res2net50_26w_4s,84.365,15.635,96.082,3.918,25.70,224,0.875,bilinear,+6.401,+2.228,+7
hardcorenas_f,84.326,15.674,96.025,3.975,8.20,224,0.875,bilinear,+6.222,+2.222,-1
res2net50_14w_8s,84.309,15.691,96.072,3.929,25.06,224,0.875,bilinear,+6.159,+2.224,-4
selecsls60,84.288,15.712,96.095,3.905,30.67,224,0.875,bicubic,+6.306,+2.267,+3
regnetx_032,84.237,15.763,96.247,3.753,15.30,224,0.875,bicubic,+6.065,+2.159,-7
res2next50,84.226,15.774,95.997,4.003,24.67,224,0.875,bilinear,+5.980,+2.105,-12
gluon_resnet50_v1c,84.207,15.793,96.161,3.839,25.58,224,0.875,bicubic,+6.195,+2.173,-2
dla102,84.190,15.810,96.206,3.794,33.27,224,0.875,bilinear,+6.158,+2.260,-4
rexnet_100,84.162,15.838,96.255,3.745,4.80,224,0.875,bicubic,+6.304,+2.385,+5
tf_inception_v3,84.132,15.868,95.920,4.080,23.83,299,0.875,bicubic,+6.270,+2.280,+3
res2net50_48w_2s,84.126,15.874,95.965,4.035,25.29,224,0.875,bilinear,+6.604,+2.411,+12
resnet34d,84.098,15.902,95.978,4.022,21.82,224,0.875,bicubic,+6.982,+2.596,+23
tf_efficientnet_lite2,84.094,15.906,96.069,3.931,6.09,260,0.890,bicubic,+6.626,+2.315,+12
efficientnet_b0,84.038,15.962,95.956,4.044,5.29,224,0.875,bicubic,+6.340,+2.424,+2
gmixer_24_224,83.968,16.032,95.849,4.151,24.72,224,0.875,bicubic,+5.932,+2.185,-12
hardcorenas_e,83.968,16.032,95.898,4.101,8.07,224,0.875,bilinear,+6.174,+2.204,-1
tf_efficientnet_cc_b0_8e,83.966,16.034,96.065,3.935,24.01,224,0.875,bicubic,+6.058,+2.411,-6
tv_resnext50_32x4d,83.959,16.041,95.960,4.040,25.03,224,0.875,bilinear,+6.339,+2.264,0
regnety_016,83.955,16.045,96.005,3.995,11.20,224,0.875,bicubic,+6.093,+2.285,-7
gluon_resnet50_v1b,83.940,16.060,96.012,3.988,25.56,224,0.875,bicubic,+6.360,+2.296,+2
densenet161,83.906,16.094,96.010,3.990,28.68,224,0.875,bicubic,+6.548,+2.372,+8
adv_inception_v3,83.902,16.098,95.935,4.065,23.83,299,0.875,bicubic,+6.320,+2.199,-1
mobilenetv2_120d,83.893,16.107,95.909,4.091,5.83,224,0.875,bicubic,+6.609,+2.417,+9
seresnext26t_32x4d,83.878,16.122,95.931,4.069,16.81,224,0.875,bicubic,+5.892,+2.185,-18
tv_resnet101,83.848,16.152,95.892,4.108,44.55,224,0.875,bilinear,+6.474,+2.352,+3
inception_v3,83.761,16.239,95.879,4.121,23.83,299,0.875,bicubic,+6.323,+2.405,0
hardcorenas_d,83.759,16.241,95.734,4.266,7.50,224,0.875,bilinear,+6.327,+2.250,0
seresnext26d_32x4d,83.754,16.246,95.849,4.151,16.81,224,0.875,bicubic,+6.152,+2.241,-9
dla60,83.729,16.271,95.933,4.067,22.04,224,0.875,bilinear,+6.697,+2.615,+10
repvgg_b1g4,83.699,16.301,96.020,3.980,39.97,224,0.875,bilinear,+6.105,+2.194,-10
legacy_seresnet50,83.662,16.337,95.973,4.027,28.09,224,0.875,bilinear,+6.032,+2.225,-14
tf_efficientnet_b0_ap,83.650,16.350,95.779,4.221,5.29,224,0.875,bicubic,+6.564,+2.523,+5
skresnet34,83.641,16.359,95.933,4.067,22.28,224,0.875,bicubic,+6.729,+2.611,+10
tf_efficientnet_cc_b0_4e,83.639,16.361,95.740,4.260,13.31,224,0.875,bicubic,+6.333,+2.406,-4
resmlp_12_224,83.571,16.429,95.760,4.240,15.35,224,0.875,bicubic,+6.917,+2.580,+13
densenet201,83.556,16.444,95.811,4.189,20.01,224,0.875,bicubic,+6.270,+2.333,-5
mobilenetv3_large_100_miil,83.556,16.444,95.452,4.548,5.48,224,0.875,bilinear,+5.640,+2.542,-27
gernet_s,83.522,16.478,95.794,4.206,8.17,224,0.875,bilinear,+6.606,+2.662,+4
legacy_seresnext26_32x4d,83.517,16.483,95.719,4.281,16.79,224,0.875,bicubic,+6.413,+2.403,-3
mixnet_m,83.515,16.485,95.689,4.311,5.01,224,0.875,bicubic,+6.255,+2.265,-7
tf_efficientnet_b0,83.515,16.485,95.719,4.281,5.29,224,0.875,bicubic,+6.667,+2.491,+3
hrnet_w18,83.500,16.500,95.907,4.093,21.30,224,0.875,bilinear,+6.742,+2.463,+4
densenetblur121d,83.472,16.527,95.822,4.178,8.00,224,0.875,bicubic,+6.885,+2.630,+9
selecsls42b,83.457,16.543,95.745,4.255,32.46,224,0.875,bicubic,+6.283,+2.355,-10
tf_efficientnet_lite1,83.344,16.656,95.642,4.358,5.42,240,0.882,bicubic,+6.702,+2.416,+4
hardcorenas_c,83.342,16.658,95.706,4.294,5.52,224,0.875,bilinear,+6.288,+2.548,-8
regnetx_016,83.195,16.805,95.740,4.260,9.19,224,0.875,bicubic,+6.245,+2.320,-7
mobilenetv2_140,83.182,16.818,95.689,4.311,6.11,224,0.875,bicubic,+6.666,+2.693,+7
dpn68,83.178,16.822,95.597,4.402,12.61,224,0.875,bicubic,+6.860,+2.620,+8
tf_efficientnet_es,83.178,16.822,95.585,4.415,5.44,224,0.875,bicubic,+6.584,+2.383,+1
tf_mixnet_m,83.176,16.824,95.461,4.539,5.01,224,0.875,bicubic,+6.234,+2.309,-10
ese_vovnet19b_dw,83.109,16.890,95.779,4.221,6.54,224,0.875,bicubic,+6.311,+2.511,-7
levit_128s,83.069,16.931,95.531,4.469,7.78,224,0.900,bicubic,+6.539,+2.665,+1
resnet26d,83.050,16.950,95.604,4.396,16.01,224,0.875,bicubic,+6.354,+2.454,-7
repvgg_a2,83.001,16.999,95.589,4.411,28.21,224,0.875,bilinear,+6.541,+2.585,+1
tv_resnet50,82.958,17.042,95.467,4.533,25.56,224,0.875,bilinear,+6.820,+2.603,+3
hardcorenas_b,82.873,17.128,95.392,4.607,5.18,224,0.875,bilinear,+6.335,+2.638,-4
densenet121,82.823,17.177,95.585,4.415,7.98,224,0.875,bicubic,+7.245,+2.933,+10
vit_tiny_r_s16_p8_384,82.691,17.309,95.845,4.155,6.36,384,1.000,bicubic,+6.739,+2.585,+3
densenet169,82.683,17.317,95.600,4.400,14.15,224,0.875,bicubic,+6.776,+2.574,+4
mixnet_s,82.525,17.476,95.356,4.644,4.13,224,0.875,bicubic,+6.532,+2.560,-1
vit_small_patch32_224,82.514,17.486,95.670,4.330,22.88,224,0.900,bicubic,+6.524,+2.398,-1
regnety_008,82.493,17.508,95.487,4.513,6.26,224,0.875,bicubic,+6.177,+2.421,-5
efficientnet_lite0,82.382,17.619,95.279,4.721,4.65,224,0.875,bicubic,+6.898,+2.769,+7
resnest14d,82.349,17.651,95.339,4.661,10.61,224,0.875,bilinear,+6.843,+2.821,+5
hardcorenas_a,82.313,17.687,95.294,4.706,5.26,224,0.875,bilinear,+6.397,+2.780,-3
efficientnet_es_pruned,82.296,17.704,95.303,4.697,5.44,224,0.875,bicubic,+7.296,+2.855,+15
mobilenetv3_rw,82.275,17.725,95.234,4.766,5.48,224,0.875,bicubic,+6.641,+2.526,-1
semnasnet_100,82.251,17.749,95.230,4.770,3.89,224,0.875,bicubic,+6.803,+2.626,+4
mobilenetv3_large_100,82.177,17.823,95.196,4.804,5.48,224,0.875,bicubic,+6.410,+2.654,-5
resnet34,82.138,17.862,95.130,4.870,21.80,224,0.875,bilinear,+7.028,+2.846,+8
mobilenetv2_110d,82.070,17.930,95.076,4.923,4.52,224,0.875,bicubic,+7.034,+2.890,+9
vit_tiny_patch16_224,82.066,17.934,95.489,4.511,5.72,224,0.900,bicubic,+6.612,+2.641,-1
tf_mixnet_s,82.038,17.962,95.121,4.879,4.13,224,0.875,bicubic,+6.388,+2.493,-8
repvgg_b0,82.001,17.999,95.100,4.900,15.82,224,0.875,bilinear,+6.849,+2.682,+1
deit_tiny_distilled_patch16_224,81.997,18.003,95.141,4.859,5.91,224,0.900,bicubic,+7.487,+3.251,+14
mixer_b16_224,81.978,18.022,94.449,5.551,59.88,224,0.875,bicubic,+5.376,+2.221,-27
pit_ti_distilled_224,81.967,18.033,95.145,4.855,5.10,224,0.900,bicubic,+7.437,+3.049,+11
hrnet_w18_small_v2,81.961,18.039,95.164,4.836,15.60,224,0.875,bilinear,+6.847,+2.748,-1
tf_efficientnet_lite0,81.952,18.048,95.168,4.832,4.65,224,0.875,bicubic,+7.122,+2.992,+3
resnet26,81.944,18.056,95.241,4.759,16.00,224,0.875,bicubic,+6.652,+2.671,-7
tf_mobilenetv3_large_100,81.848,18.152,95.070,4.930,5.48,224,0.875,bilinear,+6.330,+2.464,-13
tv_densenet121,81.726,18.274,95.034,4.966,7.98,224,0.875,bicubic,+6.988,+2.884,+2
regnety_006,81.700,18.300,95.115,4.885,6.06,224,0.875,bicubic,+6.454,+2.583,-9
dla34,81.658,18.342,94.878,5.122,15.74,224,0.875,bilinear,+7.028,+2.800,+2
fbnetc_100,81.559,18.441,94.970,5.030,5.57,224,0.875,bilinear,+6.436,+2.584,-9
legacy_seresnet34,81.534,18.466,94.899,5.101,21.96,224,0.875,bilinear,+6.726,+2.775,-3
gluon_resnet34_v1b,81.500,18.500,94.810,5.190,21.80,224,0.875,bicubic,+6.912,+2.820,0
regnetx_008,81.485,18.515,95.059,4.941,7.26,224,0.875,bicubic,+6.447,+2.724,-9
mnasnet_100,81.459,18.541,94.899,5.101,4.38,224,0.875,bicubic,+6.801,+2.785,-4
vgg19_bn,81.444,18.556,94.763,5.237,143.68,224,0.875,bilinear,+7.230,+2.921,0
convit_tiny,81.126,18.874,95.044,4.955,5.71,224,0.875,bicubic,+8.010,+3.331,+8
spnasnet_100,80.878,19.122,94.526,5.474,4.42,224,0.875,bilinear,+6.794,+2.708,-1
ghostnet_100,80.699,19.301,94.291,5.709,5.18,224,0.875,bilinear,+6.721,+2.835,0
regnety_004,80.659,19.341,94.686,5.314,4.34,224,0.875,bicubic,+6.624,+2.934,-2
skresnet18,80.637,19.363,94.378,5.622,11.96,224,0.875,bicubic,+7.599,+3.210,+5
regnetx_006,80.629,19.371,94.524,5.476,6.20,224,0.875,bicubic,+6.777,+2.852,-2
pit_ti_224,80.605,19.395,94.618,5.383,4.85,224,0.900,bicubic,+7.693,+3.216,+5
swsl_resnet18,80.575,19.425,94.743,5.256,11.69,224,0.875,bilinear,+7.299,+3.010,0
vgg16_bn,80.556,19.444,94.592,5.408,138.37,224,0.875,bilinear,+7.206,+3.086,-3
tv_resnet34,80.389,19.611,94.436,5.564,21.80,224,0.875,bilinear,+7.077,+3.010,-3
resnet18d,80.387,19.613,94.252,5.748,11.71,224,0.875,bicubic,+8.127,+3.556,+6
mobilenetv2_100,80.257,19.743,94.195,5.805,3.50,224,0.875,bicubic,+7.287,+3.179,-1
ssl_resnet18,80.101,19.899,94.590,5.410,11.69,224,0.875,bilinear,+7.491,+3.174,0
tf_mobilenetv3_large_075,80.093,19.907,94.184,5.816,3.99,224,0.875,bilinear,+6.655,+2.834,-9
deit_tiny_patch16_224,80.018,19.982,94.449,5.551,5.72,224,0.900,bicubic,+7.850,+3.331,+4
hrnet_w18_small,79.557,20.443,93.898,6.102,13.19,224,0.875,bilinear,+7.215,+3.220,0
vgg19,79.480,20.520,93.870,6.130,143.67,224,0.875,bilinear,+7.112,+2.998,-2
regnetx_004,79.435,20.565,93.853,6.147,5.16,224,0.875,bicubic,+7.039,+3.023,-4
tf_mobilenetv3_large_minimal_100,79.222,20.778,93.706,6.294,3.92,224,0.875,bilinear,+6.974,+3.076,-1
legacy_seresnet18,79.153,20.847,93.783,6.217,11.78,224,0.875,bicubic,+7.411,+3.449,+2
vgg16,79.038,20.962,93.646,6.354,138.36,224,0.875,bilinear,+7.444,+3.264,+3
vgg13_bn,79.006,20.994,93.655,6.345,133.05,224,0.875,bilinear,+7.412,+3.279,+1
vit_tiny_r_s16_p8_224,78.991,21.009,93.902,6.098,6.34,224,0.900,bicubic,+7.203,+3.074,-2
gluon_resnet18_v1b,78.372,21.628,93.138,6.862,11.69,224,0.875,bicubic,+7.536,+3.376,+1
vgg11_bn,77.926,22.074,93.230,6.770,132.87,224,0.875,bilinear,+7.566,+3.428,+1
regnety_002,77.405,22.595,92.914,7.086,3.16,224,0.875,bicubic,+7.153,+3.374,+1
mixer_l16_224,77.285,22.715,90.582,9.418,208.20,224,0.875,bicubic,+5.227,+2.914,-7
resnet18,77.276,22.724,92.756,7.244,11.69,224,0.875,bilinear,+7.528,+3.678,+1
vgg13,77.230,22.770,92.689,7.311,133.05,224,0.875,bilinear,+7.303,+3.444,-1
vgg11,76.384,23.616,92.154,7.846,132.86,224,0.875,bilinear,+7.360,+3.526,0
regnetx_002,76.124,23.876,92.211,7.789,2.68,224,0.875,bicubic,+7.362,+3.655,0
dla60x_c,75.637,24.363,92.177,7.823,1.32,224,0.875,bilinear,+7.745,+3.751,+1
tf_mobilenetv3_small_100,74.717,25.283,91.257,8.743,2.54,224,0.875,bilinear,+6.795,+3.593,-1
dla46x_c,73.647,26.353,91.095,8.905,1.07,224,0.875,bilinear,+7.677,+4.115,0
tf_mobilenetv3_small_075,72.812,27.188,90.036,9.964,2.04,224,0.875,bilinear,+7.096,+3.906,0
dla46_c,72.601,27.399,90.499,9.501,1.30,224,0.875,bilinear,+7.735,+4.207,0
tf_mobilenetv3_small_minimal_100,70.111,29.889,88.505,11.495,2.04,224,0.875,bilinear,+7.205,+4.275,0
beit_large_patch16_512,90.695,9.305,98.770,1.230,305.67,512,1.000,bicubic,+2.111,+0.110,0
beit_large_patch16_384,90.601,9.399,98.777,1.223,305.00,384,1.000,bicubic,+2.219,+0.169,0
tf_efficientnet_l2_ns,90.572,9.428,98.779,1.221,480.31,800,0.960,bicubic,+2.226,+0.125,0
tf_efficientnet_l2_ns_475,90.527,9.473,98.706,1.294,480.31,475,0.936,bicubic,+2.289,+0.156,0
beit_base_patch16_384,90.388,9.612,98.730,1.270,86.74,384,1.000,bicubic,+3.580,+0.590,+4
vit_large_patch16_384,90.202,9.798,98.655,1.345,304.72,384,1.000,bicubic,+3.110,+0.349,+1
cait_m48_448,90.194,9.806,98.484,1.516,356.46,448,1.000,bicubic,+3.700,+0.734,+3
beit_large_patch16_224,90.157,9.843,98.730,1.270,304.43,224,0.900,bicubic,+2.681,+0.412,-3
tf_efficientnet_b7_ns,90.134,9.866,98.617,1.383,66.35,600,0.949,bicubic,+3.304,+0.532,-1
swin_large_patch4_window12_384,90.066,9.934,98.668,1.332,196.74,384,1.000,bicubic,+2.915,+0.430,-4
swin_base_patch4_window12_384,90.063,9.937,98.713,1.287,87.90,384,1.000,bicubic,+3.627,+0.647,+1
cait_m36_384,90.046,9.954,98.497,1.503,271.22,384,1.000,bicubic,+3.990,+0.767,+7
dm_nfnet_f6,90.025,9.975,98.542,1.458,438.36,576,0.956,bicubic,+3.895,+0.802,+4
tf_efficientnetv2_l_in21ft1k,89.999,10.001,98.621,1.379,118.52,480,1.000,bicubic,+3.707,+0.637,+1
vit_base_patch16_384,89.965,10.035,98.680,1.319,86.86,384,1.000,bicubic,+3.965,+0.674,+5
xcit_large_24_p8_384_dist,89.893,10.107,98.373,1.627,188.93,384,1.000,bicubic,+3.897,+0.685,+5
cait_s36_384,89.837,10.163,98.427,1.573,68.37,384,1.000,bicubic,+4.383,+0.944,+14
xcit_medium_24_p8_384_dist,89.805,10.195,98.358,1.642,84.32,384,1.000,bicubic,+3.985,+0.764,+5
swin_large_patch4_window7_224,89.796,10.204,98.646,1.354,196.53,224,0.900,bicubic,+3.480,+0.756,-5
vit_large_r50_s32_384,89.790,10.210,98.516,1.484,329.09,384,1.000,bicubic,+3.610,+0.592,-4
tf_efficientnetv2_m_in21ft1k,89.777,10.223,98.501,1.499,54.14,480,1.000,bicubic,+4.179,+0.749,+6
tf_efficientnet_b6_ns,89.760,10.240,98.505,1.494,43.04,528,0.942,bicubic,+3.314,+0.626,-11
xcit_small_24_p8_384_dist,89.737,10.263,98.427,1.573,47.63,384,1.000,bicubic,+4.171,+0.850,+5
xcit_large_24_p16_384_dist,89.660,10.340,98.405,1.595,189.10,384,1.000,bicubic,+3.890,+0.871,+1
tf_efficientnet_b5_ns,89.658,10.342,98.488,1.512,30.39,456,0.934,bicubic,+3.582,+0.736,-7
tf_efficientnet_b8_ap,89.589,10.411,98.298,1.702,87.41,672,0.954,bicubic,+4.215,+1.000,+10
tf_efficientnetv2_xl_in21ft1k,89.566,10.434,98.185,1.815,208.12,512,1.000,bicubic,+3.162,+0.317,-14
dm_nfnet_f4,89.538,10.462,98.294,1.706,316.07,512,0.951,bicubic,+3.838,+0.780,-2
xcit_small_12_p8_384_dist,89.525,10.475,98.296,1.704,26.21,384,1.000,bicubic,+4.443,+1.026,+15
xcit_large_24_p8_224_dist,89.519,10.481,98.224,1.776,188.93,224,1.000,bicubic,+4.119,+0.808,+5
cait_s24_384,89.500,10.500,98.362,1.638,47.06,384,1.000,bicubic,+4.456,+1.012,+17
dm_nfnet_f3,89.478,10.522,98.392,1.608,254.92,416,0.940,bicubic,+3.946,+0.934,-3
xcit_medium_24_p16_384_dist,89.476,10.524,98.296,1.704,84.40,384,1.000,bicubic,+4.050,+0.888,0
dm_nfnet_f5,89.451,10.549,98.309,1.691,377.21,544,0.954,bicubic,+3.645,+0.827,-10
beit_base_patch16_224,89.438,10.562,98.520,1.480,86.53,224,0.900,bicubic,+4.198,+0.866,+4
deit_base_distilled_patch16_384,89.431,10.569,98.444,1.556,87.63,384,1.000,bicubic,+4.009,+1.111,-2
tf_efficientnet_b7_ap,89.419,10.581,98.341,1.659,66.35,600,0.949,bicubic,+4.299,+1.091,+4
tf_efficientnetv2_l,89.361,10.639,98.273,1.727,118.52,480,1.000,bicubic,+3.859,+0.903,-8
tf_efficientnet_b6_ap,89.338,10.662,98.281,1.719,43.04,528,0.942,bicubic,+4.554,+1.143,+18
tf_efficientnet_b8,89.338,10.662,98.305,1.695,87.41,672,0.954,bicubic,+3.988,+0.913,-3
tf_efficientnet_b4_ns,89.323,10.678,98.352,1.648,19.34,380,0.922,bicubic,+4.172,+0.882,-1
vit_large_patch16_224,89.308,10.692,98.397,1.603,304.33,224,0.900,bicubic,+3.470,+0.571,-20
xcit_small_24_p16_384_dist,89.305,10.694,98.332,1.667,47.67,384,1.000,bicubic,+4.201,+1.016,-1
xcit_medium_24_p8_224_dist,89.286,10.714,98.194,1.806,84.32,224,1.000,bicubic,+4.218,+0.918,+1
tf_efficientnetv2_m,89.284,10.716,98.241,1.759,54.14,480,1.000,bicubic,+4.238,+0.957,+2
xcit_small_24_p8_224_dist,89.207,10.793,98.249,1.751,47.63,224,1.000,bicubic,+4.331,+1.051,+9
xcit_small_12_p16_384_dist,89.203,10.797,98.219,1.781,26.25,384,1.000,bicubic,+4.489,+1.103,+12
swin_base_patch4_window7_224,89.190,10.810,98.424,1.576,87.77,224,0.900,bicubic,+3.922,+0.866,-10
eca_nfnet_l2,89.158,10.842,98.313,1.687,56.72,384,1.000,bicubic,+4.438,+1.055,+9
cait_xs24_384,89.143,10.857,98.290,1.710,26.67,384,1.000,bicubic,+5.089,+1.404,+32
ig_resnext101_32x32d,89.109,10.891,98.185,1.815,468.53,224,0.875,bilinear,+4.015,+0.747,-8
ig_resnext101_32x48d,89.107,10.893,98.127,1.873,828.41,224,0.875,bilinear,+3.677,+0.545,-20
tf_efficientnet_b7,89.086,10.914,98.181,1.819,66.35,600,0.949,bicubic,+4.150,+0.975,0
ecaresnet269d,89.075,10.925,98.236,1.764,102.09,352,1.000,bicubic,+4.089,+1.008,-4
xcit_large_24_p16_224_dist,89.045,10.955,98.066,1.934,189.10,224,1.000,bicubic,+4.115,+0.936,-1
resmlp_big_24_224_in22ft1k,89.019,10.981,98.215,1.785,129.14,224,0.875,bicubic,+4.595,+1.099,+12
xcit_small_12_p8_224_dist,89.007,10.993,98.078,1.922,26.21,224,1.000,bicubic,+4.767,+1.206,+19
efficientnetv2_rw_m,88.994,11.006,98.211,1.789,53.24,416,1.000,bicubic,+4.172,+1.065,-2
dm_nfnet_f2,88.985,11.015,98.187,1.813,193.78,352,0.920,bicubic,+3.939,+0.949,-13
tf_efficientnet_b5_ap,88.936,11.064,98.168,1.832,30.39,456,0.934,bicubic,+4.678,+1.192,+15
dm_nfnet_f1,88.915,11.085,98.115,1.885,132.63,320,0.910,bicubic,+4.291,+1.019,0
tf_efficientnetv2_s_in21ft1k,88.889,11.111,98.275,1.725,21.46,384,1.000,bicubic,+4.593,+1.019,+9
vit_base_patch16_224,88.857,11.143,98.232,1.768,86.57,224,0.900,bicubic,+4.317,+0.926,-1
resnetrs270,88.836,11.164,98.140,1.860,129.86,352,1.000,bicubic,+4.396,+0.986,+2
resnetrs420,88.832,11.168,98.021,1.979,191.89,416,1.000,bicubic,+3.824,+0.895,-16
vit_small_r26_s32_384,88.814,11.186,98.335,1.665,36.47,384,1.000,bicubic,+4.764,+1.013,+17
xcit_medium_24_p16_224_dist,88.806,11.194,98.038,1.962,84.40,224,1.000,bicubic,+4.528,+1.096,+5
ig_resnext101_32x16d,88.804,11.196,98.049,1.951,194.03,224,0.875,bilinear,+4.638,+0.853,+10
seresnet152d,88.804,11.196,98.174,1.825,66.84,320,1.000,bicubic,+4.442,+1.132,+1
vit_base_r50_s16_384,88.804,11.196,98.241,1.759,98.95,384,1.000,bicubic,+3.820,+0.943,-19
xcit_tiny_24_p8_384_dist,88.784,11.216,98.160,1.840,12.11,384,1.000,bicubic,+5.020,+1.456,+27
resnetrs350,88.757,11.243,98.038,1.962,163.96,384,1.000,bicubic,+4.045,+1.048,-12
swsl_resnext101_32x8d,88.757,11.243,98.140,1.860,88.79,224,0.875,bilinear,+4.483,+0.966,+1
tf_efficientnet_b6,88.757,11.243,98.066,1.934,43.04,528,0.942,bicubic,+4.645,+1.178,+6
vit_base_patch16_224_miil,88.748,11.252,98.029,1.971,86.54,224,0.875,bilinear,+4.472,+1.231,-2
resnetv2_152x2_bitm,88.708,11.292,98.303,1.697,236.34,448,1.000,bilinear,+4.256,+0.867,-12
regnety_160,88.697,11.303,98.066,1.934,83.59,288,1.000,bicubic,+4.995,+1.284,+24
pit_b_distilled_224,88.678,11.322,98.096,1.905,74.79,224,0.900,bicubic,+4.520,+1.238,+1
regnetz_d,88.652,11.348,98.087,1.913,27.58,320,0.950,bicubic,+4.618,+1.217,+6
eca_nfnet_l1,88.633,11.367,98.132,1.868,41.41,320,1.000,bicubic,+4.601,+1.100,+6
vit_small_patch16_384,88.624,11.376,98.239,1.761,22.20,384,1.000,bicubic,+4.830,+1.131,+16
resnetrs200,88.597,11.403,98.038,1.962,93.21,320,1.000,bicubic,+4.539,+1.164,-1
resnetv2_152x4_bitm,88.552,11.448,98.189,1.810,936.53,480,1.000,bilinear,+3.614,+0.731,-31
xcit_small_24_p16_224_dist,88.535,11.465,98.002,1.998,47.67,224,1.000,bicubic,+4.661,+1.274,+6
resnet200d,88.533,11.467,97.957,2.043,64.69,320,1.000,bicubic,+4.563,+1.139,+3
resnest269e,88.526,11.474,98.021,1.979,110.93,416,0.928,bicubic,+4.002,+1.035,-23
efficientnetv2_rw_s,88.484,11.517,97.976,2.024,23.94,384,1.000,bicubic,+4.654,+1.254,+7
crossvit_18_dagger_408,88.477,11.523,97.895,2.105,44.61,408,1.000,bicubic,+4.293,+1.073,-11
cait_s24_224,88.451,11.549,97.950,2.050,46.92,224,1.000,bicubic,+4.989,+1.384,+17
resmlp_big_24_distilled_224,88.447,11.553,97.940,2.060,129.14,224,0.875,bicubic,+4.851,+1.284,+14
tf_efficientnet_b3_ns,88.441,11.559,98.031,1.968,12.23,300,0.904,bicubic,+4.399,+1.124,-7
resnetv2_101x3_bitm,88.430,11.570,98.153,1.847,387.93,448,1.000,bilinear,+4.000,+0.781,-25
resnest200e,88.424,11.576,98.049,1.951,70.20,320,0.909,bicubic,+4.576,+1.159,-2
vit_large_r50_s32_224,88.424,11.576,98.072,1.928,328.99,224,0.900,bicubic,+3.984,+1.102,-29
resnetv2_50x3_bitm,88.415,11.585,98.183,1.817,217.32,448,1.000,bilinear,+4.431,+1.053,-8
tf_efficientnetv2_s,88.396,11.604,97.927,2.073,21.46,384,1.000,bicubic,+4.498,+1.229,-7
efficientnet_b4,88.366,11.634,97.957,2.043,19.34,384,1.000,bicubic,+4.936,+1.363,+10
tf_efficientnet_b4_ap,88.351,11.649,97.891,2.109,19.34,380,0.922,bicubic,+5.093,+1.495,+16
resnet152d,88.347,11.653,97.929,2.071,60.21,320,1.000,bicubic,+4.683,+1.195,+4
tf_efficientnet_b5,88.315,11.685,97.914,2.086,30.39,456,0.934,bicubic,+4.505,+1.166,-4
crossvit_15_dagger_408,88.298,11.702,97.874,2.127,28.50,408,1.000,bicubic,+4.472,+1.088,-6
xcit_small_12_p16_224_dist,88.251,11.749,97.856,2.144,26.25,224,1.000,bicubic,+4.901,+1.434,+9
resnetrs152,88.246,11.754,97.733,2.267,86.62,320,1.000,bicubic,+4.537,+1.123,-3
deit_base_distilled_patch16_224,88.217,11.783,97.920,2.080,87.34,224,0.900,bicubic,+4.829,+1.430,+4
ig_resnext101_32x8d,88.161,11.839,97.856,2.144,88.79,224,0.875,bilinear,+5.451,+1.216,+28
xcit_large_24_p8_224,88.161,11.839,97.387,2.613,188.93,224,1.000,bicubic,+3.779,+0.731,-37
xcit_tiny_24_p16_384_dist,88.161,11.839,97.950,2.050,12.12,384,1.000,bicubic,+5.593,+1.656,+33
cait_xxs36_384,88.142,11.858,97.914,2.086,17.37,384,1.000,bicubic,+5.952,+1.754,+53
resnetv2_152x2_bit_teacher_384,88.142,11.858,98.044,1.956,236.34,384,1.000,bicubic,+4.298,+0.926,-16
dm_nfnet_f0,88.135,11.865,97.850,2.150,71.49,256,0.900,bicubic,+4.751,+1.270,-1
xcit_tiny_12_p8_384_dist,88.093,11.907,97.923,2.077,6.71,384,1.000,bicubic,+5.701,+1.705,+36
swsl_resnext101_32x4d,88.086,11.914,97.974,2.026,44.18,224,0.875,bilinear,+4.860,+1.206,+4
xcit_tiny_24_p8_224_dist,88.048,11.952,97.818,2.182,12.11,224,1.000,bicubic,+5.472,+1.638,+26
nfnet_l0,87.980,12.020,97.865,2.135,35.07,288,1.000,bicubic,+5.228,+1.349,+16
xcit_small_24_p8_224,87.975,12.025,97.575,2.425,47.63,224,1.000,bicubic,+4.129,+0.943,-23
eca_nfnet_l0,87.973,12.027,97.874,2.127,24.14,288,1.000,bicubic,+5.381,+1.388,+20
tf_efficientnet_b4,87.963,12.037,97.737,2.263,19.34,380,0.922,bicubic,+4.933,+1.439,+6
resnet101d,87.945,12.055,97.903,2.097,44.57,320,1.000,bicubic,+4.921,+1.447,+6
regnety_032,87.926,12.074,97.888,2.112,19.44,288,1.000,bicubic,+5.204,+1.456,+12
twins_svt_large,87.907,12.093,97.581,2.419,99.27,224,0.900,bicubic,+4.223,+0.971,-18
vit_base_patch32_384,87.898,12.101,98.021,1.979,88.30,384,1.000,bicubic,+4.552,+1.177,-9
twins_pcpvt_large,87.879,12.121,97.859,2.142,60.99,224,0.900,bicubic,+4.741,+1.251,-5
regnetz_c,87.854,12.146,97.816,2.184,13.46,320,0.940,bicubic,+5.338,+1.456,+19
deit_base_patch16_384,87.852,12.149,97.510,2.490,86.86,384,1.000,bicubic,+4.745,+1.134,-4
xcit_small_12_p8_224,87.832,12.168,97.564,2.436,26.21,224,1.000,bicubic,+4.486,+1.088,-12
resnetv2_50x1_bit_distilled,87.802,12.198,97.901,2.099,25.55,224,0.875,bicubic,+4.980,+1.377,+2
tresnet_xl_448,87.792,12.208,97.466,2.534,78.44,448,0.875,bilinear,+4.736,+1.282,-5
tresnet_m,87.734,12.266,97.530,2.470,31.39,224,0.875,bilinear,+4.658,+1.404,-7
twins_pcpvt_base,87.728,12.272,97.728,2.272,43.83,224,0.900,bicubic,+5.016,+1.380,+3
gc_efficientnetv2_rw_t,87.717,12.283,97.805,2.195,13.68,288,1.000,bicubic,+5.239,+1.509,+14
swin_small_patch4_window7_224,87.678,12.322,97.570,2.430,49.61,224,0.900,bicubic,+4.453,+1.240,-16
resnetv2_101x1_bitm,87.670,12.330,97.942,2.058,44.54,448,1.000,bilinear,+5.340,+1.414,+20
pnasnet5large,87.657,12.343,97.487,2.513,86.06,331,0.911,bicubic,+4.859,+1.453,-4
efficientnetv2_rw_t,87.653,12.347,97.681,2.319,13.65,288,1.000,bicubic,+5.315,+1.487,+17
twins_svt_base,87.629,12.371,97.523,2.477,56.07,224,0.900,bicubic,+4.505,+1.095,-17
xcit_medium_24_p8_224,87.619,12.381,97.192,2.808,84.32,224,1.000,bicubic,+3.883,+0.806,-37
jx_nest_base,87.602,12.398,97.513,2.487,67.72,224,0.875,bicubic,+4.048,+1.149,-32
swsl_resnext101_32x16d,87.595,12.405,97.818,2.182,194.03,224,0.875,bilinear,+4.241,+0.982,-28
swsl_resnext50_32x4d,87.593,12.407,97.654,2.346,25.03,224,0.875,bilinear,+5.427,+1.420,+24
levit_384,87.559,12.441,97.545,2.455,39.13,224,0.900,bicubic,+4.967,+1.531,-3
tf_efficientnet_b2_ns,87.559,12.441,97.626,2.374,9.11,260,0.890,bicubic,+5.169,+1.386,+7
ecaresnet50t,87.546,12.454,97.649,2.351,25.57,320,0.950,bicubic,+5.182,+1.507,+8
jx_nest_small,87.495,12.505,97.521,2.479,38.35,224,0.875,bicubic,+4.377,+1.189,-24
resnetv2_152x2_bit_teacher,87.491,12.509,97.807,2.193,236.34,224,0.875,bicubic,+4.589,+1.239,-19
efficientnet_b3,87.452,12.548,97.679,2.321,12.23,320,1.000,bicubic,+5.194,+1.563,+14
resnet61q,87.433,12.567,97.605,2.396,36.85,288,1.000,bicubic,+4.911,+1.471,-5
cait_xxs24_384,87.399,12.601,97.613,2.387,12.03,384,1.000,bicubic,+6.445,+1.975,+67
resnet51q,87.388,12.612,97.581,2.419,35.70,288,1.000,bilinear,+5.020,+1.405,+1
xcit_tiny_24_p8_224,87.375,12.625,97.634,2.366,12.11,224,1.000,bicubic,+5.481,+1.650,+22
tresnet_l_448,87.373,12.627,97.489,2.511,55.99,448,0.875,bilinear,+5.111,+1.509,+8
coat_lite_small,87.365,12.635,97.368,2.632,19.84,224,0.900,bicubic,+5.063,+1.508,+3
nasnetalarge,87.352,12.648,97.412,2.588,88.75,331,0.911,bicubic,+4.716,+1.362,-18
crossvit_18_dagger_240,87.335,12.665,97.453,2.547,44.27,240,0.875,bicubic,+4.829,+1.381,-10
crossvit_18_240,87.307,12.693,97.485,2.515,43.27,240,0.875,bicubic,+4.913,+1.423,-8
resnetv2_101,87.296,12.704,97.329,2.671,44.54,224,0.950,bicubic,+5.264,+1.465,+11
ecaresnet101d,87.281,12.719,97.560,2.440,44.57,224,0.875,bicubic,+5.109,+1.506,+6
pit_s_distilled_224,87.264,12.736,97.504,2.496,24.04,224,0.900,bicubic,+5.270,+1.704,+10
resnest101e,87.262,12.738,97.558,2.442,48.28,256,0.875,bilinear,+4.386,+1.245,-31
resnetrs101,87.243,12.757,97.455,2.545,63.62,288,0.940,bicubic,+4.949,+1.453,-3
mixer_b16_224_miil,87.230,12.770,97.417,2.583,59.88,224,0.875,bilinear,+4.928,+1.703,-5
tresnet_xl,87.230,12.770,97.400,2.600,78.44,224,0.875,bilinear,+5.172,+1.468,+4
xcit_tiny_12_p8_224_dist,87.224,12.776,97.442,2.558,6.71,224,1.000,bicubic,+6.010,+1.836,+38
convit_base,87.205,12.795,97.295,2.705,86.54,224,0.875,bicubic,+4.913,+1.361,-6
tf_efficientnet_b3_ap,87.198,12.802,97.382,2.618,12.23,300,0.904,bicubic,+5.376,+1.762,+10
xcit_tiny_12_p16_384_dist,87.198,12.802,97.468,2.532,6.72,384,1.000,bicubic,+6.254,+2.054,+50
visformer_small,87.185,12.815,97.320,2.679,40.22,224,0.900,bicubic,+5.089,+1.443,-2
crossvit_15_dagger_240,87.153,12.847,97.440,2.560,28.21,240,0.875,bicubic,+4.843,+1.478,-14
xcit_small_24_p16_224,87.136,12.864,97.256,2.744,47.67,224,1.000,bicubic,+4.558,+1.256,-30
convit_small,87.044,12.956,97.348,2.652,27.78,224,0.875,bicubic,+5.632,+1.602,+19
crossvit_15_240,87.038,12.962,97.423,2.577,27.53,240,0.875,bicubic,+5.512,+1.729,+11
jx_nest_tiny,87.014,12.986,97.380,2.620,17.06,224,0.875,bicubic,+5.581,+1.760,+16
tf_efficientnetv2_b3,87.014,12.986,97.303,2.697,14.36,300,0.904,bicubic,+5.061,+1.519,-2
regnetz_b,87.012,12.988,97.429,2.571,9.72,288,0.940,bicubic,+6.294,+1.955,+53
xcit_small_12_p16_224,87.000,13.000,97.248,2.752,26.25,224,1.000,bicubic,+5.024,+1.430,-5
deit_small_distilled_patch16_224,86.993,13.007,97.316,2.684,22.44,224,0.900,bicubic,+5.791,+1.938,+26
resmlp_36_distilled_224,86.987,13.013,97.273,2.727,44.69,224,0.875,bicubic,+5.833,+1.777,+26
xcit_large_24_p16_224,86.961,13.039,96.923,3.077,189.10,224,1.000,bicubic,+4.063,+1.041,-51
xcit_medium_24_p16_224,86.940,13.060,97.096,2.904,84.40,224,1.000,bicubic,+4.314,+1.120,-43
tnt_s_patch16_224,86.901,13.099,97.361,2.639,23.76,224,0.900,bicubic,+5.387,+1.617,+3
convmixer_1536_20,86.861,13.139,97.346,2.654,51.63,224,0.960,bicubic,+5.485,+1.736,+12
rexnet_200,86.854,13.146,97.282,2.718,16.37,224,0.875,bicubic,+5.228,+1.610,-3
vit_small_patch16_224,86.852,13.148,97.598,2.402,22.05,224,0.900,bicubic,+5.466,+1.468,+8
ssl_resnext101_32x16d,86.850,13.150,97.519,2.481,194.03,224,0.875,bilinear,+5.006,+1.429,-11
tf_efficientnet_b3,86.842,13.158,97.293,2.707,12.23,300,0.904,bicubic,+5.196,+1.573,-7
vit_small_r26_s32_224,86.840,13.161,97.532,2.468,36.43,224,0.900,bicubic,+5.001,+1.506,-12
deit_base_patch16_224,86.827,13.173,97.056,2.944,86.57,224,0.900,bicubic,+4.843,+1.314,-18
tresnet_m_448,86.814,13.186,97.210,2.791,31.39,448,0.875,bilinear,+5.100,+1.640,-12
coat_mini,86.810,13.190,97.167,2.833,10.34,224,0.900,bicubic,+5.528,+1.773,+9
swsl_resnet50,86.801,13.199,97.491,2.509,25.56,224,0.875,bilinear,+5.655,+1.513,+14
tf_efficientnet_lite4,86.799,13.201,97.256,2.744,13.01,380,0.920,bilinear,+5.259,+1.596,-10
ssl_resnext101_32x8d,86.797,13.203,97.470,2.530,88.79,224,0.875,bilinear,+5.197,+1.424,-12
tresnet_l,86.754,13.246,97.271,2.729,55.99,224,0.875,bilinear,+5.270,+1.651,-7
twins_svt_small,86.754,13.246,97.175,2.825,24.06,224,0.900,bicubic,+5.072,+1.497,-17
crossvit_base_240,86.735,13.265,97.122,2.878,105.03,240,0.875,bicubic,+4.529,+1.294,-34
levit_256,86.733,13.267,97.261,2.739,18.89,224,0.900,bicubic,+5.231,+1.781,-11
crossvit_small_240,86.705,13.295,97.284,2.716,26.86,240,0.875,bicubic,+5.675,+1.818,+13
seresnext50_32x4d,86.705,13.295,97.207,2.793,27.56,224,0.875,bicubic,+5.437,+1.581,+1
pit_b_224,86.690,13.310,96.894,3.107,73.76,224,0.900,bicubic,+4.246,+1.181,-53
tf_efficientnet_b1_ns,86.681,13.319,97.380,2.620,7.79,240,0.882,bicubic,+5.297,+1.642,-8
swin_tiny_patch4_window7_224,86.671,13.329,97.199,2.801,28.29,224,0.900,bicubic,+5.285,+1.663,-11
gernet_l,86.652,13.348,97.195,2.805,31.08,256,0.875,bilinear,+5.306,+1.659,-7
wide_resnet50_2,86.647,13.353,97.205,2.795,68.88,224,0.875,bicubic,+5.197,+1.687,-16
efficientnet_el,86.622,13.378,97.182,2.818,10.59,300,0.904,bicubic,+5.316,+1.646,-7
twins_pcpvt_small,86.609,13.391,97.342,2.658,24.11,224,0.900,bicubic,+5.505,+1.700,+1
resmlp_24_distilled_224,86.607,13.393,97.137,2.863,30.02,224,0.875,bicubic,+5.847,+1.917,+18
nf_resnet50,86.598,13.402,97.295,2.705,25.56,288,0.940,bicubic,+5.942,+1.959,+21
efficientnet_b3_pruned,86.585,13.415,97.186,2.814,9.86,300,0.904,bicubic,+5.727,+1.946,+13
sehalonet33ts,86.585,13.415,97.004,2.995,13.69,256,0.940,bicubic,+5.603,+1.732,+4
resnest50d_4s2x40d,86.581,13.419,97.271,2.729,30.42,224,0.875,bicubic,+5.461,+1.711,-5
repvgg_b3,86.570,13.430,97.143,2.857,123.09,224,0.875,bilinear,+6.054,+1.879,+23
xcit_tiny_24_p16_224_dist,86.543,13.457,97.214,2.786,12.12,224,1.000,bicubic,+6.081,+2.006,+26
ecaresnet50d,86.479,13.521,97.186,2.814,25.58,224,0.875,bicubic,+5.859,+1.878,+17
ssl_resnext101_32x4d,86.474,13.526,97.468,2.532,44.18,224,0.875,bilinear,+5.552,+1.738,+4
gcresnet50t,86.459,13.541,97.141,2.859,25.90,256,0.900,bicubic,+5.521,+1.701,+2
gluon_resnet152_v1s,86.453,13.547,97.122,2.878,60.32,224,0.875,bicubic,+5.433,+1.700,-5
haloregnetz_b,86.449,13.551,96.938,3.062,11.68,224,0.940,bicubic,+5.407,+1.738,-9
resnest50d_1s4x24d,86.440,13.560,97.152,2.848,25.68,224,0.875,bicubic,+5.440,+1.826,-6
resnetv2_50x1_bitm,86.440,13.560,97.605,2.396,25.55,448,1.000,bilinear,+6.096,+1.918,+27
repvgg_b3g4,86.359,13.641,97.052,2.949,83.83,224,0.875,bilinear,+6.141,+1.948,+38
legacy_senet154,86.334,13.666,96.925,3.075,115.09,224,0.875,bilinear,+5.007,+1.419,-25
gernet_m,86.325,13.675,97.092,2.908,21.14,224,0.875,bilinear,+5.599,+1.914,+4
cait_xxs36_224,86.321,13.679,97.113,2.887,17.30,224,1.000,bicubic,+6.559,+2.245,+62
pit_s_224,86.319,13.681,97.045,2.955,23.46,224,0.900,bicubic,+5.219,+1.711,-17
efficientnet_b2,86.310,13.690,96.990,3.010,9.11,288,1.000,bicubic,+5.700,+1.674,+6
vit_small_patch32_384,86.304,13.696,97.417,2.583,22.92,384,1.000,bicubic,+5.818,+1.819,+9
gluon_senet154,86.274,13.726,96.936,3.064,115.09,224,0.875,bicubic,+5.050,+1.584,-27
resnest50d,86.231,13.769,97.064,2.936,27.48,224,0.875,bilinear,+5.269,+1.686,-14
convmixer_768_32,86.220,13.780,97.030,2.970,21.11,224,0.960,bicubic,+6.060,+1.956,+32
efficientnet_el_pruned,86.188,13.812,97.022,2.978,10.59,300,0.904,bicubic,+5.900,+1.800,+21
ecaresnet101d_pruned,86.182,13.818,97.342,2.658,24.88,224,0.875,bicubic,+5.370,+1.702,-9
halonet50ts,86.175,13.825,96.785,3.215,22.73,256,0.940,bicubic,+4.826,+1.501,-38
rexnet_150,86.165,13.835,97.071,2.929,9.73,224,0.875,bicubic,+5.855,+1.911,+15
cspdarknet53,86.152,13.848,97.013,2.987,27.64,256,0.887,bilinear,+6.102,+1.921,+34
inception_v4,86.152,13.848,96.921,3.079,42.68,299,0.875,bicubic,+6.008,+1.949,+27
inception_resnet_v2,86.120,13.880,97.041,2.959,55.84,299,0.897,bicubic,+5.672,+1.733,+4
xcit_tiny_12_p8_224,86.118,13.882,97.084,2.917,6.71,224,1.000,bicubic,+6.408,+2.026,+50
ssl_resnext50_32x4d,86.075,13.925,97.212,2.788,25.03,224,0.875,bilinear,+5.773,+1.794,+12
tf_efficientnet_el,86.071,13.929,96.966,3.034,10.59,300,0.904,bicubic,+5.823,+1.842,+16
ecaresnetlight,86.045,13.955,97.069,2.931,30.16,224,0.875,bicubic,+5.591,+1.817,-1
gluon_resnet101_v1s,86.037,13.963,97.026,2.974,44.67,224,0.875,bicubic,+5.755,+1.864,+11
resnetv2_50,86.020,13.980,96.911,3.089,25.55,224,0.950,bicubic,+5.614,+1.831,-1
gcresnext50ts,86.009,13.991,96.966,3.034,15.67,256,0.900,bicubic,+5.415,+1.786,-11
gluon_seresnext101_32x4d,86.007,13.993,96.979,3.021,48.96,224,0.875,bicubic,+5.131,+1.687,-25
seresnet33ts,86.005,13.995,97.009,2.991,19.78,256,0.900,bicubic,+5.633,+1.895,0
resnet50d,85.994,14.006,96.985,3.015,25.58,224,0.875,bicubic,+5.456,+1.825,-13
tf_efficientnet_b2_ap,85.977,14.023,96.808,3.192,9.11,260,0.890,bicubic,+5.671,+1.776,+2
ecaresnet26t,85.964,14.036,97.032,2.968,16.01,320,0.950,bicubic,+6.130,+1.948,+32
vit_base_patch32_224,85.960,14.040,97.128,2.872,88.22,224,0.900,bicubic,+5.228,+1.562,-24
gluon_seresnext101_64x4d,85.951,14.049,96.987,3.013,88.23,224,0.875,bicubic,+5.081,+1.681,-30
gluon_resnet152_v1d,85.906,14.094,96.808,3.192,60.21,224,0.875,bicubic,+5.430,+1.606,-15
vit_large_patch32_384,85.902,14.098,97.370,2.630,306.63,384,1.000,bicubic,+4.396,+1.284,-68
tf_efficientnetv2_b2,85.900,14.100,96.883,3.117,10.10,260,0.890,bicubic,+5.686,+1.839,+6
tf_efficientnet_b2,85.881,14.119,96.855,3.145,9.11,260,0.890,bicubic,+5.813,+1.951,+12
vit_base_patch16_sam_224,85.879,14.121,96.706,3.294,86.57,224,0.900,bicubic,+5.637,+1.944,+1
repvgg_b2g4,85.857,14.143,96.821,3.179,61.76,224,0.875,bilinear,+6.477,+2.127,+48
seresnet50,85.830,14.170,97.002,2.998,28.09,224,0.875,bicubic,+5.582,+1.932,-3
gluon_resnet101_v1d,85.827,14.173,96.661,3.339,44.57,224,0.875,bicubic,+5.423,+1.637,-16
gcresnet33ts,85.804,14.196,96.896,3.104,19.88,256,0.900,bicubic,+5.718,+1.904,+6
mixnet_xl,85.785,14.215,96.721,3.280,11.90,224,0.875,bicubic,+5.317,+1.788,-23
ens_adv_inception_resnet_v2,85.781,14.220,96.757,3.243,55.84,299,0.897,bicubic,+5.802,+1.821,+9
cspresnext50,85.763,14.237,96.838,3.162,20.57,224,0.875,bilinear,+5.711,+1.888,+5
tf_efficientnet_lite3,85.759,14.241,96.894,3.107,8.20,300,0.904,bilinear,+5.939,+1.984,+19
gluon_resnext101_32x4d,85.744,14.256,96.616,3.384,44.18,224,0.875,bicubic,+5.406,+1.708,-17
ese_vovnet39b,85.742,14.258,96.902,3.098,24.57,224,0.875,bicubic,+6.438,+2.178,+44
legacy_seresnext101_32x4d,85.738,14.262,96.763,3.237,48.96,224,0.875,bilinear,+5.516,+1.751,-9
eca_resnet33ts,85.736,14.264,96.900,3.100,19.68,256,0.900,bicubic,+5.640,+1.926,-3
xcit_tiny_24_p16_224,85.736,14.264,96.938,3.062,12.12,224,1.000,bicubic,+6.284,+2.050,+33
cspresnet50,85.725,14.275,96.802,3.198,21.62,256,0.887,bilinear,+6.149,+2.100,+26
regnety_320,85.723,14.277,96.727,3.273,145.05,224,0.875,bicubic,+4.929,+1.481,-47
gluon_resnext101_64x4d,85.704,14.296,96.646,3.354,83.46,224,0.875,bicubic,+5.078,+1.644,-42
resnet50,85.704,14.296,96.490,3.510,25.56,224,0.950,bicubic,+5.322,+1.896,-28
resmlp_big_24_224,85.697,14.303,96.417,3.583,129.14,224,0.875,bicubic,+4.665,+1.395,-64
xception71,85.693,14.307,96.772,3.228,42.34,299,0.903,bicubic,+5.809,+1.840,0
efficientnet_em,85.691,14.309,96.941,3.059,6.90,240,0.882,bicubic,+6.431,+2.148,+40
deit_small_patch16_224,85.663,14.337,96.906,3.094,22.05,224,0.900,bicubic,+5.797,+1.850,+1
dpn107,85.650,14.350,96.725,3.275,86.92,224,0.875,bicubic,+5.478,+1.821,-17
pit_xs_distilled_224,85.644,14.356,96.665,3.335,11.00,224,0.900,bicubic,+6.350,+2.291,+35
efficientnet_b2_pruned,85.637,14.363,96.746,3.254,8.31,260,0.890,bicubic,+5.731,+1.892,-6
resmlp_36_224,85.623,14.377,96.795,3.205,44.69,224,0.875,bicubic,+5.846,+1.909,+4
levit_192,85.586,14.414,96.744,3.256,10.95,224,0.900,bicubic,+5.726,+1.942,-3
gluon_resnet152_v1c,85.576,14.425,96.652,3.348,60.21,224,0.875,bicubic,+5.664,+1.800,-10
ecaresnet50d_pruned,85.573,14.427,96.934,3.066,19.94,224,0.875,bicubic,+5.867,+2.060,+5
resnext50d_32x4d,85.561,14.439,96.746,3.254,25.05,224,0.875,bicubic,+5.897,+1.880,+7
tf_efficientnetv2_b1,85.556,14.444,96.721,3.280,8.14,240,0.882,bicubic,+6.082,+2.001,+14
regnety_120,85.541,14.459,96.774,3.226,51.82,224,0.875,bicubic,+5.155,+1.652,-43
regnetx_320,85.516,14.484,96.667,3.333,107.81,224,0.875,bicubic,+5.268,+1.641,-34
nf_regnet_b1,85.496,14.504,96.791,3.209,10.22,288,0.900,bicubic,+6.200,+2.049,+24
dpn92,85.484,14.516,96.635,3.365,37.67,224,0.875,bicubic,+5.490,+1.799,-20
rexnet_130,85.465,14.536,96.686,3.314,7.56,224,0.875,bicubic,+5.968,+2.012,+8
gluon_resnet152_v1b,85.458,14.542,96.560,3.440,60.19,224,0.875,bicubic,+5.778,+1.824,-1
resnetrs50,85.433,14.568,96.731,3.269,35.69,224,0.910,bicubic,+5.562,+1.761,-16
dpn131,85.411,14.589,96.637,3.363,79.25,224,0.875,bicubic,+5.577,+1.925,-14
dla102x2,85.383,14.617,96.635,3.365,41.28,224,0.875,bilinear,+5.943,+1.991,+8
regnetx_160,85.364,14.636,96.633,3.367,54.28,224,0.875,bicubic,+5.530,+1.809,-14
gmlp_s16_224,85.349,14.651,96.641,3.358,19.42,224,0.875,bicubic,+5.707,+2.019,-3
gluon_seresnext50_32x4d,85.343,14.657,96.671,3.329,27.56,224,0.875,bicubic,+5.419,+1.843,-26
skresnext50_32x4d,85.315,14.685,96.394,3.606,27.48,224,0.875,bicubic,+5.173,+1.750,-35
gluon_resnet101_v1c,85.311,14.689,96.415,3.585,44.57,224,0.875,bicubic,+5.777,+1.827,-2
dpn98,85.309,14.691,96.466,3.534,61.57,224,0.875,bicubic,+5.655,+1.862,-8
xception65,85.304,14.696,96.633,3.367,39.92,299,0.903,bicubic,+5.758,+1.973,-5
lambda_resnet26t,85.300,14.700,96.723,3.277,10.96,256,0.940,bicubic,+6.192,+2.135,+21
regnety_064,85.287,14.713,96.633,3.367,30.58,224,0.875,bicubic,+5.557,+1.871,-17
dpn68b,85.285,14.715,96.473,3.527,12.61,224,0.875,bicubic,+6.069,+2.051,+15
resnetblur50,85.277,14.723,96.516,3.484,25.56,224,0.875,bicubic,+5.977,+1.986,+5
resmlp_24_224,85.275,14.726,96.499,3.502,30.02,224,0.875,bicubic,+5.888,+1.953,-3
coat_lite_mini,85.249,14.751,96.684,3.316,11.01,224,0.900,bicubic,+6.149,+2.082,+17
resnet33ts,85.242,14.758,96.620,3.380,19.68,256,0.900,bicubic,+6.028,+2.048,+12
resnext50_32x4d,85.232,14.768,96.526,3.474,25.03,224,0.875,bicubic,+5.432,+1.912,-27
regnety_080,85.232,14.768,96.635,3.365,39.18,224,0.875,bicubic,+5.360,+1.803,-34
cait_xxs24_224,85.221,14.779,96.718,3.282,11.96,224,1.000,bicubic,+6.845,+2.402,+50
halonet26t,85.213,14.787,96.466,3.534,12.48,256,0.950,bicubic,+6.079,+2.150,+10
xcit_tiny_12_p16_224_dist,85.206,14.794,96.605,3.395,6.72,224,1.000,bicubic,+6.626,+2.401,+33
resnext101_32x8d,85.187,14.813,96.449,3.551,88.79,224,0.875,bilinear,+5.875,+1.927,-6
gluon_inception_v3,85.183,14.817,96.531,3.470,23.83,299,0.875,bicubic,+6.385,+2.151,+24
resnet32ts,85.174,14.826,96.624,3.376,17.96,256,0.900,bicubic,+6.154,+2.262,+13
hrnet_w48,85.155,14.845,96.490,3.510,77.47,224,0.875,bilinear,+5.833,+1.976,-10
regnetx_120,85.138,14.862,96.473,3.527,46.11,224,0.875,bicubic,+5.532,+1.743,-24
gluon_resnet101_v1b,85.129,14.871,96.370,3.630,44.55,224,0.875,bicubic,+5.829,+1.734,-8
tf_efficientnet_b1_ap,85.129,14.871,96.407,3.593,7.79,240,0.882,bicubic,+5.855,+2.105,-6
xception,85.129,14.871,96.477,3.523,22.86,299,0.897,bicubic,+6.081,+2.081,+7
gluon_xception65,85.123,14.877,96.599,3.401,39.92,299,0.903,bicubic,+5.421,+1.731,-33
hrnet_w64,85.117,14.883,96.746,3.254,128.06,224,0.875,bilinear,+5.660,+2.092,-23
ssl_resnet50,85.104,14.896,96.862,3.139,25.56,224,0.875,bilinear,+5.868,+2.029,-8
res2net101_26w_4s,85.089,14.911,96.385,3.615,45.21,224,0.875,bilinear,+5.897,+1.947,-4
lambda_resnet26rpt_256,85.084,14.916,96.558,3.442,10.99,256,0.940,bicubic,+6.116,+2.130,+6
tf_efficientnet_cc_b1_8e,85.072,14.928,96.424,3.576,39.72,240,0.882,bicubic,+5.746,+2.056,-21
xcit_nano_12_p8_384_dist,85.029,14.971,96.629,3.371,3.05,384,1.000,bicubic,+7.211,+2.595,+62
gluon_resnext50_32x4d,85.010,14.990,96.426,3.574,25.03,224,0.875,bicubic,+5.646,+2.002,-24
tf_efficientnet_b0_ns,85.003,14.997,96.496,3.504,5.29,224,0.875,bicubic,+6.345,+2.126,+15
resnest26d,84.997,15.003,96.629,3.371,17.07,224,0.875,bilinear,+6.519,+2.333,+20
coat_tiny,84.969,15.031,96.409,3.591,5.50,224,0.900,bicubic,+6.535,+2.375,+25
regnety_040,84.948,15.052,96.601,3.399,20.65,224,0.875,bicubic,+5.720,+1.955,-16
eca_halonext26ts,84.918,15.082,96.445,3.555,10.76,256,0.940,bicubic,+6.078,+2.189,+2
dla169,84.914,15.086,96.522,3.478,53.39,224,0.875,bilinear,+6.216,+2.190,+7
legacy_seresnext50_32x4d,84.909,15.091,96.437,3.563,27.56,224,0.875,bilinear,+5.831,+2.005,-11
tf_efficientnet_b1,84.907,15.093,96.362,3.638,7.79,240,0.882,bicubic,+6.071,+2.168,0
hrnet_w44,84.886,15.114,96.432,3.568,67.06,224,0.875,bilinear,+5.996,+2.050,-4
regnetx_080,84.875,15.125,96.428,3.572,39.57,224,0.875,bicubic,+5.655,+1.882,-21
gluon_resnet50_v1s,84.852,15.148,96.447,3.553,25.68,224,0.875,bicubic,+6.156,+2.199,+3
res2net50_26w_8s,84.843,15.157,96.338,3.662,48.40,224,0.875,bilinear,+5.863,+2.054,-10
dla60_res2next,84.828,15.172,96.413,3.587,17.03,224,0.875,bilinear,+6.386,+2.255,+13
mixnet_l,84.826,15.174,96.328,3.672,7.33,224,0.875,bicubic,+5.846,+2.148,-13
levit_128,84.822,15.178,96.351,3.649,9.21,224,0.900,bicubic,+6.356,+2.341,+8
dla60_res2net,84.820,15.180,96.481,3.519,20.85,224,0.875,bilinear,+6.358,+2.273,+8
vit_tiny_patch16_384,84.820,15.180,96.714,3.286,5.79,384,1.000,bicubic,+6.374,+2.170,+8
tv_resnet152,84.818,15.182,96.219,3.781,60.19,224,0.875,bilinear,+6.496,+2.175,+16
dla102x,84.813,15.187,96.548,3.452,26.31,224,0.875,bilinear,+6.301,+2.322,+1
gluon_resnet50_v1d,84.811,15.189,96.394,3.606,25.58,224,0.875,bicubic,+5.747,+1.934,-23
xception41,84.809,15.191,96.413,3.587,26.97,299,0.903,bicubic,+6.277,+2.129,-2
pit_xs_224,84.783,15.217,96.505,3.495,10.62,224,0.900,bicubic,+6.599,+2.341,+18
regnetx_064,84.783,15.217,96.492,3.508,26.21,224,0.875,bicubic,+5.723,+2.026,-25
hrnet_w40,84.745,15.255,96.556,3.444,57.56,224,0.875,bilinear,+5.819,+2.078,-20
repvgg_b2,84.726,15.274,96.484,3.517,89.02,224,0.875,bilinear,+5.932,+2.058,-14
res2net50_26w_6s,84.724,15.276,96.274,3.726,37.05,224,0.875,bilinear,+6.158,+2.156,-8
resmlp_12_distilled_224,84.707,15.293,96.225,3.775,15.35,224,0.875,bicubic,+6.763,+2.663,+25
legacy_seresnet152,84.696,15.304,96.417,3.583,66.82,224,0.875,bilinear,+6.034,+2.041,-13
selecsls60b,84.655,15.345,96.298,3.702,32.77,224,0.875,bicubic,+6.247,+2.122,0
hrnet_w32,84.653,15.347,96.413,3.587,41.23,224,0.875,bilinear,+6.211,+2.217,-3
bat_resnext26ts,84.640,15.360,96.285,3.715,10.73,256,0.900,bicubic,+6.378,+2.185,+4
tf_efficientnetv2_b0,84.625,15.375,96.272,3.728,7.14,224,0.875,bicubic,+6.255,+2.246,+1
efficientnet_b1,84.615,15.385,96.336,3.664,7.79,256,1.000,bicubic,+5.811,+1.990,-24
regnetx_040,84.600,15.400,96.385,3.615,22.12,224,0.875,bicubic,+6.116,+2.131,-13
efficientnet_es,84.591,15.409,96.315,3.685,5.44,224,0.875,bicubic,+6.509,+2.371,+10
hrnet_w30,84.591,15.409,96.392,3.608,37.71,224,0.875,bilinear,+6.389,+2.164,+3
tf_mixnet_l,84.559,15.441,96.247,3.753,7.33,224,0.875,bicubic,+5.781,+2.247,-25
wide_resnet101_2,84.555,15.445,96.351,3.649,126.89,224,0.875,bilinear,+5.701,+2.067,-32
dla60x,84.529,15.471,96.291,3.709,17.35,224,0.875,bilinear,+6.283,+2.267,-2
legacy_seresnet101,84.502,15.498,96.338,3.662,49.33,224,0.875,bilinear,+6.118,+2.074,-10
resnet26t,84.465,15.535,96.210,3.790,16.01,256,0.940,bicubic,+6.593,+2.376,+14
tf_efficientnet_em,84.463,15.537,96.178,3.822,6.90,240,0.882,bicubic,+6.321,+2.120,0
coat_lite_tiny,84.457,15.543,96.370,3.630,5.72,224,0.900,bicubic,+6.943,+2.454,+28
efficientnet_b1_pruned,84.399,15.601,96.138,3.862,6.33,240,0.882,bicubic,+6.149,+2.302,-8
repvgg_b1,84.399,15.601,96.202,3.798,57.42,224,0.875,bilinear,+6.021,+2.098,-14
res2net50_26w_4s,84.371,15.629,96.080,3.920,25.70,224,0.875,bilinear,+6.385,+2.232,+3
hardcorenas_f,84.322,15.678,96.027,3.973,8.20,224,0.875,bilinear,+6.218,+2.233,-3
res2net50_14w_8s,84.307,15.693,96.074,3.926,25.06,224,0.875,bilinear,+6.173,+2.218,-5
selecsls60,84.282,15.718,96.091,3.909,30.67,224,0.875,bicubic,+6.298,+2.259,+1
regnetx_032,84.230,15.770,96.255,3.745,15.30,224,0.875,bicubic,+6.080,+2.169,-9
res2next50,84.230,15.770,96.003,3.997,24.67,224,0.875,bilinear,+5.988,+2.099,-13
gluon_resnet50_v1c,84.209,15.791,96.165,3.835,25.58,224,0.875,bicubic,+6.203,+2.177,-4
dla102,84.192,15.808,96.223,3.777,33.27,224,0.875,bilinear,+6.164,+2.265,-6
gcresnext26ts,84.181,15.819,96.084,3.916,10.48,256,0.900,bicubic,+6.361,+2.258,+6
rexnet_100,84.173,15.827,96.253,3.747,4.80,224,0.875,bicubic,+6.313,+2.377,+2
tf_inception_v3,84.128,15.872,95.918,4.082,23.83,299,0.875,bicubic,+6.268,+2.272,+2
seresnext26ts,84.124,15.876,96.069,3.931,10.39,256,0.900,bicubic,+6.276,+2.281,+2
res2net50_48w_2s,84.121,15.879,95.965,4.035,25.29,224,0.875,bilinear,+6.588,+2.407,+12
resnet34d,84.104,15.896,95.975,4.025,21.82,224,0.875,bicubic,+6.990,+2.593,+25
tf_efficientnet_lite2,84.092,15.908,96.063,3.937,6.09,260,0.890,bicubic,+6.610,+2.315,+12
xcit_tiny_12_p16_224,84.083,15.917,96.230,3.771,6.72,224,1.000,bicubic,+6.963,+2.512,+22
efficientnet_b0,84.034,15.966,95.956,4.044,5.29,224,0.875,bicubic,+6.330,+2.434,+1
crossvit_9_dagger_240,84.030,15.970,96.080,3.920,8.78,240,0.875,bicubic,+7.040,+2.474,+26
hardcorenas_e,83.972,16.028,95.901,4.099,8.07,224,0.875,bilinear,+6.172,+2.205,-2
gmixer_24_224,83.970,16.030,95.852,4.148,24.72,224,0.875,bicubic,+5.918,+2.184,-19
tf_efficientnet_cc_b0_8e,83.970,16.030,96.072,3.929,24.01,224,0.875,bicubic,+6.062,+2.415,-12
regnety_016,83.955,16.045,95.997,4.003,11.20,224,0.875,bicubic,+6.091,+2.273,-11
tv_resnext50_32x4d,83.955,16.045,95.948,4.052,25.03,224,0.875,bilinear,+6.345,+2.264,-3
gluon_resnet50_v1b,83.942,16.058,96.018,3.982,25.56,224,0.875,bicubic,+6.366,+2.296,0
densenet161,83.900,16.101,96.014,3.986,28.68,224,0.875,bicubic,+6.547,+2.378,+7
mobilenetv2_120d,83.887,16.113,95.905,4.095,5.83,224,0.875,bicubic,+6.601,+2.393,+9
seresnext26t_32x4d,83.887,16.113,95.943,4.057,16.81,224,0.875,bicubic,+5.909,+2.201,-21
adv_inception_v3,83.876,16.124,95.939,4.061,23.83,299,0.875,bicubic,+6.298,+2.199,-5
tv_resnet101,83.855,16.145,95.888,4.112,44.55,224,0.875,bilinear,+6.487,+2.328,+2
inception_v3,83.771,16.229,95.898,4.101,23.83,299,0.875,bicubic,+6.307,+2.422,-2
hardcorenas_d,83.763,16.237,95.734,4.266,7.50,224,0.875,bilinear,+6.339,+2.248,-1
dla60,83.735,16.265,95.933,4.067,22.04,224,0.875,bilinear,+6.701,+2.609,+11
xcit_nano_12_p8_224_dist,83.733,16.267,95.948,4.052,3.05,224,1.000,bicubic,+7.403,+2.862,+31
seresnext26d_32x4d,83.724,16.276,95.847,4.153,16.81,224,0.875,bicubic,+6.138,+2.243,-12
repvgg_b1g4,83.695,16.305,96.029,3.971,39.97,224,0.875,bilinear,+6.101,+2.187,-14
eca_resnext26ts,83.692,16.308,95.939,4.061,10.30,256,0.900,bicubic,+6.242,+2.361,-7
convmixer_1024_20_ks9_p14,83.688,16.312,95.886,4.114,24.38,224,0.960,bicubic,+6.744,+2.528,+10
legacy_seresnet50,83.671,16.329,95.982,4.018,28.09,224,0.875,bilinear,+6.033,+2.236,-19
tf_efficientnet_b0_ap,83.660,16.340,95.783,4.217,5.29,224,0.875,bicubic,+6.556,+2.519,+1
skresnet34,83.650,16.350,95.920,4.080,22.28,224,0.875,bicubic,+6.730,+2.600,+8
tf_efficientnet_cc_b0_4e,83.639,16.361,95.730,4.270,13.31,224,0.875,bicubic,+6.319,+2.408,-8
resmlp_12_224,83.573,16.427,95.760,4.240,15.35,224,0.875,bicubic,+6.919,+2.588,+14
mobilenetv3_large_100_miil,83.549,16.451,95.450,4.550,5.48,224,0.875,bilinear,+5.637,+2.546,-35
densenet201,83.547,16.453,95.807,4.193,20.01,224,0.875,bicubic,+6.257,+2.327,-10
gernet_s,83.522,16.478,95.792,4.208,8.17,224,0.875,bilinear,+6.616,+2.658,+4
legacy_seresnext26_32x4d,83.515,16.485,95.719,4.281,16.79,224,0.875,bicubic,+6.421,+2.409,-5
mixnet_m,83.513,16.487,95.691,4.309,5.01,224,0.875,bicubic,+6.239,+2.269,-11
tf_efficientnet_b0,83.513,16.487,95.717,4.283,5.29,224,0.875,bicubic,+6.667,+2.487,+2
hrnet_w18,83.500,16.500,95.907,4.093,21.30,224,0.875,bilinear,+6.742,+2.469,+4
densenetblur121d,83.475,16.525,95.817,4.183,8.00,224,0.875,bicubic,+6.885,+2.625,+8
selecsls42b,83.460,16.540,95.749,4.251,32.46,224,0.875,bicubic,+6.270,+2.359,-14
resnext26ts,83.457,16.543,95.726,4.274,10.30,256,0.900,bicubic,+6.686,+2.596,0
tf_efficientnet_lite1,83.355,16.645,95.638,4.362,5.42,240,0.882,bicubic,+6.691,+2.404,+2
hardcorenas_c,83.336,16.664,95.713,4.287,5.52,224,0.875,bilinear,+6.286,+2.541,-12
regnetx_016,83.186,16.814,95.740,4.260,9.19,224,0.875,bicubic,+6.240,+2.314,-9
mobilenetv2_140,83.176,16.824,95.685,4.315,6.11,224,0.875,bicubic,+6.660,+2.685,+6
tf_mixnet_m,83.174,16.826,95.469,4.531,5.01,224,0.875,bicubic,+6.216,+2.303,-12
xcit_nano_12_p16_384_dist,83.174,16.826,95.743,4.257,3.05,384,1.000,bicubic,+7.706,+3.067,+22
dpn68,83.171,16.829,95.589,4.411,12.61,224,0.875,bicubic,+6.877,+2.627,+7
tf_efficientnet_es,83.167,16.833,95.591,4.409,5.44,224,0.875,bicubic,+6.577,+2.379,-1
ese_vovnet19b_dw,83.114,16.886,95.790,4.210,6.54,224,0.875,bicubic,+6.290,+2.510,-10
levit_128s,83.065,16.935,95.533,4.467,7.78,224,0.900,bicubic,+6.527,+2.669,-2
resnet26d,83.043,16.957,95.602,4.398,16.01,224,0.875,bicubic,+6.353,+2.454,-9
repvgg_a2,82.999,17.002,95.600,4.400,28.21,224,0.875,bilinear,+6.519,+2.580,-1
tv_resnet50,82.954,17.046,95.472,4.529,25.56,224,0.875,bilinear,+6.802,+2.594,+2
hardcorenas_b,82.877,17.123,95.386,4.614,5.18,224,0.875,bilinear,+6.347,+2.634,-5
densenet121,82.815,17.185,95.585,4.415,7.98,224,0.875,bicubic,+7.247,+2.933,+9
vit_tiny_r_s16_p8_384,82.693,17.307,95.862,4.138,6.36,384,1.000,bicubic,+6.721,+2.590,+2
densenet169,82.661,17.339,95.593,4.407,14.15,224,0.875,bicubic,+6.763,+2.569,+3
mixnet_s,82.525,17.476,95.352,4.648,4.13,224,0.875,bicubic,+6.531,+2.560,-2
vit_small_patch32_224,82.510,17.490,95.674,4.326,22.88,224,0.900,bicubic,+6.516,+2.398,-2
regnety_008,82.478,17.523,95.480,4.520,6.26,224,0.875,bicubic,+6.158,+2.412,-7
efficientnet_lite0,82.388,17.612,95.286,4.714,4.65,224,0.875,bicubic,+6.884,+2.770,+6
resnest14d,82.362,17.638,95.324,4.676,10.61,224,0.875,bilinear,+6.856,+2.804,+4
hardcorenas_a,82.305,17.695,95.294,4.706,5.26,224,0.875,bilinear,+6.393,+2.780,-4
efficientnet_es_pruned,82.279,17.721,95.301,4.699,5.44,224,0.875,bicubic,+7.283,+2.861,+15
mobilenetv3_rw,82.268,17.732,95.241,4.759,5.48,224,0.875,bicubic,+6.650,+2.529,-2
semnasnet_100,82.253,17.747,95.239,4.761,3.89,224,0.875,bicubic,+6.801,+2.633,+4
mobilenetv3_large_100,82.177,17.823,95.196,4.804,5.48,224,0.875,bicubic,+6.403,+2.656,-6
resnet34,82.125,17.875,95.136,4.864,21.80,224,0.875,bilinear,+7.013,+2.860,+7
mobilenetv2_110d,82.076,17.924,95.076,4.923,4.52,224,0.875,bicubic,+7.024,+2.889,+9
vit_tiny_patch16_224,82.044,17.956,95.493,4.507,5.72,224,0.900,bicubic,+6.590,+2.641,-1
tf_mixnet_s,82.040,17.960,95.130,4.870,4.13,224,0.875,bicubic,+6.356,+2.494,-9
repvgg_b0,82.006,17.994,95.102,4.898,15.82,224,0.875,bilinear,+6.854,+2.688,+1
deit_tiny_distilled_patch16_224,82.001,17.999,95.147,4.853,5.91,224,0.900,bicubic,+7.477,+3.251,+14
mixer_b16_224,81.997,18.003,94.447,5.553,59.88,224,0.875,bicubic,+5.375,+2.219,-29
pit_ti_distilled_224,81.972,18.029,95.156,4.845,5.10,224,0.900,bicubic,+7.442,+3.056,+11
hrnet_w18_small_v2,81.959,18.041,95.166,4.834,15.60,224,0.875,bilinear,+6.853,+2.754,0
tf_efficientnet_lite0,81.950,18.050,95.160,4.840,4.65,224,0.875,bicubic,+7.118,+2.984,+3
resnet26,81.942,18.058,95.245,4.755,16.00,224,0.875,bicubic,+6.650,+2.671,-7
tf_mobilenetv3_large_100,81.841,18.159,95.076,4.923,5.48,224,0.875,bilinear,+6.331,+2.469,-14
tv_densenet121,81.728,18.272,95.036,4.964,7.98,224,0.875,bicubic,+6.982,+2.882,+2
regnety_006,81.703,18.297,95.113,4.887,6.06,224,0.875,bicubic,+6.436,+2.579,-9
dla34,81.643,18.357,94.874,5.126,15.74,224,0.875,bilinear,+7.035,+2.816,+2
xcit_nano_12_p8_224,81.641,18.359,95.264,4.736,3.05,224,1.000,bicubic,+7.729,+3.098,+10
crossvit_9_240,81.630,18.370,94.983,5.017,8.55,240,0.875,bicubic,+7.648,+3.013,+8
fbnetc_100,81.555,18.445,94.948,5.052,5.57,224,0.875,bilinear,+6.435,+2.574,-11
legacy_seresnet34,81.532,18.468,94.899,5.101,21.96,224,0.875,bilinear,+6.740,+2.771,-5
regnetx_008,81.508,18.492,95.062,4.938,7.26,224,0.875,bicubic,+6.452,+2.714,-10
gluon_resnet34_v1b,81.489,18.511,94.808,5.192,21.80,224,0.875,bicubic,+6.897,+2.811,-3
mnasnet_100,81.472,18.528,94.893,5.107,4.38,224,0.875,bicubic,+6.798,+2.795,-6
vgg19_bn,81.451,18.549,94.778,5.222,143.68,224,0.875,bilinear,+7.217,+2.924,-2
convit_tiny,81.115,18.885,95.044,4.955,5.71,224,0.875,bicubic,+8.003,+3.325,+11
crossvit_tiny_240,81.100,18.900,94.991,5.009,7.01,240,0.875,bicubic,+7.756,+3.069,+7
spnasnet_100,80.866,19.134,94.511,5.489,4.42,224,0.875,bilinear,+6.788,+2.691,-4
ghostnet_100,80.699,19.301,94.291,5.709,5.18,224,0.875,bilinear,+6.715,+2.831,-3
regnety_004,80.648,19.352,94.692,5.308,4.34,224,0.875,bicubic,+6.636,+2.926,-5
skresnet18,80.624,19.376,94.383,5.617,11.96,224,0.875,bicubic,+7.602,+3.213,+7
regnetx_006,80.616,19.384,94.526,5.474,6.20,224,0.875,bicubic,+6.770,+2.844,-2
pit_ti_224,80.597,19.404,94.618,5.383,4.85,224,0.900,bicubic,+7.675,+3.208,+7
swsl_resnet18,80.562,19.438,94.746,5.254,11.69,224,0.875,bilinear,+7.280,+2.988,+2
vgg16_bn,80.535,19.465,94.583,5.417,138.37,224,0.875,bilinear,+7.175,+3.091,-2
resnet18d,80.387,19.613,94.244,5.756,11.71,224,0.875,bicubic,+8.119,+3.560,+10
tv_resnet34,80.377,19.623,94.430,5.570,21.80,224,0.875,bilinear,+7.073,+3.008,-2
mobilenetv2_100,80.257,19.743,94.197,5.803,3.50,224,0.875,bicubic,+7.305,+3.195,+1
xcit_nano_12_p16_224_dist,80.225,19.775,94.363,5.637,3.05,224,1.000,bicubic,+7.913,+3.511,+6
vit_base_patch32_sam_224,80.212,19.788,93.821,6.179,88.22,224,0.900,bicubic,+6.512,+2.813,-9
eca_botnext26ts_256,80.118,19.882,94.244,5.756,10.59,256,0.950,bicubic,+6.240,+2.456,-12
ssl_resnet18,80.114,19.886,94.594,5.406,11.69,224,0.875,bilinear,+7.502,+3.174,-1
tf_mobilenetv3_large_075,80.088,19.912,94.186,5.814,3.99,224,0.875,bilinear,+6.638,+2.846,-11
deit_tiny_patch16_224,80.009,19.991,94.445,5.555,5.72,224,0.900,bicubic,+7.849,+3.333,+4
hrnet_w18_small,79.544,20.456,93.909,6.091,13.19,224,0.875,bilinear,+7.212,+3.223,-1
vgg19,79.484,20.516,93.881,6.119,143.67,224,0.875,bilinear,+7.096,+2.995,-3
regnetx_004,79.424,20.576,93.849,6.151,5.16,224,0.875,bicubic,+7.034,+3.031,-5
tf_mobilenetv3_large_minimal_100,79.232,20.768,93.706,6.294,3.92,224,0.875,bilinear,+6.980,+3.070,-1
legacy_seresnet18,79.151,20.849,93.778,6.222,11.78,224,0.875,bicubic,+7.417,+3.440,+2
vgg16,79.031,20.968,93.642,6.358,138.36,224,0.875,bilinear,+7.447,+3.252,+2
vit_tiny_r_s16_p8_224,78.997,21.003,93.911,6.089,6.34,224,0.900,bicubic,+7.199,+3.087,-1
vgg13_bn,78.987,21.013,93.655,6.345,133.05,224,0.875,bilinear,+7.423,+3.281,+1
gluon_resnet18_v1b,78.376,21.624,93.134,6.866,11.69,224,0.875,bicubic,+7.542,+3.374,+1
vgg11_bn,77.926,22.074,93.228,6.772,132.87,224,0.875,bilinear,+7.564,+3.422,+1
xcit_nano_12_p16_224,77.909,22.091,93.437,6.563,3.05,224,1.000,bicubic,+7.937,+3.679,+2
regnety_002,77.417,22.583,92.916,7.084,3.16,224,0.875,bicubic,+7.135,+3.372,0
mixer_l16_224,77.294,22.706,90.557,9.443,208.20,224,0.875,bicubic,+5.228,+2.903,-8
resnet18,77.276,22.724,92.760,7.240,11.69,224,0.875,bilinear,+7.537,+3.674,+1
vgg13,77.234,22.766,92.702,7.298,133.05,224,0.875,bilinear,+7.296,+3.444,-1
vgg11,76.397,23.603,92.171,7.829,132.86,224,0.875,bilinear,+7.349,+3.535,0
regnetx_002,76.102,23.898,92.205,7.795,2.68,224,0.875,bicubic,+7.352,+3.645,0
dla60x_c,75.656,24.344,92.164,7.836,1.32,224,0.875,bilinear,+7.744,+3.746,+2
botnet26t_256,75.146,24.854,91.996,8.004,12.49,256,0.950,bicubic,+6.600,+3.300,-1
tf_mobilenetv3_small_100,74.736,25.264,91.274,8.726,2.54,224,0.875,bilinear,+6.810,+3.598,-1
dla46x_c,73.645,26.355,91.110,8.890,1.07,224,0.875,bilinear,+7.669,+4.122,0
tf_mobilenetv3_small_075,72.816,27.184,90.031,9.969,2.04,224,0.875,bilinear,+7.096,+3.895,0
dla46_c,72.607,27.393,90.495,9.505,1.30,224,0.875,bilinear,+7.737,+4.201,0
tf_mobilenetv3_small_minimal_100,70.107,29.893,88.516,11.485,2.04,224,0.875,bilinear,+7.199,+4.269,0

1 model top1 top1_err top5 top5_err param_count img_size cropt_pct interpolation top1_diff top5_diff rank_diff
2 tf_efficientnet_l2_ns beit_large_patch16_512 90.563 90.695 9.437 9.305 98.779 98.770 1.221 1.230 480.31 305.67 800 512 0.960 1.000 bicubic +2.211 +2.111 +0.129 +0.110 0
3 tf_efficientnet_l2_ns_475 beit_large_patch16_384 90.537 90.601 9.463 9.399 98.710 98.777 1.290 1.223 480.31 305.00 475 384 0.936 1.000 bicubic +2.303 +2.219 +0.164 +0.169 0
4 cait_m48_448 tf_efficientnet_l2_ns 90.196 90.572 9.804 9.428 98.484 98.779 1.516 1.221 356.46 480.31 448 800 1.000 0.960 bicubic +3.712 +2.226 +0.730 +0.125 +3 0
5 vit_large_patch16_384 tf_efficientnet_l2_ns_475 90.196 90.527 9.804 9.473 98.661 98.706 1.339 1.294 304.72 480.31 384 475 1.000 0.936 bicubic +3.116 +2.289 +0.361 +0.156 0
6 tf_efficientnet_b7_ns beit_base_patch16_384 90.100 90.388 9.900 9.612 98.614 98.730 1.386 1.270 66.35 86.74 600 384 0.949 1.000 bicubic +3.260 +3.580 +0.520 +0.590 0 +4
7 cait_m36_384 vit_large_patch16_384 90.046 90.202 9.954 9.798 98.493 98.655 1.507 1.345 271.22 304.72 384 1.000 bicubic +3.992 +3.110 +0.763 +0.349 +8 +1
8 dm_nfnet_f6 cait_m48_448 90.046 90.194 9.954 9.806 98.546 98.484 1.454 1.516 438.36 356.46 576 448 0.956 1.000 bicubic +3.902 +3.700 +0.816 +0.734 +5 +3
9 swin_large_patch4_window12_384 beit_large_patch16_224 90.027 90.157 9.973 9.843 98.657 98.730 1.343 1.270 196.74 304.43 384 224 1.000 0.900 bicubic +2.879 +2.681 +0.423 +0.412 -5 -3
10 tf_efficientnetv2_l_in21ft1k tf_efficientnet_b7_ns 90.008 90.134 9.992 9.866 98.619 98.617 1.381 1.383 118.52 66.35 480 600 1.000 0.949 bicubic +3.704 +3.304 +0.641 +0.532 +1 -1
11 swin_base_patch4_window12_384 swin_large_patch4_window12_384 89.995 90.066 10.005 9.934 98.695 98.668 1.304 1.332 87.90 196.74 384 1.000 bicubic +3.563 +2.915 +0.637 +0.430 -2 -4
12 vit_base_patch16_384 swin_base_patch4_window12_384 89.989 90.063 10.011 9.937 98.678 98.713 1.322 1.287 86.86 87.90 384 1.000 bicubic +3.983 +3.627 +0.678 +0.647 +4 +1
13 cait_s36_384 cait_m36_384 89.844 90.046 10.156 9.954 98.427 98.497 1.573 1.503 68.37 271.22 384 1.000 bicubic +4.384 +3.990 +0.947 +0.767 +10 +7
14 swin_large_patch4_window7_224 dm_nfnet_f6 89.796 90.025 10.204 9.975 98.640 98.542 1.360 1.458 196.53 438.36 224 576 0.900 0.956 bicubic +3.477 +3.895 +0.744 +0.802 -4 +4
15 vit_large_r50_s32_384 tf_efficientnetv2_l_in21ft1k 89.794 89.999 10.206 10.001 98.514 98.621 1.486 1.379 329.09 118.52 384 480 1.000 bicubic +3.610 +3.707 +0.596 +0.637 -3 +1
16 tf_efficientnet_b6_ns vit_base_patch16_384 89.782 89.965 10.218 10.035 98.510 98.680 1.490 1.319 43.04 86.86 528 384 0.942 1.000 bicubic +3.330 +3.965 +0.628 +0.674 -8 +5
17 tf_efficientnetv2_m_in21ft1k xcit_large_24_p8_384_dist 89.775 89.893 10.225 10.107 98.503 98.373 1.497 1.627 54.14 188.93 480 384 1.000 bicubic +4.187 +3.897 +0.751 +0.685 +3 +5
18 tf_efficientnet_b5_ns cait_s36_384 89.651 89.837 10.349 10.163 98.482 98.427 1.518 1.573 30.39 68.37 456 384 0.934 1.000 bicubic +3.563 +4.383 +0.730 +0.944 -4 +14
19 tf_efficientnet_b8_ap xcit_medium_24_p8_384_dist 89.581 89.805 10.419 10.195 98.305 98.358 1.695 1.642 87.41 84.32 672 384 0.954 1.000 bicubic +4.211 +3.985 +1.011 +0.764 +8 +5
20 dm_nfnet_f4 swin_large_patch4_window7_224 89.557 89.796 10.443 10.204 98.303 98.646 1.697 1.354 316.07 196.53 512 224 0.951 0.900 bicubic +3.843 +3.480 +0.783 +0.756 -1 -5
21 cait_s24_384 vit_large_r50_s32_384 89.502 89.790 10.498 10.210 98.362 98.516 1.638 1.484 47.06 329.09 384 1.000 bicubic +4.456 +3.610 +1.016 +0.592 +12 -4
22 dm_nfnet_f3 tf_efficientnetv2_m_in21ft1k 89.485 89.777 10.515 10.223 98.399 98.501 1.601 1.499 254.92 54.14 416 480 0.940 1.000 bicubic +3.963 +4.179 +0.937 +0.749 -1 +6
23 dm_nfnet_f5 tf_efficientnet_b6_ns 89.461 89.760 10.539 10.240 98.324 98.505 1.676 1.494 377.21 43.04 544 528 0.954 0.942 bicubic +3.647 +3.314 +0.836 +0.626 -5 -11
24 deit_base_distilled_patch16_384 xcit_small_24_p8_384_dist 89.429 89.737 10.571 10.263 98.441 98.427 1.559 1.573 87.63 47.63 384 1.000 bicubic +4.007 +4.171 +1.109 +0.850 +1 +5
25 tf_efficientnet_b7_ap xcit_large_24_p16_384_dist 89.429 89.660 10.571 10.340 98.347 98.405 1.653 1.595 66.35 189.10 600 384 0.949 1.000 bicubic +4.309 +3.890 +1.096 +0.871 +5 +1
26 tf_efficientnetv2_l tf_efficientnet_b5_ns 89.367 89.658 10.633 10.342 98.275 98.488 1.725 1.512 118.52 30.39 480 456 1.000 0.934 bicubic +3.877 +3.582 +0.903 +0.736 -4 -7
27 tf_efficientnet_b8 tf_efficientnet_b8_ap 89.355 89.589 10.645 10.411 98.303 98.298 1.697 1.702 87.41 672 0.954 bicubic +3.985 +4.215 +0.913 +1.000 -1 +10
28 tf_efficientnet_b6_ap tf_efficientnetv2_xl_in21ft1k 89.342 89.566 10.658 10.434 98.281 98.185 1.719 1.815 43.04 208.12 528 512 0.942 1.000 bicubic +4.554 +3.162 +1.143 +0.317 +13 -14
29 vit_large_patch16_224 dm_nfnet_f4 89.314 89.538 10.686 10.462 98.392 98.294 1.608 1.706 304.33 316.07 224 512 0.900 0.951 bicubic +3.472 +3.838 +0.568 +0.780 -12 -2
30 tf_efficientnet_b4_ns xcit_small_12_p8_384_dist 89.305 89.525 10.694 10.475 98.347 98.296 1.653 1.704 19.34 26.21 380 384 0.922 1.000 bicubic +4.143 +4.443 +0.877 +1.026 -1 +15
31 tf_efficientnetv2_m xcit_large_24_p8_224_dist 89.284 89.519 10.716 10.481 98.236 98.224 1.764 1.776 54.14 188.93 480 224 1.000 bicubic +4.240 +4.119 +0.958 +0.808 +3 +5
32 swin_base_patch4_window7_224 cait_s24_384 89.145 89.500 10.855 10.500 98.429 98.362 1.571 1.638 87.77 47.06 224 384 0.900 1.000 bicubic +3.893 +4.456 +0.867 +1.012 -4 +17
33 eca_nfnet_l2 dm_nfnet_f3 89.141 89.478 10.859 10.522 98.315 98.392 1.685 1.608 56.72 254.92 384 416 1.000 0.940 bicubic +4.443 +3.946 +1.051 +0.934 +10 -3
34 cait_xs24_384 xcit_medium_24_p16_384_dist 89.139 89.476 10.861 10.524 98.290 98.296 1.710 1.704 26.67 84.40 384 1.000 bicubic +5.077 +4.050 +1.402 +0.888 +27 0
35 ig_resnext101_32x48d dm_nfnet_f5 89.120 89.451 10.880 10.549 98.130 98.309 1.870 1.691 828.41 377.21 224 544 0.875 0.954 bilinear bicubic +3.692 +3.645 +0.558 +0.827 -11 -10
36 ig_resnext101_32x32d beit_base_patch16_224 89.111 89.438 10.889 10.562 98.181 98.520 1.819 1.480 468.53 86.53 224 0.875 0.900 bilinear bicubic +4.017 +4.198 +0.743 +0.866 -5 +4
37 tf_efficientnet_b7 deit_base_distilled_patch16_384 89.086 89.431 10.914 10.569 98.183 98.444 1.817 1.556 66.35 87.63 600 384 0.949 1.000 bicubic +4.150 +4.009 +0.979 +1.111 +1 -2
38 ecaresnet269d tf_efficientnet_b7_ap 89.069 89.419 10.931 10.581 98.234 98.341 1.766 1.659 102.09 66.35 352 600 1.000 0.949 bicubic +4.093 +4.299 +1.008 +1.091 -2 +4
39 resmlp_big_24_224_in22ft1k tf_efficientnetv2_l 89.011 89.361 10.989 10.639 98.215 98.273 1.785 1.727 129.14 118.52 224 480 0.875 1.000 bicubic +4.617 +3.859 +1.095 +0.903 +12 -8
40 dm_nfnet_f2 tf_efficientnet_b6_ap 89.009 89.338 10.991 10.662 98.189 98.281 1.810 1.719 193.78 43.04 352 528 0.920 0.942 bicubic +3.945 +4.554 +0.950 +1.143 -8 +18
41 efficientnetv2_rw_m tf_efficientnet_b8 88.987 89.338 11.013 10.662 98.213 98.305 1.787 1.695 53.24 87.41 416 672 1.000 0.954 bicubic +4.179 +3.988 +1.065 +0.913 -1 -3
42 tf_efficientnet_b5_ap tf_efficientnet_b4_ns 88.938 89.323 11.062 10.678 98.164 98.352 1.836 1.648 30.39 19.34 456 380 0.934 0.922 bicubic +4.686 +4.172 +1.190 +0.882 +14 -1
43 dm_nfnet_f1 vit_large_patch16_224 88.925 89.308 11.075 10.692 98.115 98.397 1.885 1.603 132.63 304.33 320 224 0.910 0.900 bicubic +4.299 +3.470 +1.015 +0.571 +1 -20
44 tf_efficientnetv2_s_in21ft1k xcit_small_24_p16_384_dist 88.904 89.305 11.096 10.694 98.277 98.332 1.723 1.667 21.46 47.67 384 1.000 bicubic +4.602 +4.201 +1.025 +1.016 +9 -1
45 vit_base_patch16_224 xcit_medium_24_p8_224_dist 88.866 89.286 11.134 10.714 98.230 98.194 1.770 1.806 86.57 84.32 224 0.900 1.000 bicubic +4.334 +4.218 +0.936 +0.918 0 +1
46 resnetrs420 tf_efficientnetv2_m 88.840 89.284 11.160 10.716 98.034 98.241 1.966 1.759 191.89 54.14 416 480 1.000 bicubic +3.832 +4.238 +0.910 +0.957 -11 +2
47 ig_resnext101_32x16d xcit_small_24_p8_224_dist 88.834 89.207 11.166 10.793 98.049 98.249 1.951 1.751 194.03 47.63 224 0.875 1.000 bilinear bicubic +4.664 +4.331 +0.853 +1.051 +10 +9
48 resnetrs270 xcit_small_12_p16_384_dist 88.834 89.203 11.166 10.797 98.136 98.219 1.864 1.781 129.86 26.25 352 384 1.000 bicubic +4.400 +4.489 +1.166 +1.103 +1 +12
49 vit_small_r26_s32_384 swin_base_patch4_window7_224 88.819 89.190 11.181 10.810 98.337 98.424 1.663 1.576 36.47 87.77 384 224 1.000 0.900 bicubic +4.773 +3.922 +1.009 +0.866 +14 -10
50 vit_base_r50_s16_384 eca_nfnet_l2 88.808 89.158 11.192 10.842 98.232 98.313 1.768 1.687 98.95 56.72 384 1.000 bicubic +3.836 +4.438 +0.944 +1.055 -13 +9
51 seresnet152d cait_xs24_384 88.795 89.143 11.205 10.857 98.172 98.290 1.828 1.710 66.84 26.67 320 384 1.000 bicubic +4.433 +5.089 +1.132 +1.404 +1 +32
52 swsl_resnext101_32x8d ig_resnext101_32x32d 88.770 89.109 11.230 10.891 98.147 98.185 1.853 1.815 88.79 468.53 224 0.875 bilinear +4.486 +4.015 +0.971 +0.747 +2 -8
53 tf_efficientnet_b6 ig_resnext101_32x48d 88.761 89.107 11.239 10.893 98.064 98.127 1.937 1.873 43.04 828.41 528 224 0.942 0.875 bicubic bilinear +4.651 +3.677 +1.178 +0.545 +6 -20
54 resnetrs350 tf_efficientnet_b7 88.759 89.086 11.241 10.914 98.029 98.181 1.971 1.819 163.96 66.35 384 600 1.000 0.949 bicubic +4.039 +4.150 +1.041 +0.975 -12 0
55 vit_base_patch16_224_miil ecaresnet269d 88.737 89.075 11.262 10.925 98.027 98.236 1.973 1.764 86.54 102.09 224 352 0.875 1.000 bilinear bicubic +4.469 +4.089 +1.225 +1.008 0 -4
56 resnetv2_152x2_bitm xcit_large_24_p16_224_dist 88.725 89.045 11.275 10.955 98.307 98.066 1.693 1.934 236.34 189.10 448 224 1.000 bilinear bicubic +4.215 +4.115 +0.875 +0.936 -9 -1
57 regnety_160 resmlp_big_24_224_in22ft1k 88.697 89.019 11.303 10.981 98.068 98.215 1.932 1.785 83.59 129.14 288 224 1.000 0.875 bicubic +5.011 +4.595 +1.292 +1.099 +17 +12
58 pit_b_distilled_224 xcit_small_12_p8_224_dist 88.676 89.007 11.324 10.993 98.093 98.078 1.907 1.922 74.79 26.21 224 0.900 1.000 bicubic +4.532 +4.767 +1.237 +1.206 0 +19
59 vit_small_patch16_384 efficientnetv2_rw_m 88.652 88.994 11.348 11.006 98.232 98.211 1.768 1.789 22.20 53.24 384 416 1.000 bicubic +4.850 +4.172 +1.130 +1.065 +13 -2
60 eca_nfnet_l1 dm_nfnet_f2 88.624 88.985 11.376 11.015 98.132 98.187 1.868 1.813 41.41 193.78 320 352 1.000 0.920 bicubic +4.614 +3.939 +1.104 +0.949 +5 -13
61 resnetrs200 tf_efficientnet_b5_ap 88.605 88.936 11.395 11.064 98.034 98.168 1.966 1.832 93.21 30.39 320 456 1.000 0.934 bicubic +4.539 +4.678 +1.160 +1.192 -1 +15
62 resnetv2_152x4_bitm dm_nfnet_f1 88.545 88.915 11.455 11.085 98.192 98.115 1.808 1.885 936.53 132.63 480 320 1.000 0.910 bilinear bicubic +3.629 +4.291 +0.750 +1.019 -23 0
63 resnet200d tf_efficientnetv2_s_in21ft1k 88.543 88.889 11.457 11.111 97.959 98.275 2.041 1.725 64.69 21.46 320 384 1.000 bicubic +4.581 +4.593 +1.135 +1.019 +3 +9
64 resnest269e vit_base_patch16_224 88.522 88.857 11.478 11.143 98.027 98.232 1.973 1.768 110.93 86.57 416 224 0.928 0.900 bicubic +4.004 +4.317 +1.041 +0.926 -18 -1
65 efficientnetv2_rw_s resnetrs270 88.473 88.836 11.527 11.164 97.974 98.140 2.026 1.860 23.94 129.86 384 352 1.000 bicubic +4.665 +4.396 +1.250 +0.986 +6 +2
66 resnetv2_101x3_bitm resnetrs420 88.464 88.832 11.536 11.168 98.157 98.021 1.843 1.979 387.93 191.89 448 416 1.000 bilinear bicubic +4.024 +3.824 +0.775 +0.895 -18 -16
67 cait_s24_224 vit_small_r26_s32_384 88.447 88.814 11.553 11.186 97.957 98.335 2.043 1.665 46.92 36.47 224 384 1.000 bicubic +4.995 +4.764 +1.393 +1.013 +11 +17
68 resnetv2_50x3_bitm xcit_medium_24_p16_224_dist 88.443 88.806 11.557 11.194 98.200 98.038 1.800 1.962 217.32 84.40 448 224 1.000 bilinear bicubic +4.429 +4.528 +1.076 +1.096 -5 +5
69 resmlp_big_24_distilled_224 ig_resnext101_32x16d 88.443 88.804 11.557 11.196 97.940 98.049 2.060 1.951 129.14 194.03 224 0.875 bicubic bilinear +4.853 +4.638 +1.292 +0.853 +9 +10
70 resnest200e seresnet152d 88.432 88.804 11.568 11.196 98.042 98.174 1.958 1.825 70.20 66.84 320 0.909 1.000 bicubic +4.600 +4.442 +1.148 +1.132 -1 +1
71 tf_efficientnet_b3_ns vit_base_r50_s16_384 88.426 88.804 11.574 11.196 98.029 98.241 1.971 1.759 12.23 98.95 300 384 0.904 1.000 bicubic +4.378 +3.820 +1.119 +0.943 -9 -19
72 vit_large_r50_s32_224 xcit_tiny_24_p8_384_dist 88.426 88.784 11.574 11.216 98.085 98.160 1.915 1.840 328.99 12.11 224 384 0.900 1.000 bicubic +3.992 +5.020 +0.921 +1.456 -22 +27
73 tf_efficientnetv2_s resnetrs350 88.402 88.757 11.598 11.243 97.927 98.038 2.073 1.962 21.46 163.96 384 1.000 bicubic +4.508 +4.045 +1.229 +1.048 -6 -12
74 efficientnet_b4 swsl_resnext101_32x8d 88.372 88.757 11.628 11.243 97.961 98.140 2.039 1.860 19.34 88.79 384 224 1.000 0.875 bicubic bilinear +4.944 +4.483 +1.365 +0.966 +5 +1
75 resnet152d tf_efficientnet_b6 88.355 88.757 11.645 11.243 97.935 98.066 2.065 1.934 60.21 43.04 320 528 1.000 0.942 bicubic +4.675 +4.645 +1.197 +1.178 0 +6
76 tf_efficientnet_b4_ap vit_base_patch16_224_miil 88.349 88.748 11.651 11.252 97.893 98.029 2.107 1.971 19.34 86.54 380 224 0.922 0.875 bicubic bilinear +5.101 +4.472 +1.501 +1.231 +8 -2
77 tf_efficientnet_b5 resnetv2_152x2_bitm 88.321 88.708 11.679 11.292 97.912 98.303 2.088 1.697 30.39 236.34 456 448 0.934 1.000 bicubic bilinear +4.509 +4.256 +1.164 +0.867 -7 -12
78 resnetrs152 regnety_160 88.251 88.697 11.749 11.303 97.737 98.066 2.263 1.934 86.62 83.59 320 288 1.000 bicubic +4.539 +4.995 +1.123 +1.284 -5 +24
79 deit_base_distilled_patch16_224 pit_b_distilled_224 88.214 88.678 11.786 11.322 97.914 98.096 2.086 1.905 87.34 74.79 224 0.900 bicubic +4.826 +4.520 +1.426 +1.238 +1
80 resnetv2_152x2_bit_teacher_384 regnetz_d 88.150 88.652 11.850 11.348 98.051 98.087 1.949 1.913 236.34 27.58 384 320 1.000 0.950 bicubic +4.306 +4.618 +0.933 +1.217 -12 +6
81 ig_resnext101_32x8d eca_nfnet_l1 88.146 88.633 11.854 11.367 97.856 98.132 2.144 1.868 88.79 41.41 224 320 0.875 1.000 bilinear bicubic +5.458 +4.601 +1.220 +1.100 +20 +6
82 cait_xxs36_384 vit_small_patch16_384 88.140 88.624 11.860 11.376 97.908 98.239 2.092 1.761 17.37 22.20 384 1.000 bicubic +5.946 +4.830 +1.760 +1.131 +34 +16
83 dm_nfnet_f0 resnetrs200 88.125 88.597 11.875 11.403 97.854 98.038 2.146 1.962 71.49 93.21 256 320 0.900 1.000 bicubic +4.739 +4.539 +1.282 +1.164 -2 -1
84 swsl_resnext101_32x4d resnetv2_152x4_bitm 88.099 88.552 11.901 11.448 97.967 98.189 2.033 1.810 44.18 936.53 224 480 0.875 1.000 bilinear +4.869 +3.614 +1.207 +0.731 +1 -31
85 eca_nfnet_l0 xcit_small_24_p16_224_dist 87.980 88.535 12.020 11.465 97.871 98.002 2.129 1.998 24.14 47.67 288 224 1.000 bicubic +5.400 +4.661 +1.381 +1.274 +19 +6
86 nfnet_l0 resnet200d 87.967 88.533 12.033 11.467 97.867 97.957 2.133 2.043 35.07 64.69 288 320 1.000 bicubic +5.217 +4.563 +1.351 +1.139 +12 +3
87 tf_efficientnet_b4 resnest269e 87.963 88.526 12.037 11.474 97.739 98.021 2.261 1.979 19.34 110.93 380 416 0.922 0.928 bicubic +4.941 +4.002 +1.439 +1.035 +6 -23
88 resnet101d efficientnetv2_rw_s 87.941 88.484 12.059 11.517 97.908 97.976 2.092 2.024 44.57 23.94 320 384 1.000 bicubic +4.919 +4.654 +1.462 +1.254 +4 +7
89 regnety_032 crossvit_18_dagger_408 87.937 88.477 12.063 11.523 97.891 97.895 2.109 2.105 19.44 44.61 288 408 1.000 bicubic +5.213 +4.293 +1.467 +1.073 +10 -11
90 vit_base_patch32_384 cait_s24_224 87.909 88.451 12.091 11.549 98.012 97.950 1.988 2.050 88.30 46.92 384 224 1.000 bicubic +4.559 +4.989 +1.176 +1.384 -8 +17
91 twins_svt_large resmlp_big_24_distilled_224 87.901 88.447 12.099 11.553 97.581 97.940 2.419 2.060 99.27 129.14 224 0.900 0.875 bicubic +4.223 +4.851 +0.987 +1.284 -15 +14
92 twins_pcpvt_large tf_efficientnet_b3_ns 87.877 88.441 12.123 11.559 97.856 98.031 2.144 1.968 60.99 12.23 224 300 0.900 0.904 bicubic +4.737 +4.399 +1.258 +1.124 -5 -7
93 deit_base_patch16_384 resnetv2_101x3_bitm 87.845 88.430 12.155 11.570 97.510 98.153 2.490 1.847 86.86 387.93 384 448 1.000 bicubic bilinear +4.739 +4.000 +1.138 +0.781 -4 -25
94 tresnet_xl_448 resnest200e 87.796 88.424 12.204 11.576 97.459 98.049 2.541 1.951 78.44 70.20 448 320 0.875 0.909 bilinear bicubic +4.746 +4.576 +1.285 +1.159 -3 -2
95 resnetv2_50x1_bit_distilled vit_large_r50_s32_224 87.787 88.424 12.213 11.576 97.899 98.072 2.101 1.928 25.55 328.99 224 0.875 0.900 bicubic +4.969 +3.984 +1.377 +1.102 +1 -29
96 tresnet_m resnetv2_50x3_bitm 87.736 88.415 12.264 11.585 97.523 98.183 2.477 1.817 31.39 217.32 224 448 0.875 1.000 bilinear +4.656 +4.431 +1.405 +1.053 -6 -8
97 twins_pcpvt_base tf_efficientnetv2_s 87.736 88.396 12.264 11.604 97.726 97.927 2.274 2.073 43.83 21.46 224 384 0.900 1.000 bicubic +5.028 +4.498 +1.380 +1.229 +3 -7
98 resnetv2_101x1_bitm efficientnet_b4 87.681 88.366 12.319 11.634 97.940 97.957 2.060 2.043 44.54 19.34 448 384 1.000 bilinear bicubic +5.349 +4.936 +1.422 +1.363 +11 +10
99 swin_small_patch4_window7_224 tf_efficientnet_b4_ap 87.664 88.351 12.336 11.649 97.566 97.891 2.434 2.109 49.61 19.34 224 380 0.900 0.922 bicubic +4.452 +5.093 +1.244 +1.495 -13 +16
100 twins_svt_base resnet152d 87.638 88.347 12.362 11.653 97.523 97.929 2.477 2.071 56.07 60.21 224 320 0.900 1.000 bicubic +4.502 +4.683 +1.105 +1.195 -12 +4
101 pnasnet5large tf_efficientnet_b5 87.636 88.315 12.364 11.685 97.485 97.914 2.515 2.086 86.06 30.39 331 456 0.911 0.934 bicubic +4.854 +4.505 +1.445 +1.166 -4
102 swsl_resnext101_32x16d crossvit_15_dagger_408 87.615 88.298 12.386 11.702 97.820 97.874 2.180 2.127 194.03 28.50 224 408 0.875 1.000 bilinear bicubic +4.269 +4.472 +0.974 +1.088 -19 -6
103 swsl_resnext50_32x4d xcit_small_12_p16_224_dist 87.600 88.251 12.400 11.749 97.651 97.856 2.349 2.144 25.03 26.25 224 0.875 1.000 bilinear bicubic +5.418 +4.901 +1.421 +1.434 +14 +9
104 tf_efficientnet_b2_ns resnetrs152 87.557 88.246 12.443 11.754 97.628 97.733 2.372 2.267 9.11 86.62 260 320 0.890 1.000 bicubic +5.177 +4.537 +1.380 +1.123 +2 -3
105 levit_384 deit_base_distilled_patch16_224 87.553 88.217 12.447 11.783 97.545 97.920 2.455 2.080 39.13 87.34 224 0.900 bicubic +4.967 +4.829 +1.529 +1.430 -2 +4
106 ecaresnet50t ig_resnext101_32x8d 87.538 88.161 12.462 11.839 97.643 97.856 2.357 2.144 25.57 88.79 320 224 0.950 0.875 bicubic bilinear +5.192 +5.451 +1.505 +1.216 +2 +28
107 resnetv2_152x2_bit_teacher xcit_large_24_p8_224 87.493 88.161 12.507 11.839 97.812 97.387 2.188 2.613 236.34 188.93 224 0.875 1.000 bicubic +4.631 +3.779 +1.244 +0.731 -12 -37
108 efficientnet_b3 xcit_tiny_24_p16_384_dist 87.435 88.161 12.565 11.839 97.681 97.950 2.319 2.050 12.23 12.12 320 384 1.000 bicubic +5.193 +5.593 +1.567 +1.656 +7 +33
109 cait_xxs24_384 cait_xxs36_384 87.416 88.142 12.584 11.858 97.619 97.914 2.381 2.086 12.03 17.37 384 1.000 bicubic +6.450 +5.952 +1.973 +1.754 +49 +53
110 resnet51q resnetv2_152x2_bit_teacher_384 87.395 88.142 12.605 11.858 97.587 98.044 2.413 1.956 35.70 236.34 288 384 1.000 bilinear bicubic +5.035 +4.298 +1.407 +0.926 -3 -16
111 coat_lite_small dm_nfnet_f0 87.380 88.135 12.620 11.865 97.365 97.850 2.635 2.150 19.84 71.49 224 256 0.900 bicubic +5.072 +4.751 +1.515 +1.270 -1
112 tresnet_l_448 xcit_tiny_12_p8_384_dist 87.377 88.093 12.623 11.907 97.485 97.923 2.515 2.077 55.99 6.71 448 384 0.875 1.000 bilinear bicubic +5.109 +5.701 +1.509 +1.705 +2 +36
113 nasnetalarge swsl_resnext101_32x4d 87.350 88.086 12.650 11.914 97.417 97.974 2.583 2.026 88.75 44.18 331 224 0.911 0.875 bicubic bilinear +4.730 +4.860 +1.371 +1.206 -11 +4
114 ecaresnet101d xcit_tiny_24_p8_224_dist 87.288 88.048 12.712 11.952 97.562 97.818 2.438 2.182 44.57 12.11 224 0.875 1.000 bicubic +5.116 +5.472 +1.516 +1.638 +4 +26
115 resnest101e nfnet_l0 87.284 87.980 12.716 12.020 97.560 97.865 2.440 2.135 48.28 35.07 256 288 0.875 1.000 bilinear bicubic +4.394 +5.228 +1.240 +1.349 -21 +16
116 pit_s_distilled_224 xcit_small_24_p8_224 87.277 87.975 12.723 12.025 97.500 97.575 2.500 2.425 24.04 47.63 224 0.900 1.000 bicubic +5.281 +4.129 +1.702 +0.943 +6 -23
117 resnetrs101 eca_nfnet_l0 87.247 87.973 12.753 12.027 97.457 97.874 2.543 2.127 63.62 24.14 288 0.940 1.000 bicubic +4.959 +5.381 +1.449 +1.388 -4 +20
118 mixer_b16_224_miil tf_efficientnet_b4 87.226 87.963 12.774 12.037 97.410 97.737 2.590 2.263 59.88 19.34 224 380 0.875 0.922 bilinear bicubic +4.918 +4.933 +1.694 +1.439 -7 +6
119 tresnet_xl resnet101d 87.224 87.945 12.776 12.055 97.400 97.903 2.600 2.097 78.44 44.57 224 320 0.875 1.000 bilinear bicubic +5.170 +4.921 +1.463 +1.447 +1 +6
120 convit_base regnety_032 87.200 87.926 12.800 12.074 97.286 97.888 2.714 2.112 86.54 19.44 224 288 0.875 1.000 bicubic +4.910 +5.204 +1.348 +1.456 -8 +12
121 tf_efficientnet_b3_ap twins_svt_large 87.192 87.907 12.808 12.093 97.380 97.581 2.620 2.419 12.23 99.27 300 224 0.904 0.900 bicubic +5.370 +4.223 +1.756 +0.971 +5 -18
122 visformer_small vit_base_patch32_384 87.181 87.898 12.819 12.101 97.323 98.021 2.677 1.979 40.22 88.30 224 384 0.900 1.000 bicubic +5.075 +4.552 +1.451 +1.177 -3 -9
123 convit_small twins_pcpvt_large 87.053 87.879 12.947 12.121 97.350 97.859 2.650 2.142 27.78 60.99 224 0.875 0.900 bicubic +5.627 +4.741 +1.606 +1.251 +15 -5
124 tf_efficientnetv2_b3 regnetz_c 87.032 87.854 12.968 12.146 97.303 97.816 2.697 2.184 14.36 13.46 300 320 0.904 0.940 bicubic +5.062 +5.338 +1.521 +1.456 -1 +19
125 deit_small_distilled_patch16_224 deit_base_patch16_384 86.993 87.852 13.007 12.149 97.316 97.510 2.684 2.490 22.44 86.86 224 384 0.900 1.000 bicubic +5.793 +4.745 +1.938 +1.134 +23 -4
126 resmlp_36_distilled_224 xcit_small_12_p8_224 86.993 87.832 13.007 12.168 97.278 97.564 2.722 2.436 44.69 26.21 224 0.875 1.000 bicubic +5.833 +4.486 +1.790 +1.088 +24 -12
127 tnt_s_patch16_224 resnetv2_50x1_bit_distilled 86.903 87.802 13.097 12.198 97.368 97.901 2.632 2.099 23.76 25.55 224 0.900 0.875 bicubic +5.385 +4.980 +1.620 +1.377 +6 +2
128 vit_small_patch16_224 tresnet_xl_448 86.869 87.792 13.131 12.208 97.613 97.466 2.387 2.534 22.05 78.44 224 448 0.900 0.875 bicubic bilinear +5.467 +4.736 +1.479 +1.282 +11 -5
129 vit_small_r26_s32_224 tresnet_m 86.863 87.734 13.137 12.266 97.528 97.530 2.472 2.470 36.43 31.39 224 0.900 0.875 bicubic bilinear +5.005 +4.658 +1.506 +1.404 -5 -7
130 ssl_resnext101_32x16d twins_pcpvt_base 86.856 87.728 13.143 12.272 97.517 97.728 2.483 2.272 194.03 43.83 224 0.875 0.900 bilinear bicubic +5.013 +5.016 +1.421 +1.380 -5 +3
131 rexnet_200 gc_efficientnetv2_rw_t 86.846 87.717 13.154 12.283 97.276 97.805 2.724 2.195 16.37 13.68 224 288 0.875 1.000 bicubic +5.214 +5.239 +1.608 +1.509 -1 +14
132 tf_efficientnet_b3 swin_small_patch4_window7_224 86.835 87.678 13.165 12.322 97.297 97.570 2.703 2.430 12.23 49.61 300 224 0.904 0.900 bicubic +5.199 +4.453 +1.579 +1.240 -3 -16
133 deit_base_patch16_224 resnetv2_101x1_bitm 86.829 87.670 13.171 12.330 97.049 97.942 2.951 2.058 86.57 44.54 224 448 0.900 1.000 bicubic bilinear +4.831 +5.340 +1.315 +1.414 -12 +20
134 tresnet_m_448 pnasnet5large 86.820 87.657 13.180 12.343 97.212 97.487 2.788 2.513 31.39 86.06 448 331 0.875 0.911 bilinear bicubic +5.106 +4.859 +1.640 +1.453 -7 -4
135 ssl_resnext101_32x8d efficientnetv2_rw_t 86.807 87.653 13.193 12.347 97.466 97.681 2.534 2.319 88.79 13.65 224 288 0.875 1.000 bilinear bicubic +5.191 +5.315 +1.428 +1.487 -4 +17
136 swsl_resnet50 twins_svt_base 86.807 87.629 13.193 12.371 97.498 97.523 2.502 2.477 25.56 56.07 224 0.875 0.900 bilinear bicubic +5.641 +4.505 +1.526 +1.095 +13 -17
137 tf_efficientnet_lite4 xcit_medium_24_p8_224 86.803 87.619 13.197 12.381 97.263 97.192 2.737 2.808 13.01 84.32 380 224 0.920 1.000 bilinear bicubic +5.267 +3.883 +1.595 +0.806 -5 -37
138 coat_mini jx_nest_base 86.793 87.602 13.207 12.398 97.162 97.513 2.837 2.487 10.34 67.72 224 0.900 0.875 bicubic +5.525 +4.048 +1.770 +1.149 +7 -32
139 tresnet_l swsl_resnext101_32x16d 86.767 87.595 13.233 12.405 97.271 97.818 2.729 2.182 55.99 194.03 224 0.875 bilinear +5.277 +4.241 +1.647 +0.982 -3 -28
140 twins_svt_small swsl_resnext50_32x4d 86.756 87.593 13.244 12.407 97.175 97.654 2.825 2.346 24.06 25.03 224 0.900 0.875 bicubic bilinear +5.074 +5.427 +1.505 +1.420 -12 +24
141 levit_256 levit_384 86.728 87.559 13.272 12.441 97.259 97.545 2.741 2.455 18.89 39.13 224 0.900 bicubic +5.218 +4.967 +1.769 +1.531 -7 -3
142 seresnext50_32x4d tf_efficientnet_b2_ns 86.699 87.559 13.301 12.441 97.214 97.626 2.786 2.374 27.56 9.11 224 260 0.875 0.890 bicubic +5.433 +5.169 +1.594 +1.386 +4 +7
143 pit_b_224 ecaresnet50t 86.686 87.546 13.314 12.454 96.898 97.649 3.102 2.351 73.76 25.57 224 320 0.900 0.950 bicubic +4.240 +5.182 +1.188 +1.507 -38 +8
144 tf_efficientnet_b1_ns jx_nest_small 86.669 87.495 13.331 12.505 97.378 97.521 2.622 2.479 7.79 38.35 240 224 0.882 0.875 bicubic +5.281 +4.377 +1.640 +1.189 -4 -24
145 swin_tiny_patch4_window7_224 resnetv2_152x2_bit_teacher 86.664 87.491 13.336 12.509 97.197 97.807 2.803 2.193 28.29 236.34 224 0.900 0.875 bicubic +5.286 +4.589 +1.657 +1.239 -4 -19
146 gernet_l efficientnet_b3 86.654 87.452 13.346 12.548 97.186 97.679 2.814 2.321 31.08 12.23 256 320 0.875 1.000 bilinear bicubic +5.300 +5.194 +1.650 +1.563 -4 +14
147 wide_resnet50_2 resnet61q 86.647 87.433 13.353 12.567 97.214 97.605 2.786 2.396 68.88 36.85 224 288 0.875 1.000 bicubic +5.191 +4.911 +1.682 +1.471 -10 -5
148 efficientnet_el cait_xxs24_384 86.635 87.399 13.366 12.601 97.175 97.613 2.825 2.387 10.59 12.03 300 384 0.904 1.000 bicubic +5.319 +6.445 +1.649 +1.975 -5 +67
149 resmlp_24_distilled_224 resnet51q 86.622 87.388 13.378 12.612 97.135 97.581 2.865 2.419 30.02 35.70 224 288 0.875 1.000 bicubic bilinear +5.856 +5.020 +1.917 +1.405 +16 +1
150 twins_pcpvt_small xcit_tiny_24_p8_224 86.620 87.375 13.380 12.625 97.340 97.634 2.660 2.366 24.11 12.11 224 0.900 1.000 bicubic +5.532 +5.481 +1.698 +1.650 +3 +22
151 nf_resnet50 tresnet_l_448 86.609 87.373 13.391 12.627 97.293 97.489 2.707 2.511 25.56 55.99 288 448 0.940 0.875 bicubic bilinear +5.949 +5.111 +1.957 +1.509 +17 +8
152 resnest50d_4s2x40d coat_lite_small 86.592 87.365 13.408 12.635 97.269 97.368 2.731 2.632 30.42 19.84 224 0.875 0.900 bicubic +5.484 +5.063 +1.711 +1.508 -1 +3
153 efficientnet_b3_pruned nasnetalarge 86.581 87.352 13.419 12.648 97.190 97.412 2.810 2.588 9.86 88.75 300 331 0.904 0.911 bicubic +5.723 +4.716 +1.948 +1.362 +9 -18
154 repvgg_b3 crossvit_18_dagger_240 86.566 87.335 13.434 12.665 97.139 97.453 2.861 2.547 123.09 44.27 224 240 0.875 bilinear bicubic +6.074 +4.829 +1.879 +1.381 +19 -10
155 ssl_resnext101_32x4d crossvit_18_240 86.479 87.307 13.521 12.693 97.468 97.485 2.532 2.515 44.18 43.27 224 240 0.875 bilinear bicubic +5.555 +4.913 +1.740 +1.423 +4 -8
156 ecaresnet50d resnetv2_101 86.470 87.296 13.530 12.704 97.186 97.329 2.814 2.671 25.58 44.54 224 0.875 0.950 bicubic +5.878 +5.264 +1.866 +1.465 +15 +11
157 gluon_resnet152_v1s ecaresnet101d 86.468 87.281 13.532 12.719 97.109 97.560 2.891 2.440 60.32 44.57 224 0.875 bicubic +5.452 +5.109 +1.697 +1.506 -2 +6
158 resnest50d_1s4x24d pit_s_distilled_224 86.447 87.264 13.553 12.736 97.148 97.504 2.852 2.496 25.68 24.04 224 0.875 0.900 bicubic +5.459 +5.270 +1.826 +1.704 -2 +10
159 resnetv2_50x1_bitm resnest101e 86.436 87.262 13.564 12.738 97.602 97.558 2.398 2.442 25.55 48.28 448 256 1.000 0.875 bilinear +6.094 +4.386 +1.918 +1.245 +22 -31
160 repvgg_b3g4 resnetrs101 86.361 87.243 13.639 12.757 97.054 97.455 2.946 2.545 83.83 63.62 224 288 0.875 0.940 bilinear bicubic +6.149 +4.949 +1.944 +1.453 +32 -3
161 legacy_senet154 mixer_b16_224_miil 86.342 87.230 13.658 12.770 96.928 97.417 3.072 2.583 115.09 59.88 224 0.875 bilinear +5.032 +4.928 +1.432 +1.703 -17 -5
162 cait_xxs36_224 tresnet_xl 86.340 87.230 13.660 12.770 97.111 97.400 2.889 2.600 17.30 78.44 224 1.000 0.875 bicubic bilinear +6.590 +5.172 +2.245 +1.468 +54 +4
163 gernet_m xcit_tiny_12_p8_224_dist 86.319 87.224 13.681 12.776 97.096 97.442 2.904 2.558 21.14 6.71 224 0.875 1.000 bilinear bicubic +5.587 +6.010 +1.912 +1.836 +3 +38
164 pit_s_224 convit_base 86.316 87.205 13.684 12.795 97.045 97.295 2.955 2.705 23.46 86.54 224 0.900 0.875 bicubic +5.222 +4.913 +1.713 +1.361 -12 -6
165 vit_small_patch32_384 tf_efficientnet_b3_ap 86.312 87.198 13.688 12.802 97.417 97.382 2.583 2.618 22.92 12.23 384 300 1.000 0.904 bicubic +5.832 +5.376 +1.819 +1.762 +9 +10
166 efficientnet_b2 xcit_tiny_12_p16_384_dist 86.304 87.198 13.696 12.802 96.990 97.468 3.010 2.532 9.11 6.72 288 384 1.000 bicubic +5.692 +6.254 +1.672 +2.054 +3 +50
167 gluon_senet154 visformer_small 86.278 87.185 13.722 12.815 96.949 97.320 3.051 2.679 115.09 40.22 224 0.875 0.900 bicubic +5.044 +5.089 +1.601 +1.443 -20 -2
168 resnest50d crossvit_15_dagger_240 86.240 87.153 13.761 12.847 97.073 97.440 2.927 2.560 27.48 28.21 224 240 0.875 bilinear bicubic +5.266 +4.843 +1.695 +1.478 -11 -14
169 ecaresnet101d_pruned xcit_small_24_p16_224 86.210 87.136 13.790 12.864 97.335 97.256 2.665 2.744 24.88 47.67 224 0.875 1.000 bicubic +5.392 +4.558 +1.707 +1.256 -6 -30
170 efficientnet_el_pruned convit_small 86.192 87.044 13.807 12.956 97.026 97.348 2.974 2.652 10.59 27.78 300 224 0.904 0.875 bicubic +5.892 +5.632 +1.998 +1.602 +17 +19
171 cspdarknet53 crossvit_15_240 86.182 87.038 13.818 12.962 97.013 97.423 2.987 2.577 27.64 27.53 256 240 0.887 0.875 bilinear bicubic +6.124 +5.512 +1.929 +1.729 +27 +11
172 inception_v4 jx_nest_tiny 86.169 87.014 13.831 12.986 96.919 97.380 3.081 2.620 42.68 17.06 299 224 0.875 bicubic +6.001 +5.581 +1.951 +1.760 +22 +16
173 rexnet_150 tf_efficientnetv2_b3 86.154 87.014 13.846 12.986 97.058 97.303 2.942 2.697 9.73 14.36 224 300 0.875 0.904 bicubic +5.844 +5.061 +1.892 +1.519 +11 -2
174 inception_resnet_v2 regnetz_b 86.133 87.012 13.867 12.988 97.043 97.429 2.957 2.571 55.84 9.72 299 288 0.897 0.940 bicubic +5.675 +6.294 +1.737 +1.955 +4 +53
175 ssl_resnext50_32x4d xcit_small_12_p16_224 86.086 87.000 13.914 13.000 97.212 97.248 2.788 2.752 25.03 26.25 224 0.875 1.000 bilinear bicubic +5.768 +5.024 +1.806 +1.430 +8 -5
176 tf_efficientnet_el deit_small_distilled_patch16_224 86.084 86.993 13.916 13.007 96.964 97.316 3.036 2.684 10.59 22.44 300 224 0.904 0.900 bicubic +5.834 +5.791 +1.836 +1.938 +13 +26
177 gluon_resnet101_v1s resmlp_36_distilled_224 86.054 86.987 13.946 13.013 97.022 97.273 2.978 2.727 44.67 44.69 224 0.875 bicubic +5.752 +5.833 +1.862 +1.777 +8 +26
178 ecaresnetlight xcit_large_24_p16_224 86.052 86.961 13.948 13.039 97.069 96.923 2.931 3.077 30.16 189.10 224 0.875 1.000 bicubic +5.590 +4.063 +1.819 +1.041 -1 -51
179 gluon_seresnext101_32x4d xcit_medium_24_p16_224 86.032 86.940 13.968 13.060 96.977 97.096 3.023 2.904 48.96 84.40 224 0.875 1.000 bicubic +5.128 +4.314 +1.683 +1.120 -19 -43
180 resnet50d tnt_s_patch16_224 86.009 86.901 13.991 13.099 96.979 97.361 3.021 2.639 25.58 23.76 224 0.875 0.900 bicubic +5.479 +5.387 +1.819 +1.617 -8 +3
181 ecaresnet26t convmixer_1536_20 85.983 86.861 14.017 13.139 97.041 97.346 2.959 2.654 16.01 51.63 320 224 0.950 0.960 bicubic +6.129 +5.485 +1.957 +1.736 +29 +12
182 tf_efficientnet_b2_ap rexnet_200 85.975 86.854 14.025 13.146 96.810 97.282 3.190 2.718 9.11 16.37 260 224 0.890 0.875 bicubic +5.675 +5.228 +1.592 +1.610 +4 -3
183 gluon_seresnext101_64x4d vit_small_patch16_224 85.960 86.852 14.040 13.148 96.979 97.598 3.021 2.402 88.23 22.05 224 0.875 0.900 bicubic +5.066 +5.466 +1.671 +1.468 -22 +8
184 vit_base_patch32_224 ssl_resnext101_32x16d 85.956 86.850 14.044 13.150 97.130 97.519 2.869 2.481 88.22 194.03 224 0.900 0.875 bicubic bilinear +5.231 +5.006 +1.562 +1.429 -17 -11
185 gluon_resnet152_v1d tf_efficientnet_b3 85.917 86.842 14.083 13.158 96.812 97.293 3.188 2.707 60.21 12.23 224 300 0.875 0.904 bicubic +5.443 +5.196 +1.606 +1.573 -9 -7
186 vit_large_patch32_384 vit_small_r26_s32_224 85.909 86.840 14.091 13.161 97.368 97.532 2.632 2.468 306.63 36.43 384 224 1.000 0.900 bicubic +4.403 +5.001 +1.276 +1.506 -51 -12
187 tf_efficientnet_b2 deit_base_patch16_224 85.902 86.827 14.098 13.173 96.862 97.056 3.139 2.944 9.11 86.57 260 224 0.890 0.900 bicubic +5.816 +4.843 +1.954 +1.314 +10 -18
188 tf_efficientnetv2_b2 tresnet_m_448 85.900 86.814 14.100 13.186 96.889 97.210 3.111 2.791 10.10 31.39 260 448 0.890 0.875 bicubic bilinear +5.692 +5.100 +1.847 +1.640 +5 -12
189 seresnet50 coat_mini 85.857 86.810 14.143 13.190 97.004 97.167 2.995 2.833 28.09 10.34 224 0.875 0.900 bicubic +5.583 +5.528 +1.934 +1.773 -1 +9
190 repvgg_b2g4 swsl_resnet50 85.855 86.801 14.145 13.199 96.812 97.491 3.188 2.509 61.76 25.56 224 0.875 bilinear +6.489 +5.655 +2.124 +1.513 +42 +14
191 gluon_resnet101_v1d tf_efficientnet_lite4 85.849 86.799 14.151 13.201 96.663 97.256 3.337 2.744 44.57 13.01 224 380 0.875 0.920 bicubic bilinear +5.435 +5.259 +1.649 +1.596 -12 -10
192 resnet50 ssl_resnext101_32x8d 85.804 86.797 14.196 13.203 96.712 97.470 3.288 2.530 25.56 88.79 224 0.875 bicubic bilinear +6.766 +5.197 +2.322 +1.424 +63 -12
193 mixnet_xl tresnet_l 85.798 86.754 14.202 13.246 96.712 97.271 3.288 2.729 11.90 55.99 224 0.875 bicubic bilinear +5.322 +5.270 +1.776 +1.651 -18 -7
194 ens_adv_inception_resnet_v2 twins_svt_small 85.781 86.754 14.220 13.246 96.759 97.175 3.241 2.825 55.84 24.06 299 224 0.897 0.900 bicubic +5.799 +5.072 +1.821 +1.497 +7 -17
195 tf_efficientnet_lite3 crossvit_base_240 85.755 86.735 14.245 13.265 96.887 97.122 3.113 2.878 8.20 105.03 300 240 0.904 0.875 bilinear bicubic +5.935 +4.529 +1.973 +1.294 +18 -34
196 ese_vovnet39b levit_256 85.751 86.733 14.249 13.267 96.891 97.261 3.109 2.739 24.57 18.89 224 0.875 0.900 bicubic +6.431 +5.231 +2.179 +1.781 +38 -11
197 gluon_resnext101_32x4d crossvit_small_240 85.746 86.705 14.254 13.295 96.635 97.284 3.365 2.716 44.18 26.86 224 240 0.875 bicubic +5.412 +5.675 +1.709 +1.818 -15 +13
198 legacy_seresnext101_32x4d seresnext50_32x4d 85.746 86.705 14.254 13.295 96.757 97.207 3.243 2.793 48.96 27.56 224 0.875 bilinear bicubic +5.518 +5.437 +1.739 +1.581 -7 +1
199 cspresnext50 pit_b_224 85.740 86.690 14.260 13.310 96.840 96.894 3.160 3.107 20.57 73.76 224 0.875 0.900 bilinear bicubic +5.700 +4.246 +1.896 +1.181 0 -53
200 regnety_320 tf_efficientnet_b1_ns 85.727 86.681 14.273 13.319 96.725 97.380 3.275 2.620 145.05 7.79 224 240 0.875 0.882 bicubic +4.915 +5.297 +1.481 +1.642 -36 -8
201 cspresnet50 swin_tiny_patch4_window7_224 85.721 86.671 14.279 13.329 96.795 97.199 3.205 2.801 21.62 28.29 256 224 0.887 0.900 bilinear bicubic +6.147 +5.285 +2.083 +1.663 +23 -11
202 xception71 gernet_l 85.697 86.652 14.303 13.348 96.776 97.195 3.224 2.805 42.34 31.08 299 256 0.903 0.875 bicubic bilinear +5.823 +5.306 +1.854 +1.659 +5 -7
203 resmlp_big_24_224 wide_resnet50_2 85.695 86.647 14.305 13.353 96.426 97.205 3.574 2.795 129.14 68.88 224 0.875 bicubic +4.667 +5.197 +1.404 +1.687 -49 -16
204 gluon_resnext101_64x4d efficientnet_el 85.693 86.622 14.307 13.378 96.644 97.182 3.356 2.818 83.46 10.59 224 300 0.875 0.904 bicubic +5.089 +5.316 +1.656 +1.646 -34 -7
205 efficientnet_em twins_pcpvt_small 85.684 86.609 14.316 13.391 96.938 97.342 3.062 2.658 6.90 24.11 240 224 0.882 0.900 bicubic +6.432 +5.505 +2.144 +1.700 +38 +1
206 deit_small_patch16_224 resmlp_24_distilled_224 85.678 86.607 14.322 13.393 96.906 97.137 3.094 2.863 22.05 30.02 224 0.900 0.875 bicubic +5.822 +5.847 +1.854 +1.917 +2 +18
207 pit_xs_distilled_224 nf_resnet50 85.657 86.598 14.343 13.402 96.667 97.295 3.333 2.705 11.00 25.56 224 288 0.900 0.940 bicubic +6.351 +5.942 +2.303 +1.959 +31 +21
208 efficientnet_b2_pruned efficientnet_b3_pruned 85.642 86.585 14.358 13.415 96.746 97.186 3.254 2.814 8.31 9.86 260 300 0.890 0.904 bicubic +5.726 +5.727 +1.890 +1.946 -5 +13
209 dpn107 sehalonet33ts 85.640 86.585 14.360 13.415 96.729 97.004 3.271 2.995 86.92 13.69 224 256 0.875 0.940 bicubic +5.484 +5.603 +1.819 +1.732 -14 +4
210 resmlp_36_224 resnest50d_4s2x40d 85.620 86.581 14.380 13.419 96.795 97.271 3.205 2.729 44.69 30.42 224 0.875 bicubic +5.850 +5.461 +1.909 +1.711 +4 -5
211 levit_192 repvgg_b3 85.580 86.570 14.420 13.430 96.740 97.143 3.260 2.857 10.95 123.09 224 0.900 0.875 bicubic bilinear +5.738 +6.054 +1.954 +1.879 -2 +23
212 gluon_resnet152_v1c xcit_tiny_24_p16_224_dist 85.580 86.543 14.420 13.457 96.646 97.214 3.354 2.786 60.21 12.12 224 0.875 1.000 bicubic +5.670 +6.081 +1.806 +2.006 -8 +26
213 ecaresnet50d_pruned ecaresnet50d 85.580 86.479 14.420 13.521 96.936 97.186 3.064 2.814 19.94 25.58 224 0.875 bicubic +5.864 +5.859 +2.056 +1.878 +7 +17
214 resnext50d_32x4d ssl_resnext101_32x4d 85.569 86.474 14.431 13.526 96.748 97.468 3.252 2.532 25.05 44.18 224 0.875 bicubic bilinear +5.893 +5.552 +1.882 +1.738 +7 +4
215 tf_efficientnetv2_b1 gcresnet50t 85.561 86.459 14.439 13.541 96.727 97.141 3.273 2.859 8.14 25.90 240 256 0.882 0.900 bicubic +6.099 +5.521 +2.005 +1.701 +14 +2
216 regnety_120 gluon_resnet152_v1s 85.543 86.453 14.457 13.547 96.785 97.122 3.215 2.878 51.82 60.32 224 0.875 bicubic +5.177 +5.433 +1.659 +1.700 -36 -5
217 regnetx_320 haloregnetz_b 85.524 86.449 14.476 13.551 96.669 96.938 3.331 3.062 107.81 11.68 224 0.875 0.940 bicubic +5.278 +5.407 +1.643 +1.738 -27 -9
218 nf_regnet_b1 resnest50d_1s4x24d 85.505 86.440 14.495 13.560 96.791 97.152 3.209 2.848 10.22 25.68 288 224 0.900 0.875 bicubic +6.213 +5.440 +2.043 +1.826 +22 -6
219 dpn92 resnetv2_50x1_bitm 85.494 86.440 14.506 13.560 96.635 97.605 3.365 2.396 37.67 25.55 224 448 0.875 1.000 bicubic bilinear +5.486 +6.096 +1.799 +1.918 -19 +27
220 gluon_resnet152_v1b repvgg_b3g4 85.475 86.359 14.525 13.641 96.550 97.052 3.450 2.949 60.19 83.83 224 0.875 bicubic bilinear +5.789 +6.141 +1.814 +1.948 0 +38
221 rexnet_130 legacy_senet154 85.473 86.334 14.527 13.666 96.684 96.925 3.316 3.075 7.56 115.09 224 0.875 bicubic bilinear +5.973 +5.007 +2.002 +1.419 +6 -25
222 resnetrs50 gernet_m 85.462 86.325 14.538 13.675 96.736 97.092 3.264 2.908 35.69 21.14 224 0.910 0.875 bicubic bilinear +5.570 +5.599 +1.767 +1.914 -17 +4
223 dpn131 cait_xxs36_224 85.398 86.321 14.602 13.679 96.639 97.113 3.361 2.887 79.25 17.30 224 0.875 1.000 bicubic +5.576 +6.559 +1.929 +2.245 -11 +62
224 regnetx_160 pit_s_224 85.390 86.319 14.610 13.681 96.637 97.045 3.363 2.955 54.28 23.46 224 0.875 0.900 bicubic +5.534 +5.219 +1.807 +1.711 -15 -17
225 dla102x2 efficientnet_b2 85.366 86.310 14.634 13.690 96.629 96.990 3.371 3.010 41.28 9.11 224 288 0.875 1.000 bilinear bicubic +5.918 +5.700 +1.989 +1.674 +5 +6
226 gluon_seresnext50_32x4d vit_small_patch32_384 85.336 86.304 14.664 13.696 96.667 97.417 3.333 2.583 27.56 22.92 224 384 0.875 1.000 bicubic +5.418 +5.818 +1.845 +1.819 -24 +9
227 xception65 gluon_senet154 85.315 86.274 14.685 13.726 96.637 96.936 3.363 3.064 39.92 115.09 299 224 0.903 0.875 bicubic +5.763 +5.050 +1.983 +1.584 -2 -27
228 skresnext50_32x4d resnest50d 85.313 86.231 14.687 13.769 96.390 97.064 3.610 2.936 27.48 224 0.875 bicubic bilinear +5.157 +5.269 +1.748 +1.686 -32 -14
229 dpn98 convmixer_768_32 85.311 86.220 14.689 13.780 96.469 97.030 3.531 2.970 61.57 21.11 224 0.875 0.960 bicubic +5.669 +6.060 +1.871 +1.956 -7 +32
230 gluon_resnet101_v1c efficientnet_el_pruned 85.304 86.188 14.696 13.812 96.405 97.022 3.595 2.978 44.57 10.59 224 300 0.875 0.904 bicubic +5.770 +5.900 +1.827 +1.800 -4 +21
231 dpn68b ecaresnet101d_pruned 85.291 86.182 14.709 13.818 96.464 97.342 3.536 2.658 12.61 24.88 224 0.875 bicubic +6.076 +5.370 +2.050 +1.702 +15 -9
232 regnety_064 halonet50ts 85.283 86.175 14.717 13.825 96.639 96.785 3.361 3.215 30.58 22.73 224 256 0.875 0.940 bicubic +5.561 +4.826 +1.871 +1.501 -15 -38
233 resnetblur50 rexnet_150 85.283 86.165 14.717 13.835 96.531 97.071 3.470 2.929 25.56 9.73 224 0.875 bicubic +5.997 +5.855 +1.892 +1.911 +8 +15
234 resmlp_24_224 cspdarknet53 85.268 86.152 14.732 13.848 96.492 97.013 3.508 2.987 30.02 27.64 224 256 0.875 0.887 bicubic bilinear +5.894 +6.102 +1.946 +1.921 -3 +34
235 coat_lite_mini inception_v4 85.251 86.152 14.749 13.848 96.680 96.921 3.320 3.079 11.01 42.68 224 299 0.900 0.875 bicubic +6.163 +6.008 +2.076 +1.949 +15 +27
236 regnety_080 inception_resnet_v2 85.245 86.120 14.755 13.880 96.633 97.041 3.367 2.959 39.18 55.84 224 299 0.875 0.897 bicubic +5.369 +5.672 +1.803 +1.733 -30 +4
237 cait_xxs24_224 xcit_tiny_12_p8_224 85.228 86.118 14.773 13.882 96.712 97.084 3.288 2.917 11.96 6.71 224 1.000 bicubic +6.842 +6.408 +2.402 +2.026 +44 +50
238 resnext50_32x4d ssl_resnext50_32x4d 85.221 86.075 14.779 13.925 96.526 97.212 3.474 2.788 25.03 224 0.875 bicubic bilinear +5.453 +5.773 +1.928 +1.794 -23 +12
239 resnext101_32x8d tf_efficientnet_el 85.187 86.071 14.813 13.929 96.445 96.966 3.555 3.034 88.79 10.59 224 300 0.875 0.904 bilinear bicubic +5.879 +5.823 +1.927 +1.842 -4 +16
240 gluon_inception_v3 ecaresnetlight 85.183 86.045 14.817 13.955 96.526 97.069 3.474 2.931 23.83 30.16 299 224 0.875 bicubic +6.377 +5.591 +2.156 +1.817 +21 -1
241 hrnet_w48 gluon_resnet101_v1s 85.151 86.037 14.849 13.963 96.492 97.026 3.508 2.974 77.47 44.67 224 0.875 bilinear bicubic +5.851 +5.755 +1.980 +1.864 -2 +11
242 gluon_xception65 resnetv2_50 85.148 86.020 14.851 13.980 96.597 96.911 3.403 3.089 39.92 25.55 299 224 0.903 0.950 bicubic +5.433 +5.614 +1.737 +1.831 -23 -1
243 gluon_resnet101_v1b gcresnext50ts 85.142 86.009 14.858 13.991 96.366 96.966 3.634 3.034 44.55 15.67 224 256 0.875 0.900 bicubic +5.836 +5.415 +1.842 +1.786 -6 -11
244 regnetx_120 gluon_seresnext101_32x4d 85.131 86.007 14.869 13.993 96.477 96.979 3.523 3.021 46.11 48.96 224 0.875 bicubic +5.535 +5.131 +1.739 +1.687 -21 -25
245 xception seresnet33ts 85.129 86.005 14.871 13.995 96.471 97.009 3.529 2.991 22.86 19.78 299 256 0.897 0.900 bicubic +6.077 +5.633 +2.079 +1.895 +9 0
246 tf_efficientnet_b1_ap resnet50d 85.127 85.994 14.873 14.006 96.405 96.985 3.595 3.015 7.79 25.58 240 224 0.882 0.875 bicubic +5.847 +5.456 +2.099 +1.825 -4 -13
247 hrnet_w64 tf_efficientnet_b2_ap 85.119 85.977 14.881 14.023 96.744 96.808 3.256 3.192 128.06 9.11 224 260 0.875 0.890 bilinear bicubic +5.645 +5.671 +2.092 +1.776 -19 +2
248 ssl_resnet50 ecaresnet26t 85.097 85.964 14.903 14.036 96.866 97.032 3.134 2.968 25.56 16.01 224 320 0.875 0.950 bilinear bicubic +5.875 +6.130 +2.034 +1.948 -4 +32
249 res2net101_26w_4s vit_base_patch32_224 85.093 85.960 14.907 14.040 96.381 97.128 3.619 2.872 45.21 88.22 224 0.875 0.900 bilinear bicubic +5.895 +5.228 +1.949 +1.562 -1 -24
250 tf_efficientnet_cc_b1_8e gluon_seresnext101_64x4d 85.063 85.951 14.937 14.049 96.422 96.987 3.578 3.013 39.72 88.23 240 224 0.882 0.875 bicubic +5.755 +5.081 +2.052 +1.681 -14 -30
251 res2net50_26w_8s gluon_resnet152_v1d 85.029 85.906 14.971 14.094 96.419 96.808 3.580 3.192 48.40 60.21 224 0.875 bilinear bicubic +5.831 +5.430 +2.052 +1.606 -4 -15
252 resnest26d vit_large_patch32_384 85.008 85.902 14.992 14.098 96.637 97.370 3.363 2.630 17.07 306.63 224 384 0.875 1.000 bilinear bicubic +6.530 +4.396 +2.339 +1.284 +22 -68
253 gluon_resnext50_32x4d tf_efficientnetv2_b2 84.995 85.900 15.005 14.100 96.426 96.883 3.574 3.117 25.03 10.10 224 260 0.875 0.890 bicubic +5.641 +5.686 +2.000 +1.839 -20 +6
254 tf_efficientnet_b0_ns tf_efficientnet_b2 84.984 85.881 15.016 14.119 96.503 96.855 3.497 3.145 5.29 9.11 224 260 0.875 0.890 bicubic +6.326 +5.813 +2.127 +1.951 +14 +12
255 coat_tiny vit_base_patch16_sam_224 84.976 85.879 15.024 14.121 96.409 96.706 3.591 3.294 5.50 86.57 224 0.900 bicubic +6.542 +5.637 +2.371 +1.944 +23 +1
256 regnety_040 repvgg_b2g4 84.948 85.857 15.052 14.143 96.612 96.821 3.388 3.179 20.65 61.76 224 0.875 bicubic bilinear +5.728 +6.477 +1.956 +2.127 -11 +48
257 dla169 seresnet50 84.920 85.830 15.080 14.170 96.535 97.002 3.465 2.998 53.39 28.09 224 0.875 bilinear bicubic +6.232 +5.582 +2.199 +1.932 +9 -3
258 tf_efficientnet_b1 gluon_resnet101_v1d 84.918 85.827 15.082 14.173 96.364 96.661 3.636 3.339 7.79 44.57 240 224 0.882 0.875 bicubic +6.092 +5.423 +2.166 +1.637 +2 -16
259 legacy_seresnext50_32x4d gcresnet33ts 84.901 85.804 15.099 14.196 96.434 96.896 3.566 3.104 27.56 19.88 224 256 0.875 0.900 bilinear bicubic +5.823 +5.718 +1.998 +1.904 -8 +6
260 hrnet_w44 mixnet_xl 84.884 85.785 15.116 14.215 96.434 96.721 3.566 3.280 67.06 11.90 224 0.875 bilinear bicubic +5.988 +5.317 +2.066 +1.788 -2 -23
261 gluon_resnet50_v1s ens_adv_inception_resnet_v2 84.862 85.781 15.138 14.220 96.443 96.757 3.557 3.243 25.68 55.84 224 299 0.875 0.897 bicubic +6.150 +5.802 +2.205 +1.821 +4 +9
262 regnetx_080 cspresnext50 84.862 85.763 15.138 14.237 96.434 96.838 3.566 3.162 39.57 20.57 224 0.875 bicubic bilinear +5.668 +5.711 +1.874 +1.888 -13 +5
263 levit_128 tf_efficientnet_lite3 84.843 85.759 15.157 14.241 96.360 96.894 3.640 3.107 9.21 8.20 224 300 0.900 0.904 bicubic bilinear +6.357 +5.939 +2.350 +1.984 +9 +19
264 gluon_resnet50_v1d gluon_resnext101_32x4d 84.832 85.744 15.168 14.256 96.398 96.616 3.602 3.384 25.58 44.18 224 0.875 bicubic +5.758 +5.406 +1.928 +1.708 -12 -17
265 dla60_res2next ese_vovnet39b 84.830 85.742 15.170 14.258 96.411 96.902 3.589 3.098 17.03 24.57 224 0.875 bilinear bicubic +6.390 +6.438 +2.259 +2.178 +12 +44
266 vit_tiny_patch16_384 legacy_seresnext101_32x4d 84.828 85.738 15.172 14.262 96.708 96.763 3.292 3.237 5.79 48.96 384 224 1.000 0.875 bicubic bilinear +6.398 +5.516 +2.166 +1.751 +13 -9
267 mixnet_l eca_resnet33ts 84.822 85.736 15.178 14.264 96.328 96.900 3.672 3.100 7.33 19.68 224 256 0.875 0.900 bicubic +5.846 +5.640 +2.146 +1.926 -11 -3
268 tv_resnet152 xcit_tiny_24_p16_224 84.815 85.736 15.185 14.264 96.225 96.938 3.775 3.062 60.19 12.12 224 0.875 1.000 bilinear bicubic +6.503 +6.284 +2.187 +2.050 +17 +33
269 dla60_res2net cspresnet50 84.813 85.725 15.187 14.275 96.481 96.802 3.519 3.198 20.85 21.62 224 256 0.875 0.887 bilinear +6.349 +6.149 +2.275 +2.100 +6 +26
270 dla102x regnety_320 84.813 85.723 15.187 14.277 96.552 96.727 3.448 3.273 26.31 145.05 224 0.875 bilinear bicubic +6.303 +4.929 +2.324 +1.481 +1 -47
271 pit_xs_224 gluon_resnext101_64x4d 84.792 85.704 15.208 14.296 96.492 96.646 3.508 3.354 10.62 83.46 224 0.900 0.875 bicubic +6.610 +5.078 +2.324 +1.644 +19 -42
272 xception41 resnet50 84.792 85.704 15.208 14.296 96.413 96.490 3.587 3.510 26.97 25.56 299 224 0.903 0.950 bicubic +6.276 +5.322 +2.135 +1.896 -2 -28
273 regnetx_064 resmlp_big_24_224 84.781 85.697 15.219 14.303 96.490 96.417 3.510 3.583 26.21 129.14 224 0.875 bicubic +5.709 +4.665 +2.032 +1.395 -20 -64
274 hrnet_w40 xception71 84.743 85.693 15.257 14.307 96.554 96.772 3.446 3.228 57.56 42.34 224 299 0.875 0.903 bilinear bicubic +5.823 +5.809 +2.084 +1.840 -17 0
275 res2net50_26w_6s efficientnet_em 84.726 85.691 15.274 14.309 96.281 96.941 3.719 3.059 37.05 6.90 224 240 0.875 0.882 bilinear bicubic +6.156 +6.431 +2.157 +2.148 -6 +40
276 repvgg_b2 deit_small_patch16_224 84.724 85.663 15.276 14.337 96.469 96.906 3.531 3.094 89.02 22.05 224 0.875 0.900 bilinear bicubic +5.932 +5.797 +2.055 +1.850 -13 +1
277 resmlp_12_distilled_224 dpn107 84.713 85.650 15.287 14.350 96.225 96.725 3.775 3.275 15.35 86.92 224 0.875 bicubic +6.769 +5.478 +2.667 +1.821 +25 -17
278 legacy_seresnet152 pit_xs_distilled_224 84.704 85.644 15.296 14.356 96.417 96.665 3.583 3.335 66.82 11.00 224 0.875 0.900 bilinear bicubic +6.044 +6.350 +2.047 +2.291 -11 +35
279 selecsls60b efficientnet_b2_pruned 84.657 85.637 15.343 14.363 96.300 96.746 3.700 3.254 32.77 8.31 224 260 0.875 0.890 bicubic +6.245 +5.731 +2.126 +1.892 +1 -6
280 hrnet_w32 resmlp_36_224 84.651 85.623 15.349 14.377 96.407 96.795 3.593 3.205 41.23 44.69 224 0.875 bilinear bicubic +6.201 +5.846 +2.221 +1.909 -4 +4
281 tf_efficientnetv2_b0 levit_192 84.625 85.586 15.375 14.414 96.274 96.744 3.726 3.256 7.14 10.95 224 0.875 0.900 bicubic +6.269 +5.726 +2.250 +1.942 +3 -3
282 efficientnet_b1 gluon_resnet152_v1c 84.608 85.576 15.392 14.425 96.332 96.652 3.668 3.348 7.79 60.21 256 224 1.000 0.875 bicubic +5.814 +5.664 +1.990 +1.800 -20 -10
283 regnetx_040 ecaresnet50d_pruned 84.600 85.573 15.400 14.427 96.383 96.934 3.617 3.066 22.12 19.94 224 0.875 bicubic +6.118 +5.867 +2.139 +2.060 -10 +5
284 efficientnet_es resnext50d_32x4d 84.591 85.561 15.409 14.439 96.311 96.746 3.689 3.254 5.44 25.05 224 0.875 bicubic +6.525 +5.897 +2.385 +1.880 +11 +7
285 hrnet_w30 tf_efficientnetv2_b1 84.572 85.556 15.428 14.444 96.388 96.721 3.612 3.280 37.71 8.14 224 240 0.875 0.882 bilinear bicubic +6.366 +6.082 +2.166 +2.001 +4 +14
286 tf_mixnet_l regnety_120 84.564 85.541 15.437 14.459 96.244 96.774 3.756 3.226 7.33 51.82 224 0.875 bicubic +5.790 +5.155 +2.246 +1.652 -22 -43
287 wide_resnet101_2 regnetx_320 84.557 85.516 15.443 14.484 96.349 96.667 3.651 3.333 126.89 107.81 224 0.875 bilinear bicubic +5.701 +5.268 +2.067 +1.641 -28 -34
288 dla60x nf_regnet_b1 84.523 85.496 15.477 14.504 96.285 96.791 3.715 3.209 17.35 10.22 224 288 0.875 0.900 bilinear bicubic +6.277 +6.200 +2.267 +2.049 -2 +24
289 legacy_seresnet101 dpn92 84.504 85.484 15.496 14.516 96.330 96.635 3.670 3.365 49.33 37.67 224 0.875 bilinear bicubic +6.122 +5.490 +2.066 +1.799 -7 -20
290 tf_efficientnet_em rexnet_130 84.450 85.465 15.550 14.536 96.180 96.686 3.820 3.314 6.90 7.56 240 224 0.882 0.875 bicubic +6.320 +5.968 +2.136 +2.012 +2 +8
291 coat_lite_tiny gluon_resnet152_v1b 84.450 85.458 15.550 14.542 96.368 96.560 3.632 3.440 5.72 60.19 224 0.900 0.875 bicubic +6.938 +5.778 +2.452 +1.824 +27 -1
292 repvgg_b1 resnetrs50 84.416 85.433 15.584 14.568 96.221 96.731 3.779 3.269 57.42 35.69 224 0.875 0.910 bilinear bicubic +6.050 +5.562 +2.123 +1.761 -9 -16
293 efficientnet_b1_pruned dpn131 84.393 85.411 15.607 14.589 96.140 96.637 3.860 3.363 6.33 79.25 240 224 0.882 0.875 bicubic +6.157 +5.577 +2.306 +1.925 -5 -14
294 res2net50_26w_4s dla102x2 84.365 85.383 15.635 14.617 96.082 96.635 3.918 3.365 25.70 41.28 224 0.875 bilinear +6.401 +5.943 +2.228 +1.991 +7 +8
295 hardcorenas_f regnetx_160 84.326 85.364 15.674 14.636 96.025 96.633 3.975 3.367 8.20 54.28 224 0.875 bilinear bicubic +6.222 +5.530 +2.222 +1.809 -1 -14
296 res2net50_14w_8s gmlp_s16_224 84.309 85.349 15.691 14.651 96.072 96.641 3.929 3.358 25.06 19.42 224 0.875 bilinear bicubic +6.159 +5.707 +2.224 +2.019 -4 -3
297 selecsls60 gluon_seresnext50_32x4d 84.288 85.343 15.712 14.657 96.095 96.671 3.905 3.329 30.67 27.56 224 0.875 bicubic +6.306 +5.419 +2.267 +1.843 +3 -26
298 regnetx_032 skresnext50_32x4d 84.237 85.315 15.763 14.685 96.247 96.394 3.753 3.606 15.30 27.48 224 0.875 bicubic +6.065 +5.173 +2.159 +1.750 -7 -35
299 res2next50 gluon_resnet101_v1c 84.226 85.311 15.774 14.689 95.997 96.415 4.003 3.585 24.67 44.57 224 0.875 bilinear bicubic +5.980 +5.777 +2.105 +1.827 -12 -2
300 gluon_resnet50_v1c dpn98 84.207 85.309 15.793 14.691 96.161 96.466 3.839 3.534 25.58 61.57 224 0.875 bicubic +6.195 +5.655 +2.173 +1.862 -2 -8
301 dla102 xception65 84.190 85.304 15.810 14.696 96.206 96.633 3.794 3.367 33.27 39.92 224 299 0.875 0.903 bilinear bicubic +6.158 +5.758 +2.260 +1.973 -4 -5
302 rexnet_100 lambda_resnet26t 84.162 85.300 15.838 14.700 96.255 96.723 3.745 3.277 4.80 10.96 224 256 0.875 0.940 bicubic +6.304 +6.192 +2.385 +2.135 +5 +21
303 tf_inception_v3 regnety_064 84.132 85.287 15.868 14.713 95.920 96.633 4.080 3.367 23.83 30.58 299 224 0.875 bicubic +6.270 +5.557 +2.280 +1.871 +3 -17
304 res2net50_48w_2s dpn68b 84.126 85.285 15.874 14.715 95.965 96.473 4.035 3.527 25.29 12.61 224 0.875 bilinear bicubic +6.604 +6.069 +2.411 +2.051 +12 +15
305 resnet34d resnetblur50 84.098 85.277 15.902 14.723 95.978 96.516 4.022 3.484 21.82 25.56 224 0.875 bicubic +6.982 +5.977 +2.596 +1.986 +23 +5
306 tf_efficientnet_lite2 resmlp_24_224 84.094 85.275 15.906 14.726 96.069 96.499 3.931 3.502 6.09 30.02 260 224 0.890 0.875 bicubic +6.626 +5.888 +2.315 +1.953 +12 -3
307 efficientnet_b0 coat_lite_mini 84.038 85.249 15.962 14.751 95.956 96.684 4.044 3.316 5.29 11.01 224 0.875 0.900 bicubic +6.340 +6.149 +2.424 +2.082 +2 +17
308 gmixer_24_224 resnet33ts 83.968 85.242 16.032 14.758 95.849 96.620 4.151 3.380 24.72 19.68 224 256 0.875 0.900 bicubic +5.932 +6.028 +2.185 +2.048 -12 +12
309 hardcorenas_e resnext50_32x4d 83.968 85.232 16.032 14.768 95.898 96.526 4.101 3.474 8.07 25.03 224 0.875 bilinear bicubic +6.174 +5.432 +2.204 +1.912 -1 -27
310 tf_efficientnet_cc_b0_8e regnety_080 83.966 85.232 16.034 14.768 96.065 96.635 3.935 3.365 24.01 39.18 224 0.875 bicubic +6.058 +5.360 +2.411 +1.803 -6 -34
311 tv_resnext50_32x4d cait_xxs24_224 83.959 85.221 16.041 14.779 95.960 96.718 4.040 3.282 25.03 11.96 224 0.875 1.000 bilinear bicubic +6.339 +6.845 +2.264 +2.402 0 +50
312 regnety_016 halonet26t 83.955 85.213 16.045 14.787 96.005 96.466 3.995 3.534 11.20 12.48 224 256 0.875 0.950 bicubic +6.093 +6.079 +2.285 +2.150 -7 +10
313 gluon_resnet50_v1b xcit_tiny_12_p16_224_dist 83.940 85.206 16.060 14.794 96.012 96.605 3.988 3.395 25.56 6.72 224 0.875 1.000 bicubic +6.360 +6.626 +2.296 +2.401 +2 +33
314 densenet161 resnext101_32x8d 83.906 85.187 16.094 14.813 96.010 96.449 3.990 3.551 28.68 88.79 224 0.875 bicubic bilinear +6.548 +5.875 +2.372 +1.927 +8 -6
315 adv_inception_v3 gluon_inception_v3 83.902 85.183 16.098 14.817 95.935 96.531 4.065 3.470 23.83 299 0.875 bicubic +6.320 +6.385 +2.199 +2.151 -1 +24
316 mobilenetv2_120d resnet32ts 83.893 85.174 16.107 14.826 95.909 96.624 4.091 3.376 5.83 17.96 224 256 0.875 0.900 bicubic +6.609 +6.154 +2.417 +2.262 +9 +13
317 seresnext26t_32x4d hrnet_w48 83.878 85.155 16.122 14.845 95.931 96.490 4.069 3.510 16.81 77.47 224 0.875 bicubic bilinear +5.892 +5.833 +2.185 +1.976 -18 -10
318 tv_resnet101 regnetx_120 83.848 85.138 16.152 14.862 95.892 96.473 4.108 3.527 44.55 46.11 224 0.875 bilinear bicubic +6.474 +5.532 +2.352 +1.743 +3 -24
319 inception_v3 gluon_resnet101_v1b 83.761 85.129 16.239 14.871 95.879 96.370 4.121 3.630 23.83 44.55 299 224 0.875 bicubic +6.323 +5.829 +2.405 +1.734 0 -8
320 hardcorenas_d tf_efficientnet_b1_ap 83.759 85.129 16.241 14.871 95.734 96.407 4.266 3.593 7.50 7.79 224 240 0.875 0.882 bilinear bicubic +6.327 +5.855 +2.250 +2.105 0 -6
321 seresnext26d_32x4d xception 83.754 85.129 16.246 14.871 95.849 96.477 4.151 3.523 16.81 22.86 224 299 0.875 0.897 bicubic +6.152 +6.081 +2.241 +2.081 -9 +7
322 dla60 gluon_xception65 83.729 85.123 16.271 14.877 95.933 96.599 4.067 3.401 22.04 39.92 224 299 0.875 0.903 bilinear bicubic +6.697 +5.421 +2.615 +1.731 +10 -33
323 repvgg_b1g4 hrnet_w64 83.699 85.117 16.301 14.883 96.020 96.746 3.980 3.254 39.97 128.06 224 0.875 bilinear +6.105 +5.660 +2.194 +2.092 -10 -23
324 legacy_seresnet50 ssl_resnet50 83.662 85.104 16.337 14.896 95.973 96.862 4.027 3.139 28.09 25.56 224 0.875 bilinear +6.032 +5.868 +2.225 +2.029 -14 -8
325 tf_efficientnet_b0_ap res2net101_26w_4s 83.650 85.089 16.350 14.911 95.779 96.385 4.221 3.615 5.29 45.21 224 0.875 bicubic bilinear +6.564 +5.897 +2.523 +1.947 +5 -4
326 skresnet34 lambda_resnet26rpt_256 83.641 85.084 16.359 14.916 95.933 96.558 4.067 3.442 22.28 10.99 224 256 0.875 0.940 bicubic +6.729 +6.116 +2.611 +2.130 +10 +6
327 tf_efficientnet_cc_b0_4e tf_efficientnet_cc_b1_8e 83.639 85.072 16.361 14.928 95.740 96.424 4.260 3.576 13.31 39.72 224 240 0.875 0.882 bicubic +6.333 +5.746 +2.406 +2.056 -4 -21
328 resmlp_12_224 xcit_nano_12_p8_384_dist 83.571 85.029 16.429 14.971 95.760 96.629 4.240 3.371 15.35 3.05 224 384 0.875 1.000 bicubic +6.917 +7.211 +2.580 +2.595 +13 +62
329 densenet201 gluon_resnext50_32x4d 83.556 85.010 16.444 14.990 95.811 96.426 4.189 3.574 20.01 25.03 224 0.875 bicubic +6.270 +5.646 +2.333 +2.002 -5 -24
330 mobilenetv3_large_100_miil tf_efficientnet_b0_ns 83.556 85.003 16.444 14.997 95.452 96.496 4.548 3.504 5.48 5.29 224 0.875 bilinear bicubic +5.640 +6.345 +2.542 +2.126 -27 +15
331 gernet_s resnest26d 83.522 84.997 16.478 15.003 95.794 96.629 4.206 3.371 8.17 17.07 224 0.875 bilinear +6.606 +6.519 +2.662 +2.333 +4 +20
332 legacy_seresnext26_32x4d coat_tiny 83.517 84.969 16.483 15.031 95.719 96.409 4.281 3.591 16.79 5.50 224 0.875 0.900 bicubic +6.413 +6.535 +2.403 +2.375 -3 +25
333 mixnet_m regnety_040 83.515 84.948 16.485 15.052 95.689 96.601 4.311 3.399 5.01 20.65 224 0.875 bicubic +6.255 +5.720 +2.265 +1.955 -7 -16
334 tf_efficientnet_b0 eca_halonext26ts 83.515 84.918 16.485 15.082 95.719 96.445 4.281 3.555 5.29 10.76 224 256 0.875 0.940 bicubic +6.667 +6.078 +2.491 +2.189 +3 +2
335 hrnet_w18 dla169 83.500 84.914 16.500 15.086 95.907 96.522 4.093 3.478 21.30 53.39 224 0.875 bilinear +6.742 +6.216 +2.463 +2.190 +4 +7
336 densenetblur121d legacy_seresnext50_32x4d 83.472 84.909 16.527 15.091 95.822 96.437 4.178 3.563 8.00 27.56 224 0.875 bicubic bilinear +6.885 +5.831 +2.630 +2.005 +9 -11
337 selecsls42b tf_efficientnet_b1 83.457 84.907 16.543 15.093 95.745 96.362 4.255 3.638 32.46 7.79 224 240 0.875 0.882 bicubic +6.283 +6.071 +2.355 +2.168 -10 0
338 tf_efficientnet_lite1 hrnet_w44 83.344 84.886 16.656 15.114 95.642 96.432 4.358 3.568 5.42 67.06 240 224 0.882 0.875 bicubic bilinear +6.702 +5.996 +2.416 +2.050 +4 -4
339 hardcorenas_c regnetx_080 83.342 84.875 16.658 15.125 95.706 96.428 4.294 3.572 5.52 39.57 224 0.875 bilinear bicubic +6.288 +5.655 +2.548 +1.882 -8 -21
340 regnetx_016 gluon_resnet50_v1s 83.195 84.852 16.805 15.148 95.740 96.447 4.260 3.553 9.19 25.68 224 0.875 bicubic +6.245 +6.156 +2.320 +2.199 -7 +3
341 mobilenetv2_140 res2net50_26w_8s 83.182 84.843 16.818 15.157 95.689 96.338 4.311 3.662 6.11 48.40 224 0.875 bicubic bilinear +6.666 +5.863 +2.693 +2.054 +7 -10
342 dpn68 dla60_res2next 83.178 84.828 16.822 15.172 95.597 96.413 4.402 3.587 12.61 17.03 224 0.875 bicubic bilinear +6.860 +6.386 +2.620 +2.255 +8 +13
343 tf_efficientnet_es mixnet_l 83.178 84.826 16.822 15.174 95.585 96.328 4.415 3.672 5.44 7.33 224 0.875 bicubic +6.584 +5.846 +2.383 +2.148 +1 -13
344 tf_mixnet_m levit_128 83.176 84.822 16.824 15.178 95.461 96.351 4.539 3.649 5.01 9.21 224 0.875 0.900 bicubic +6.234 +6.356 +2.309 +2.341 -10 +8
345 ese_vovnet19b_dw dla60_res2net 83.109 84.820 16.890 15.180 95.779 96.481 4.221 3.519 6.54 20.85 224 0.875 bicubic bilinear +6.311 +6.358 +2.511 +2.273 -7 +8
346 levit_128s vit_tiny_patch16_384 83.069 84.820 16.931 15.180 95.531 96.714 4.469 3.286 7.78 5.79 224 384 0.900 1.000 bicubic +6.539 +6.374 +2.665 +2.170 +1 +8
347 resnet26d tv_resnet152 83.050 84.818 16.950 15.182 95.604 96.219 4.396 3.781 16.01 60.19 224 0.875 bicubic bilinear +6.354 +6.496 +2.454 +2.175 -7 +16
348 repvgg_a2 dla102x 83.001 84.813 16.999 15.187 95.589 96.548 4.411 3.452 28.21 26.31 224 0.875 bilinear +6.541 +6.301 +2.585 +2.322 +1
349 tv_resnet50 gluon_resnet50_v1d 82.958 84.811 17.042 15.189 95.467 96.394 4.533 3.606 25.56 25.58 224 0.875 bilinear bicubic +6.820 +5.747 +2.603 +1.934 +3 -23
350 hardcorenas_b xception41 82.873 84.809 17.128 15.191 95.392 96.413 4.607 3.587 5.18 26.97 224 299 0.875 0.903 bilinear bicubic +6.335 +6.277 +2.638 +2.129 -4 -2
351 densenet121 pit_xs_224 82.823 84.783 17.177 15.217 95.585 96.505 4.415 3.495 7.98 10.62 224 0.875 0.900 bicubic +7.245 +6.599 +2.933 +2.341 +10 +18
352 vit_tiny_r_s16_p8_384 regnetx_064 82.691 84.783 17.309 15.217 95.845 96.492 4.155 3.508 6.36 26.21 384 224 1.000 0.875 bicubic +6.739 +5.723 +2.585 +2.026 +3 -25
353 densenet169 hrnet_w40 82.683 84.745 17.317 15.255 95.600 96.556 4.400 3.444 14.15 57.56 224 0.875 bicubic bilinear +6.776 +5.819 +2.574 +2.078 +4 -20
354 mixnet_s repvgg_b2 82.525 84.726 17.476 15.274 95.356 96.484 4.644 3.517 4.13 89.02 224 0.875 bicubic bilinear +6.532 +5.932 +2.560 +2.058 -1 -14
355 vit_small_patch32_224 res2net50_26w_6s 82.514 84.724 17.486 15.276 95.670 96.274 4.330 3.726 22.88 37.05 224 0.900 0.875 bicubic bilinear +6.524 +6.158 +2.398 +2.156 -1 -8
356 regnety_008 resmlp_12_distilled_224 82.493 84.707 17.508 15.293 95.487 96.225 4.513 3.775 6.26 15.35 224 0.875 bicubic +6.177 +6.763 +2.421 +2.663 -5 +25
357 efficientnet_lite0 legacy_seresnet152 82.382 84.696 17.619 15.304 95.279 96.417 4.721 3.583 4.65 66.82 224 0.875 bicubic bilinear +6.898 +6.034 +2.769 +2.041 +7 -13
358 resnest14d selecsls60b 82.349 84.655 17.651 15.345 95.339 96.298 4.661 3.702 10.61 32.77 224 0.875 bilinear bicubic +6.843 +6.247 +2.821 +2.122 +5 0
359 hardcorenas_a hrnet_w32 82.313 84.653 17.687 15.347 95.294 96.413 4.706 3.587 5.26 41.23 224 0.875 bilinear +6.397 +6.211 +2.780 +2.217 -3
360 efficientnet_es_pruned bat_resnext26ts 82.296 84.640 17.704 15.360 95.303 96.285 4.697 3.715 5.44 10.73 224 256 0.875 0.900 bicubic +7.296 +6.378 +2.855 +2.185 +15 +4
361 mobilenetv3_rw tf_efficientnetv2_b0 82.275 84.625 17.725 15.375 95.234 96.272 4.766 3.728 5.48 7.14 224 0.875 bicubic +6.641 +6.255 +2.526 +2.246 -1 +1
362 semnasnet_100 efficientnet_b1 82.251 84.615 17.749 15.385 95.230 96.336 4.770 3.664 3.89 7.79 224 256 0.875 1.000 bicubic +6.803 +5.811 +2.626 +1.990 +4 -24
363 mobilenetv3_large_100 regnetx_040 82.177 84.600 17.823 15.400 95.196 96.385 4.804 3.615 5.48 22.12 224 0.875 bicubic +6.410 +6.116 +2.654 +2.131 -5 -13
364 resnet34 efficientnet_es 82.138 84.591 17.862 15.409 95.130 96.315 4.870 3.685 21.80 5.44 224 0.875 bilinear bicubic +7.028 +6.509 +2.846 +2.371 +8 +10
365 mobilenetv2_110d hrnet_w30 82.070 84.591 17.930 15.409 95.076 96.392 4.923 3.608 4.52 37.71 224 0.875 bicubic bilinear +7.034 +6.389 +2.890 +2.164 +9 +3
366 vit_tiny_patch16_224 tf_mixnet_l 82.066 84.559 17.934 15.441 95.489 96.247 4.511 3.753 5.72 7.33 224 0.900 0.875 bicubic +6.612 +5.781 +2.641 +2.247 -1 -25
367 tf_mixnet_s wide_resnet101_2 82.038 84.555 17.962 15.445 95.121 96.351 4.879 3.649 4.13 126.89 224 0.875 bicubic bilinear +6.388 +5.701 +2.493 +2.067 -8 -32
368 repvgg_b0 dla60x 82.001 84.529 17.999 15.471 95.100 96.291 4.900 3.709 15.82 17.35 224 0.875 bilinear +6.849 +6.283 +2.682 +2.267 +1 -2
369 deit_tiny_distilled_patch16_224 legacy_seresnet101 81.997 84.502 18.003 15.498 95.141 96.338 4.859 3.662 5.91 49.33 224 0.900 0.875 bicubic bilinear +7.487 +6.118 +3.251 +2.074 +14 -10
370 mixer_b16_224 resnet26t 81.978 84.465 18.022 15.535 94.449 96.210 5.551 3.790 59.88 16.01 224 256 0.875 0.940 bicubic +5.376 +6.593 +2.221 +2.376 -27 +14
371 pit_ti_distilled_224 tf_efficientnet_em 81.967 84.463 18.033 15.537 95.145 96.178 4.855 3.822 5.10 6.90 224 240 0.900 0.882 bicubic +7.437 +6.321 +3.049 +2.120 +11 0
372 hrnet_w18_small_v2 coat_lite_tiny 81.961 84.457 18.039 15.543 95.164 96.370 4.836 3.630 15.60 5.72 224 0.875 0.900 bilinear bicubic +6.847 +6.943 +2.748 +2.454 -1 +28
373 tf_efficientnet_lite0 efficientnet_b1_pruned 81.952 84.399 18.048 15.601 95.168 96.138 4.832 3.862 4.65 6.33 224 240 0.875 0.882 bicubic +7.122 +6.149 +2.992 +2.302 +3 -8
374 resnet26 repvgg_b1 81.944 84.399 18.056 15.601 95.241 96.202 4.759 3.798 16.00 57.42 224 0.875 bicubic bilinear +6.652 +6.021 +2.671 +2.098 -7 -14
375 tf_mobilenetv3_large_100 res2net50_26w_4s 81.848 84.371 18.152 15.629 95.070 96.080 4.930 3.920 5.48 25.70 224 0.875 bilinear +6.330 +6.385 +2.464 +2.232 -13 +3
376 tv_densenet121 hardcorenas_f 81.726 84.322 18.274 15.678 95.034 96.027 4.966 3.973 7.98 8.20 224 0.875 bicubic bilinear +6.988 +6.218 +2.884 +2.233 +2 -3
377 regnety_006 res2net50_14w_8s 81.700 84.307 18.300 15.693 95.115 96.074 4.885 3.926 6.06 25.06 224 0.875 bicubic bilinear +6.454 +6.173 +2.583 +2.218 -9 -5
378 dla34 selecsls60 81.658 84.282 18.342 15.718 94.878 96.091 5.122 3.909 15.74 30.67 224 0.875 bilinear bicubic +7.028 +6.298 +2.800 +2.259 +2 +1
379 fbnetc_100 regnetx_032 81.559 84.230 18.441 15.770 94.970 96.255 5.030 3.745 5.57 15.30 224 0.875 bilinear bicubic +6.436 +6.080 +2.584 +2.169 -9
380 legacy_seresnet34 res2next50 81.534 84.230 18.466 15.770 94.899 96.003 5.101 3.997 21.96 24.67 224 0.875 bilinear +6.726 +5.988 +2.775 +2.099 -3 -13
381 gluon_resnet34_v1b gluon_resnet50_v1c 81.500 84.209 18.500 15.791 94.810 96.165 5.190 3.835 21.80 25.58 224 0.875 bicubic +6.912 +6.203 +2.820 +2.177 0 -4
382 regnetx_008 dla102 81.485 84.192 18.515 15.808 95.059 96.223 4.941 3.777 7.26 33.27 224 0.875 bicubic bilinear +6.447 +6.164 +2.724 +2.265 -9 -6
383 mnasnet_100 gcresnext26ts 81.459 84.181 18.541 15.819 94.899 96.084 5.101 3.916 4.38 10.48 224 256 0.875 0.900 bicubic +6.801 +6.361 +2.785 +2.258 -4 +6
384 vgg19_bn rexnet_100 81.444 84.173 18.556 15.827 94.763 96.253 5.237 3.747 143.68 4.80 224 0.875 bilinear bicubic +7.230 +6.313 +2.921 +2.377 0 +2
385 convit_tiny tf_inception_v3 81.126 84.128 18.874 15.872 95.044 95.918 4.955 4.082 5.71 23.83 224 299 0.875 bicubic +8.010 +6.268 +3.331 +2.272 +8 +2
386 spnasnet_100 seresnext26ts 80.878 84.124 19.122 15.876 94.526 96.069 5.474 3.931 4.42 10.39 224 256 0.875 0.900 bilinear bicubic +6.794 +6.276 +2.708 +2.281 -1 +2
387 ghostnet_100 res2net50_48w_2s 80.699 84.121 19.301 15.879 94.291 95.965 5.709 4.035 5.18 25.29 224 0.875 bilinear +6.721 +6.588 +2.835 +2.407 0 +12
388 regnety_004 resnet34d 80.659 84.104 19.341 15.896 94.686 95.975 5.314 4.025 4.34 21.82 224 0.875 bicubic +6.624 +6.990 +2.934 +2.593 -2 +25
389 skresnet18 tf_efficientnet_lite2 80.637 84.092 19.363 15.908 94.378 96.063 5.622 3.937 11.96 6.09 224 260 0.875 0.890 bicubic +7.599 +6.610 +3.210 +2.315 +5 +12
390 regnetx_006 xcit_tiny_12_p16_224 80.629 84.083 19.371 15.917 94.524 96.230 5.476 3.771 6.20 6.72 224 0.875 1.000 bicubic +6.777 +6.963 +2.852 +2.512 -2 +22
391 pit_ti_224 efficientnet_b0 80.605 84.034 19.395 15.966 94.618 95.956 5.383 4.044 4.85 5.29 224 0.900 0.875 bicubic +7.693 +6.330 +3.216 +2.434 +5 +1
392 swsl_resnet18 crossvit_9_dagger_240 80.575 84.030 19.425 15.970 94.743 96.080 5.256 3.920 11.69 8.78 224 240 0.875 bilinear bicubic +7.299 +7.040 +3.010 +2.474 0 +26
393 vgg16_bn hardcorenas_e 80.556 83.972 19.444 16.028 94.592 95.901 5.408 4.099 138.37 8.07 224 0.875 bilinear +7.206 +6.172 +3.086 +2.205 -3 -2
394 tv_resnet34 gmixer_24_224 80.389 83.970 19.611 16.030 94.436 95.852 5.564 4.148 21.80 24.72 224 0.875 bilinear bicubic +7.077 +5.918 +3.010 +2.184 -3 -19
395 resnet18d tf_efficientnet_cc_b0_8e 80.387 83.970 19.613 16.030 94.252 96.072 5.748 3.929 11.71 24.01 224 0.875 bicubic +8.127 +6.062 +3.556 +2.415 +6 -12
396 mobilenetv2_100 regnety_016 80.257 83.955 19.743 16.045 94.195 95.997 5.805 4.003 3.50 11.20 224 0.875 bicubic +7.287 +6.091 +3.179 +2.273 -1 -11
397 ssl_resnet18 tv_resnext50_32x4d 80.101 83.955 19.899 16.045 94.590 95.948 5.410 4.052 11.69 25.03 224 0.875 bilinear +7.491 +6.345 +3.174 +2.264 0 -3
398 tf_mobilenetv3_large_075 gluon_resnet50_v1b 80.093 83.942 19.907 16.058 94.184 96.018 5.816 3.982 3.99 25.56 224 0.875 bilinear bicubic +6.655 +6.366 +2.834 +2.296 -9 0
399 deit_tiny_patch16_224 densenet161 80.018 83.900 19.982 16.101 94.449 96.014 5.551 3.986 5.72 28.68 224 0.900 0.875 bicubic +7.850 +6.547 +3.331 +2.378 +4 +7
400 hrnet_w18_small mobilenetv2_120d 79.557 83.887 20.443 16.113 93.898 95.905 6.102 4.095 13.19 5.83 224 0.875 bilinear bicubic +7.215 +6.601 +3.220 +2.393 0 +9
401 vgg19 seresnext26t_32x4d 79.480 83.887 20.520 16.113 93.870 95.943 6.130 4.057 143.67 16.81 224 0.875 bilinear bicubic +7.112 +5.909 +2.998 +2.201 -2 -21
402 regnetx_004 adv_inception_v3 79.435 83.876 20.565 16.124 93.853 95.939 6.147 4.061 5.16 23.83 224 299 0.875 bicubic +7.039 +6.298 +3.023 +2.199 -4 -5
403 tf_mobilenetv3_large_minimal_100 tv_resnet101 79.222 83.855 20.778 16.145 93.706 95.888 6.294 4.112 3.92 44.55 224 0.875 bilinear +6.974 +6.487 +3.076 +2.328 -1 +2
404 legacy_seresnet18 inception_v3 79.153 83.771 20.847 16.229 93.783 95.898 6.217 4.101 11.78 23.83 224 299 0.875 bicubic +7.411 +6.307 +3.449 +2.422 +2 -2
405 vgg16 hardcorenas_d 79.038 83.763 20.962 16.237 93.646 95.734 6.354 4.266 138.36 7.50 224 0.875 bilinear +7.444 +6.339 +3.264 +2.248 +3 -1
406 vgg13_bn dla60 79.006 83.735 20.994 16.265 93.655 95.933 6.345 4.067 133.05 22.04 224 0.875 bilinear +7.412 +6.701 +3.279 +2.609 +1 +11
407 vit_tiny_r_s16_p8_224 xcit_nano_12_p8_224_dist 78.991 83.733 21.009 16.267 93.902 95.948 6.098 4.052 6.34 3.05 224 0.900 1.000 bicubic +7.203 +7.403 +3.074 +2.862 -2 +31
408 gluon_resnet18_v1b seresnext26d_32x4d 78.372 83.724 21.628 16.276 93.138 95.847 6.862 4.153 11.69 16.81 224 0.875 bicubic +7.536 +6.138 +3.376 +2.243 +1 -12
409 vgg11_bn repvgg_b1g4 77.926 83.695 22.074 16.305 93.230 96.029 6.770 3.971 132.87 39.97 224 0.875 bilinear +7.566 +6.101 +3.428 +2.187 +1 -14
410 regnety_002 eca_resnext26ts 77.405 83.692 22.595 16.308 92.914 95.939 7.086 4.061 3.16 10.30 224 256 0.875 0.900 bicubic +7.153 +6.242 +3.374 +2.361 +1 -7
411 mixer_l16_224 convmixer_1024_20_ks9_p14 77.285 83.688 22.715 16.312 90.582 95.886 9.418 4.114 208.20 24.38 224 0.875 0.960 bicubic +5.227 +6.744 +2.914 +2.528 -7 +10
412 resnet18 legacy_seresnet50 77.276 83.671 22.724 16.329 92.756 95.982 7.244 4.018 11.69 28.09 224 0.875 bilinear +7.528 +6.033 +3.678 +2.236 +1 -19
413 vgg13 tf_efficientnet_b0_ap 77.230 83.660 22.770 16.340 92.689 95.783 7.311 4.217 133.05 5.29 224 0.875 bilinear bicubic +7.303 +6.556 +3.444 +2.519 -1 +1
414 vgg11 skresnet34 76.384 83.650 23.616 16.350 92.154 95.920 7.846 4.080 132.86 22.28 224 0.875 bilinear bicubic +7.360 +6.730 +3.526 +2.600 0 +8
415 regnetx_002 tf_efficientnet_cc_b0_4e 76.124 83.639 23.876 16.361 92.211 95.730 7.789 4.270 2.68 13.31 224 0.875 bicubic +7.362 +6.319 +3.655 +2.408 0 -8
416 dla60x_c resmlp_12_224 75.637 83.573 24.363 16.427 92.177 95.760 7.823 4.240 1.32 15.35 224 0.875 bilinear bicubic +7.745 +6.919 +3.751 +2.588 +1 +14
417 tf_mobilenetv3_small_100 mobilenetv3_large_100_miil 74.717 83.549 25.283 16.451 91.257 95.450 8.743 4.550 2.54 5.48 224 0.875 bilinear +6.795 +5.637 +3.593 +2.546 -1 -35
418 dla46x_c densenet201 73.647 83.547 26.353 16.453 91.095 95.807 8.905 4.193 1.07 20.01 224 0.875 bilinear bicubic +7.677 +6.257 +4.115 +2.327 0 -10
419 tf_mobilenetv3_small_075 gernet_s 72.812 83.522 27.188 16.478 90.036 95.792 9.964 4.208 2.04 8.17 224 0.875 bilinear +7.096 +6.616 +3.906 +2.658 0 +4
420 dla46_c legacy_seresnext26_32x4d 72.601 83.515 27.399 16.485 90.499 95.719 9.501 4.281 1.30 16.79 224 0.875 bilinear bicubic +7.735 +6.421 +4.207 +2.409 0 -5
421 tf_mobilenetv3_small_minimal_100 mixnet_m 70.111 83.513 29.889 16.487 88.505 95.691 11.495 4.309 2.04 5.01 224 0.875 bilinear bicubic +7.205 +6.239 +4.275 +2.269 0 -11
422 tf_efficientnet_b0 83.513 16.487 95.717 4.283 5.29 224 0.875 bicubic +6.667 +2.487 +2
423 hrnet_w18 83.500 16.500 95.907 4.093 21.30 224 0.875 bilinear +6.742 +2.469 +4
424 densenetblur121d 83.475 16.525 95.817 4.183 8.00 224 0.875 bicubic +6.885 +2.625 +8
425 selecsls42b 83.460 16.540 95.749 4.251 32.46 224 0.875 bicubic +6.270 +2.359 -14
426 resnext26ts 83.457 16.543 95.726 4.274 10.30 256 0.900 bicubic +6.686 +2.596 0
427 tf_efficientnet_lite1 83.355 16.645 95.638 4.362 5.42 240 0.882 bicubic +6.691 +2.404 +2
428 hardcorenas_c 83.336 16.664 95.713 4.287 5.52 224 0.875 bilinear +6.286 +2.541 -12
429 regnetx_016 83.186 16.814 95.740 4.260 9.19 224 0.875 bicubic +6.240 +2.314 -9
430 mobilenetv2_140 83.176 16.824 95.685 4.315 6.11 224 0.875 bicubic +6.660 +2.685 +6
431 tf_mixnet_m 83.174 16.826 95.469 4.531 5.01 224 0.875 bicubic +6.216 +2.303 -12
432 xcit_nano_12_p16_384_dist 83.174 16.826 95.743 4.257 3.05 384 1.000 bicubic +7.706 +3.067 +22
433 dpn68 83.171 16.829 95.589 4.411 12.61 224 0.875 bicubic +6.877 +2.627 +7
434 tf_efficientnet_es 83.167 16.833 95.591 4.409 5.44 224 0.875 bicubic +6.577 +2.379 -1
435 ese_vovnet19b_dw 83.114 16.886 95.790 4.210 6.54 224 0.875 bicubic +6.290 +2.510 -10
436 levit_128s 83.065 16.935 95.533 4.467 7.78 224 0.900 bicubic +6.527 +2.669 -2
437 resnet26d 83.043 16.957 95.602 4.398 16.01 224 0.875 bicubic +6.353 +2.454 -9
438 repvgg_a2 82.999 17.002 95.600 4.400 28.21 224 0.875 bilinear +6.519 +2.580 -1
439 tv_resnet50 82.954 17.046 95.472 4.529 25.56 224 0.875 bilinear +6.802 +2.594 +2
440 hardcorenas_b 82.877 17.123 95.386 4.614 5.18 224 0.875 bilinear +6.347 +2.634 -5
441 densenet121 82.815 17.185 95.585 4.415 7.98 224 0.875 bicubic +7.247 +2.933 +9
442 vit_tiny_r_s16_p8_384 82.693 17.307 95.862 4.138 6.36 384 1.000 bicubic +6.721 +2.590 +2
443 densenet169 82.661 17.339 95.593 4.407 14.15 224 0.875 bicubic +6.763 +2.569 +3
444 mixnet_s 82.525 17.476 95.352 4.648 4.13 224 0.875 bicubic +6.531 +2.560 -2
445 vit_small_patch32_224 82.510 17.490 95.674 4.326 22.88 224 0.900 bicubic +6.516 +2.398 -2
446 regnety_008 82.478 17.523 95.480 4.520 6.26 224 0.875 bicubic +6.158 +2.412 -7
447 efficientnet_lite0 82.388 17.612 95.286 4.714 4.65 224 0.875 bicubic +6.884 +2.770 +6
448 resnest14d 82.362 17.638 95.324 4.676 10.61 224 0.875 bilinear +6.856 +2.804 +4
449 hardcorenas_a 82.305 17.695 95.294 4.706 5.26 224 0.875 bilinear +6.393 +2.780 -4
450 efficientnet_es_pruned 82.279 17.721 95.301 4.699 5.44 224 0.875 bicubic +7.283 +2.861 +15
451 mobilenetv3_rw 82.268 17.732 95.241 4.759 5.48 224 0.875 bicubic +6.650 +2.529 -2
452 semnasnet_100 82.253 17.747 95.239 4.761 3.89 224 0.875 bicubic +6.801 +2.633 +4
453 mobilenetv3_large_100 82.177 17.823 95.196 4.804 5.48 224 0.875 bicubic +6.403 +2.656 -6
454 resnet34 82.125 17.875 95.136 4.864 21.80 224 0.875 bilinear +7.013 +2.860 +7
455 mobilenetv2_110d 82.076 17.924 95.076 4.923 4.52 224 0.875 bicubic +7.024 +2.889 +9
456 vit_tiny_patch16_224 82.044 17.956 95.493 4.507 5.72 224 0.900 bicubic +6.590 +2.641 -1
457 tf_mixnet_s 82.040 17.960 95.130 4.870 4.13 224 0.875 bicubic +6.356 +2.494 -9
458 repvgg_b0 82.006 17.994 95.102 4.898 15.82 224 0.875 bilinear +6.854 +2.688 +1
459 deit_tiny_distilled_patch16_224 82.001 17.999 95.147 4.853 5.91 224 0.900 bicubic +7.477 +3.251 +14
460 mixer_b16_224 81.997 18.003 94.447 5.553 59.88 224 0.875 bicubic +5.375 +2.219 -29
461 pit_ti_distilled_224 81.972 18.029 95.156 4.845 5.10 224 0.900 bicubic +7.442 +3.056 +11
462 hrnet_w18_small_v2 81.959 18.041 95.166 4.834 15.60 224 0.875 bilinear +6.853 +2.754 0
463 tf_efficientnet_lite0 81.950 18.050 95.160 4.840 4.65 224 0.875 bicubic +7.118 +2.984 +3
464 resnet26 81.942 18.058 95.245 4.755 16.00 224 0.875 bicubic +6.650 +2.671 -7
465 tf_mobilenetv3_large_100 81.841 18.159 95.076 4.923 5.48 224 0.875 bilinear +6.331 +2.469 -14
466 tv_densenet121 81.728 18.272 95.036 4.964 7.98 224 0.875 bicubic +6.982 +2.882 +2
467 regnety_006 81.703 18.297 95.113 4.887 6.06 224 0.875 bicubic +6.436 +2.579 -9
468 dla34 81.643 18.357 94.874 5.126 15.74 224 0.875 bilinear +7.035 +2.816 +2
469 xcit_nano_12_p8_224 81.641 18.359 95.264 4.736 3.05 224 1.000 bicubic +7.729 +3.098 +10
470 crossvit_9_240 81.630 18.370 94.983 5.017 8.55 240 0.875 bicubic +7.648 +3.013 +8
471 fbnetc_100 81.555 18.445 94.948 5.052 5.57 224 0.875 bilinear +6.435 +2.574 -11
472 legacy_seresnet34 81.532 18.468 94.899 5.101 21.96 224 0.875 bilinear +6.740 +2.771 -5
473 regnetx_008 81.508 18.492 95.062 4.938 7.26 224 0.875 bicubic +6.452 +2.714 -10
474 gluon_resnet34_v1b 81.489 18.511 94.808 5.192 21.80 224 0.875 bicubic +6.897 +2.811 -3
475 mnasnet_100 81.472 18.528 94.893 5.107 4.38 224 0.875 bicubic +6.798 +2.795 -6
476 vgg19_bn 81.451 18.549 94.778 5.222 143.68 224 0.875 bilinear +7.217 +2.924 -2
477 convit_tiny 81.115 18.885 95.044 4.955 5.71 224 0.875 bicubic +8.003 +3.325 +11
478 crossvit_tiny_240 81.100 18.900 94.991 5.009 7.01 240 0.875 bicubic +7.756 +3.069 +7
479 spnasnet_100 80.866 19.134 94.511 5.489 4.42 224 0.875 bilinear +6.788 +2.691 -4
480 ghostnet_100 80.699 19.301 94.291 5.709 5.18 224 0.875 bilinear +6.715 +2.831 -3
481 regnety_004 80.648 19.352 94.692 5.308 4.34 224 0.875 bicubic +6.636 +2.926 -5
482 skresnet18 80.624 19.376 94.383 5.617 11.96 224 0.875 bicubic +7.602 +3.213 +7
483 regnetx_006 80.616 19.384 94.526 5.474 6.20 224 0.875 bicubic +6.770 +2.844 -2
484 pit_ti_224 80.597 19.404 94.618 5.383 4.85 224 0.900 bicubic +7.675 +3.208 +7
485 swsl_resnet18 80.562 19.438 94.746 5.254 11.69 224 0.875 bilinear +7.280 +2.988 +2
486 vgg16_bn 80.535 19.465 94.583 5.417 138.37 224 0.875 bilinear +7.175 +3.091 -2
487 resnet18d 80.387 19.613 94.244 5.756 11.71 224 0.875 bicubic +8.119 +3.560 +10
488 tv_resnet34 80.377 19.623 94.430 5.570 21.80 224 0.875 bilinear +7.073 +3.008 -2
489 mobilenetv2_100 80.257 19.743 94.197 5.803 3.50 224 0.875 bicubic +7.305 +3.195 +1
490 xcit_nano_12_p16_224_dist 80.225 19.775 94.363 5.637 3.05 224 1.000 bicubic +7.913 +3.511 +6
491 vit_base_patch32_sam_224 80.212 19.788 93.821 6.179 88.22 224 0.900 bicubic +6.512 +2.813 -9
492 eca_botnext26ts_256 80.118 19.882 94.244 5.756 10.59 256 0.950 bicubic +6.240 +2.456 -12
493 ssl_resnet18 80.114 19.886 94.594 5.406 11.69 224 0.875 bilinear +7.502 +3.174 -1
494 tf_mobilenetv3_large_075 80.088 19.912 94.186 5.814 3.99 224 0.875 bilinear +6.638 +2.846 -11
495 deit_tiny_patch16_224 80.009 19.991 94.445 5.555 5.72 224 0.900 bicubic +7.849 +3.333 +4
496 hrnet_w18_small 79.544 20.456 93.909 6.091 13.19 224 0.875 bilinear +7.212 +3.223 -1
497 vgg19 79.484 20.516 93.881 6.119 143.67 224 0.875 bilinear +7.096 +2.995 -3
498 regnetx_004 79.424 20.576 93.849 6.151 5.16 224 0.875 bicubic +7.034 +3.031 -5
499 tf_mobilenetv3_large_minimal_100 79.232 20.768 93.706 6.294 3.92 224 0.875 bilinear +6.980 +3.070 -1
500 legacy_seresnet18 79.151 20.849 93.778 6.222 11.78 224 0.875 bicubic +7.417 +3.440 +2
501 vgg16 79.031 20.968 93.642 6.358 138.36 224 0.875 bilinear +7.447 +3.252 +2
502 vit_tiny_r_s16_p8_224 78.997 21.003 93.911 6.089 6.34 224 0.900 bicubic +7.199 +3.087 -1
503 vgg13_bn 78.987 21.013 93.655 6.345 133.05 224 0.875 bilinear +7.423 +3.281 +1
504 gluon_resnet18_v1b 78.376 21.624 93.134 6.866 11.69 224 0.875 bicubic +7.542 +3.374 +1
505 vgg11_bn 77.926 22.074 93.228 6.772 132.87 224 0.875 bilinear +7.564 +3.422 +1
506 xcit_nano_12_p16_224 77.909 22.091 93.437 6.563 3.05 224 1.000 bicubic +7.937 +3.679 +2
507 regnety_002 77.417 22.583 92.916 7.084 3.16 224 0.875 bicubic +7.135 +3.372 0
508 mixer_l16_224 77.294 22.706 90.557 9.443 208.20 224 0.875 bicubic +5.228 +2.903 -8
509 resnet18 77.276 22.724 92.760 7.240 11.69 224 0.875 bilinear +7.537 +3.674 +1
510 vgg13 77.234 22.766 92.702 7.298 133.05 224 0.875 bilinear +7.296 +3.444 -1
511 vgg11 76.397 23.603 92.171 7.829 132.86 224 0.875 bilinear +7.349 +3.535 0
512 regnetx_002 76.102 23.898 92.205 7.795 2.68 224 0.875 bicubic +7.352 +3.645 0
513 dla60x_c 75.656 24.344 92.164 7.836 1.32 224 0.875 bilinear +7.744 +3.746 +2
514 botnet26t_256 75.146 24.854 91.996 8.004 12.49 256 0.950 bicubic +6.600 +3.300 -1
515 tf_mobilenetv3_small_100 74.736 25.264 91.274 8.726 2.54 224 0.875 bilinear +6.810 +3.598 -1
516 dla46x_c 73.645 26.355 91.110 8.890 1.07 224 0.875 bilinear +7.669 +4.122 0
517 tf_mobilenetv3_small_075 72.816 27.184 90.031 9.969 2.04 224 0.875 bilinear +7.096 +3.895 0
518 dla46_c 72.607 27.393 90.495 9.505 1.30 224 0.875 bilinear +7.737 +4.201 0
519 tf_mobilenetv3_small_minimal_100 70.107 29.893 88.516 11.485 2.04 224 0.875 bilinear +7.199 +4.269 0

@ -1,421 +1,519 @@
model,top1,top1_err,top5,top5_err,param_count,img_size,cropt_pct,interpolation
tf_efficientnet_l2_ns,88.352,11.648,98.650,1.350,480.31,800,0.960,bicubic
tf_efficientnet_l2_ns_475,88.234,11.766,98.546,1.454,480.31,475,0.936,bicubic
swin_large_patch4_window12_384,87.148,12.852,98.234,1.766,196.74,384,1.000,bicubic
vit_large_patch16_384,87.080,12.920,98.300,1.700,304.72,384,1.000,bicubic
tf_efficientnet_b7_ns,86.840,13.160,98.094,1.906,66.35,600,0.949,bicubic
cait_m48_448,86.484,13.516,97.754,2.246,356.46,448,1.000,bicubic
tf_efficientnet_b6_ns,86.452,13.548,97.882,2.118,43.04,528,0.942,bicubic
swin_base_patch4_window12_384,86.432,13.568,98.058,1.942,87.90,384,1.000,bicubic
swin_large_patch4_window7_224,86.320,13.680,97.896,2.104,196.53,224,0.900,bicubic
tf_efficientnetv2_l_in21ft1k,86.304,13.696,97.978,2.022,118.52,480,1.000,bicubic
vit_large_r50_s32_384,86.184,13.816,97.918,2.082,329.09,384,1.000,bicubic
dm_nfnet_f6,86.144,13.856,97.730,2.270,438.36,576,0.956,bicubic
tf_efficientnet_b5_ns,86.088,13.912,97.752,2.248,30.39,456,0.934,bicubic
cait_m36_384,86.054,13.946,97.730,2.270,271.22,384,1.000,bicubic
vit_base_patch16_384,86.006,13.994,98.000,2.000,86.86,384,1.000,bicubic
vit_large_patch16_224,85.842,14.158,97.824,2.176,304.33,224,0.900,bicubic
dm_nfnet_f5,85.814,14.186,97.488,2.512,377.21,544,0.954,bicubic
dm_nfnet_f4,85.714,14.286,97.520,2.480,316.07,512,0.951,bicubic
tf_efficientnetv2_m_in21ft1k,85.588,14.412,97.752,2.248,54.14,480,1.000,bicubic
dm_nfnet_f3,85.522,14.478,97.462,2.538,254.92,416,0.940,bicubic
tf_efficientnetv2_l,85.490,14.510,97.372,2.628,118.52,480,1.000,bicubic
cait_s36_384,85.460,14.540,97.480,2.520,68.37,384,1.000,bicubic
ig_resnext101_32x48d,85.428,14.572,97.572,2.428,828.41,224,0.875,bilinear
beit_large_patch16_512,88.584,11.416,98.660,1.340,305.67,512,1.000,bicubic
beit_large_patch16_384,88.382,11.618,98.608,1.392,305.00,384,1.000,bicubic
tf_efficientnet_l2_ns,88.346,11.654,98.654,1.346,480.31,800,0.960,bicubic
tf_efficientnet_l2_ns_475,88.238,11.762,98.550,1.450,480.31,475,0.936,bicubic
beit_large_patch16_224,87.476,12.524,98.318,1.682,304.43,224,0.900,bicubic
swin_large_patch4_window12_384,87.150,12.850,98.238,1.762,196.74,384,1.000,bicubic
vit_large_patch16_384,87.092,12.908,98.306,1.694,304.72,384,1.000,bicubic
tf_efficientnet_b7_ns,86.830,13.170,98.084,1.916,66.35,600,0.949,bicubic
beit_base_patch16_384,86.808,13.192,98.140,1.860,86.74,384,1.000,bicubic
cait_m48_448,86.494,13.506,97.750,2.250,356.46,448,1.000,bicubic
tf_efficientnet_b6_ns,86.446,13.554,97.880,2.120,43.04,528,0.942,bicubic
swin_base_patch4_window12_384,86.436,13.564,98.066,1.934,87.90,384,1.000,bicubic
tf_efficientnetv2_xl_in21ft1k,86.404,13.596,97.868,2.132,208.12,512,1.000,bicubic
swin_large_patch4_window7_224,86.316,13.684,97.890,2.110,196.53,224,0.900,bicubic
tf_efficientnetv2_l_in21ft1k,86.292,13.708,97.984,2.016,118.52,480,1.000,bicubic
vit_large_r50_s32_384,86.180,13.820,97.924,2.076,329.09,384,1.000,bicubic
dm_nfnet_f6,86.130,13.870,97.740,2.260,438.36,576,0.956,bicubic
tf_efficientnet_b5_ns,86.076,13.924,97.752,2.248,30.39,456,0.934,bicubic
cait_m36_384,86.056,13.944,97.730,2.270,271.22,384,1.000,bicubic
vit_base_patch16_384,86.000,14.000,98.006,1.994,86.86,384,1.000,bicubic
xcit_large_24_p8_384_dist,85.996,14.004,97.688,2.312,188.93,384,1.000,bicubic
vit_large_patch16_224,85.838,14.162,97.826,2.174,304.33,224,0.900,bicubic
xcit_medium_24_p8_384_dist,85.820,14.180,97.594,2.406,84.32,384,1.000,bicubic
dm_nfnet_f5,85.806,14.194,97.482,2.518,377.21,544,0.954,bicubic
xcit_large_24_p16_384_dist,85.770,14.230,97.534,2.466,189.10,384,1.000,bicubic
dm_nfnet_f4,85.700,14.300,97.514,2.486,316.07,512,0.951,bicubic
tf_efficientnetv2_m_in21ft1k,85.598,14.402,97.752,2.248,54.14,480,1.000,bicubic
xcit_small_24_p8_384_dist,85.566,14.434,97.576,2.424,47.63,384,1.000,bicubic
dm_nfnet_f3,85.532,14.468,97.458,2.542,254.92,416,0.940,bicubic
tf_efficientnetv2_l,85.502,14.498,97.370,2.630,118.52,480,1.000,bicubic
cait_s36_384,85.454,14.546,97.482,2.518,68.37,384,1.000,bicubic
ig_resnext101_32x48d,85.430,14.570,97.582,2.418,828.41,224,0.875,bilinear
xcit_medium_24_p16_384_dist,85.426,14.574,97.408,2.592,84.40,384,1.000,bicubic
deit_base_distilled_patch16_384,85.422,14.578,97.332,2.668,87.63,384,1.000,bicubic
tf_efficientnet_b8,85.370,14.630,97.390,2.610,87.41,672,0.954,bicubic
tf_efficientnet_b8_ap,85.370,14.630,97.294,2.706,87.41,672,0.954,bicubic
swin_base_patch4_window7_224,85.252,14.748,97.562,2.438,87.77,224,0.900,bicubic
tf_efficientnet_b4_ns,85.162,14.838,97.470,2.530,19.34,380,0.922,bicubic
tf_efficientnet_b7_ap,85.120,14.880,97.252,2.748,66.35,600,0.949,bicubic
xcit_large_24_p8_224_dist,85.400,14.600,97.416,2.584,188.93,224,1.000,bicubic
tf_efficientnet_b8_ap,85.374,14.626,97.298,2.702,87.41,672,0.954,bicubic
tf_efficientnet_b8,85.350,14.650,97.392,2.608,87.41,672,0.954,bicubic
swin_base_patch4_window7_224,85.268,14.732,97.558,2.442,87.77,224,0.900,bicubic
beit_base_patch16_224,85.240,14.760,97.654,2.346,86.53,224,0.900,bicubic
tf_efficientnet_b4_ns,85.150,14.850,97.470,2.530,19.34,380,0.922,bicubic
tf_efficientnet_b7_ap,85.120,14.880,97.250,2.750,66.35,600,0.949,bicubic
xcit_small_24_p16_384_dist,85.104,14.896,97.316,2.684,47.67,384,1.000,bicubic
ig_resnext101_32x32d,85.094,14.906,97.438,2.562,468.53,224,0.875,bilinear
dm_nfnet_f2,85.064,14.936,97.240,2.760,193.78,352,0.920,bicubic
cait_s24_384,85.046,14.954,97.346,2.654,47.06,384,1.000,bicubic
tf_efficientnetv2_m,85.044,14.956,97.278,2.722,54.14,480,1.000,bicubic
resnetrs420,85.008,14.992,97.124,2.876,191.89,416,1.000,bicubic
ecaresnet269d,84.976,15.024,97.226,2.774,102.09,352,1.000,bicubic
vit_base_r50_s16_384,84.972,15.028,97.288,2.712,98.95,384,1.000,bicubic
tf_efficientnet_b7,84.936,15.064,97.204,2.796,66.35,600,0.949,bicubic
resnetv2_152x4_bitm,84.916,15.084,97.442,2.558,936.53,480,1.000,bilinear
efficientnetv2_rw_m,84.808,15.192,97.148,2.852,53.24,416,1.000,bicubic
tf_efficientnet_b6_ap,84.788,15.212,97.138,2.862,43.04,528,0.942,bicubic
resnetrs350,84.720,15.280,96.988,3.012,163.96,384,1.000,bicubic
eca_nfnet_l2,84.698,15.302,97.264,2.736,56.72,384,1.000,bicubic
dm_nfnet_f1,84.626,15.374,97.100,2.900,132.63,320,0.910,bicubic
vit_base_patch16_224,84.532,15.468,97.294,2.706,86.57,224,0.900,bicubic
resnest269e,84.518,15.482,96.986,3.014,110.93,416,0.928,bicubic
resnetv2_152x2_bitm,84.510,15.490,97.432,2.568,236.34,448,1.000,bilinear
resnetv2_101x3_bitm,84.440,15.560,97.382,2.618,387.93,448,1.000,bilinear
resnetrs270,84.434,15.566,96.970,3.030,129.86,352,1.000,bicubic
vit_large_r50_s32_224,84.434,15.566,97.164,2.836,328.99,224,0.900,bicubic
resmlp_big_24_224_in22ft1k,84.394,15.606,97.120,2.880,129.14,224,0.875,bicubic
seresnet152d,84.362,15.638,97.040,2.960,66.84,320,1.000,bicubic
tf_efficientnetv2_s_in21ft1k,84.302,15.698,97.252,2.748,21.46,384,1.000,bicubic
swsl_resnext101_32x8d,84.284,15.716,97.176,2.824,88.79,224,0.875,bilinear
vit_base_patch16_224_miil,84.268,15.732,96.802,3.198,86.54,224,0.875,bilinear
tf_efficientnet_b5_ap,84.252,15.748,96.974,3.026,30.39,456,0.934,bicubic
ig_resnext101_32x16d,84.170,15.830,97.196,2.804,194.03,224,0.875,bilinear
pit_b_distilled_224,84.144,15.856,96.856,3.144,74.79,224,0.900,bicubic
tf_efficientnet_b6,84.110,15.890,96.886,3.114,43.04,528,0.942,bicubic
resnetrs200,84.066,15.934,96.874,3.126,93.21,320,1.000,bicubic
cait_xs24_384,84.062,15.938,96.888,3.112,26.67,384,1.000,bicubic
tf_efficientnet_b3_ns,84.048,15.952,96.910,3.090,12.23,300,0.904,bicubic
vit_small_r26_s32_384,84.046,15.954,97.328,2.672,36.47,384,1.000,bicubic
resnetv2_50x3_bitm,84.014,15.986,97.124,2.876,217.32,448,1.000,bilinear
eca_nfnet_l1,84.010,15.990,97.028,2.972,41.41,320,1.000,bicubic
resnet200d,83.962,16.038,96.824,3.176,64.69,320,1.000,bicubic
tf_efficientnetv2_s,83.894,16.106,96.698,3.302,21.46,384,1.000,bicubic
xcit_small_12_p8_384_dist,85.082,14.918,97.270,2.730,26.21,384,1.000,bicubic
xcit_medium_24_p8_224_dist,85.068,14.932,97.276,2.724,84.32,224,1.000,bicubic
dm_nfnet_f2,85.046,14.954,97.238,2.762,193.78,352,0.920,bicubic
tf_efficientnetv2_m,85.046,14.954,97.284,2.716,54.14,480,1.000,bicubic
cait_s24_384,85.044,14.956,97.350,2.650,47.06,384,1.000,bicubic
resnetrs420,85.008,14.992,97.126,2.874,191.89,416,1.000,bicubic
ecaresnet269d,84.986,15.014,97.228,2.772,102.09,352,1.000,bicubic
vit_base_r50_s16_384,84.984,15.016,97.298,2.702,98.95,384,1.000,bicubic
resnetv2_152x4_bitm,84.938,15.062,97.458,2.542,936.53,480,1.000,bilinear
tf_efficientnet_b7,84.936,15.064,97.206,2.794,66.35,600,0.949,bicubic
xcit_large_24_p16_224_dist,84.930,15.070,97.130,2.870,189.10,224,1.000,bicubic
xcit_small_24_p8_224_dist,84.876,15.124,97.198,2.802,47.63,224,1.000,bicubic
efficientnetv2_rw_m,84.822,15.178,97.146,2.854,53.24,416,1.000,bicubic
tf_efficientnet_b6_ap,84.784,15.216,97.138,2.862,43.04,528,0.942,bicubic
eca_nfnet_l2,84.720,15.280,97.258,2.742,56.72,384,1.000,bicubic
xcit_small_12_p16_384_dist,84.714,15.286,97.116,2.884,26.25,384,1.000,bicubic
resnetrs350,84.712,15.288,96.990,3.010,163.96,384,1.000,bicubic
dm_nfnet_f1,84.624,15.376,97.096,2.904,132.63,320,0.910,bicubic
vit_base_patch16_224,84.540,15.460,97.306,2.694,86.57,224,0.900,bicubic
resnest269e,84.524,15.476,96.986,3.014,110.93,416,0.928,bicubic
resnetv2_152x2_bitm,84.452,15.548,97.436,2.564,236.34,448,1.000,bilinear
vit_large_r50_s32_224,84.440,15.560,97.154,2.846,328.99,224,0.900,bicubic
resnetrs270,84.440,15.560,96.970,3.030,129.86,352,1.000,bicubic
resnetv2_101x3_bitm,84.430,15.570,97.372,2.628,387.93,448,1.000,bilinear
resmlp_big_24_224_in22ft1k,84.424,15.576,97.116,2.884,129.14,224,0.875,bicubic
xcit_large_24_p8_224,84.382,15.618,96.656,3.344,188.93,224,1.000,bicubic
seresnet152d,84.362,15.638,97.042,2.958,66.84,320,1.000,bicubic
tf_efficientnetv2_s_in21ft1k,84.296,15.704,97.256,2.744,21.46,384,1.000,bicubic
xcit_medium_24_p16_224_dist,84.278,15.722,96.942,3.058,84.40,224,1.000,bicubic
vit_base_patch16_224_miil,84.276,15.724,96.798,3.202,86.54,224,0.875,bilinear
swsl_resnext101_32x8d,84.274,15.726,97.174,2.826,88.79,224,0.875,bilinear
tf_efficientnet_b5_ap,84.258,15.742,96.976,3.024,30.39,456,0.934,bicubic
xcit_small_12_p8_224_dist,84.240,15.760,96.872,3.128,26.21,224,1.000,bicubic
crossvit_18_dagger_408,84.184,15.816,96.822,3.178,44.61,408,1.000,bicubic
ig_resnext101_32x16d,84.166,15.834,97.196,2.804,194.03,224,0.875,bilinear
pit_b_distilled_224,84.158,15.842,96.858,3.142,74.79,224,0.900,bicubic
tf_efficientnet_b6,84.112,15.888,96.888,3.112,43.04,528,0.942,bicubic
resnetrs200,84.058,15.942,96.874,3.126,93.21,320,1.000,bicubic
cait_xs24_384,84.054,15.946,96.886,3.114,26.67,384,1.000,bicubic
vit_small_r26_s32_384,84.050,15.950,97.322,2.678,36.47,384,1.000,bicubic
tf_efficientnet_b3_ns,84.042,15.958,96.908,3.092,12.23,300,0.904,bicubic
regnetz_d,84.034,15.966,96.870,3.130,27.58,320,0.950,bicubic
eca_nfnet_l1,84.032,15.968,97.032,2.968,41.41,320,1.000,bicubic
resnetv2_50x3_bitm,83.984,16.016,97.130,2.870,217.32,448,1.000,bilinear
resnet200d,83.970,16.030,96.818,3.182,64.69,320,1.000,bicubic
tf_efficientnetv2_s,83.898,16.102,96.698,3.302,21.46,384,1.000,bicubic
xcit_small_24_p16_224_dist,83.874,16.126,96.728,3.272,47.67,224,1.000,bicubic
resnest200e,83.848,16.152,96.890,3.110,70.20,320,0.909,bicubic
xcit_small_24_p8_224,83.846,16.154,96.632,3.368,47.63,224,1.000,bicubic
resnetv2_152x2_bit_teacher_384,83.844,16.156,97.118,2.882,236.34,384,1.000,bicubic
resnest200e,83.832,16.168,96.894,3.106,70.20,320,0.909,bicubic
tf_efficientnet_b5,83.812,16.188,96.748,3.252,30.39,456,0.934,bicubic
efficientnetv2_rw_s,83.808,16.192,96.724,3.276,23.94,384,1.000,bicubic
vit_small_patch16_384,83.802,16.198,97.102,2.898,22.20,384,1.000,bicubic
resnetrs152,83.712,16.288,96.614,3.386,86.62,320,1.000,bicubic
regnety_160,83.686,16.314,96.776,3.224,83.59,288,1.000,bicubic
resnet152d,83.680,16.320,96.738,3.262,60.21,320,1.000,bicubic
twins_svt_large,83.678,16.322,96.594,3.406,99.27,224,0.900,bicubic
resmlp_big_24_distilled_224,83.590,16.410,96.648,3.352,129.14,224,0.875,bicubic
cait_s24_224,83.452,16.548,96.564,3.436,46.92,224,1.000,bicubic
efficientnet_b4,83.428,16.572,96.596,3.404,19.34,384,1.000,bicubic
deit_base_distilled_patch16_224,83.388,16.612,96.488,3.512,87.34,224,0.900,bicubic
dm_nfnet_f0,83.386,16.614,96.572,3.428,71.49,256,0.900,bicubic
vit_base_patch32_384,83.350,16.650,96.836,3.164,88.30,384,1.000,bicubic
swsl_resnext101_32x16d,83.346,16.654,96.846,3.154,194.03,224,0.875,bilinear
tf_efficientnet_b4_ap,83.248,16.752,96.392,3.608,19.34,380,0.922,bicubic
swsl_resnext101_32x4d,83.230,16.770,96.760,3.240,44.18,224,0.875,bilinear
swin_small_patch4_window7_224,83.212,16.788,96.322,3.678,49.61,224,0.900,bicubic
twins_pcpvt_large,83.140,16.860,96.598,3.402,60.99,224,0.900,bicubic
twins_svt_base,83.136,16.864,96.418,3.582,56.07,224,0.900,bicubic
deit_base_patch16_384,83.106,16.894,96.372,3.628,86.86,384,1.000,bicubic
tresnet_m,83.080,16.920,96.118,3.882,31.39,224,0.875,bilinear
tresnet_xl_448,83.050,16.950,96.174,3.826,78.44,448,0.875,bilinear
resnet101d,83.022,16.978,96.446,3.554,44.57,320,1.000,bicubic
tf_efficientnet_b4,83.022,16.978,96.300,3.700,19.34,380,0.922,bicubic
resnest101e,82.890,17.110,96.320,3.680,48.28,256,0.875,bilinear
resnetv2_152x2_bit_teacher,82.862,17.138,96.568,3.432,236.34,224,0.875,bicubic
resnetv2_50x1_bit_distilled,82.818,17.182,96.522,3.478,25.55,224,0.875,bicubic
pnasnet5large,82.782,17.218,96.040,3.960,86.06,331,0.911,bicubic
nfnet_l0,82.750,17.250,96.516,3.484,35.07,288,1.000,bicubic
regnety_032,82.724,17.276,96.424,3.576,19.44,288,1.000,bicubic
twins_pcpvt_base,82.708,17.292,96.346,3.654,43.83,224,0.900,bicubic
ig_resnext101_32x8d,82.688,17.312,96.636,3.364,88.79,224,0.875,bilinear
nasnetalarge,82.620,17.380,96.046,3.954,88.75,331,0.911,bicubic
levit_384,82.586,17.414,96.016,3.984,39.13,224,0.900,bicubic
eca_nfnet_l0,82.580,17.420,96.490,3.510,24.14,288,1.000,bicubic
pit_b_224,82.446,17.554,95.710,4.290,73.76,224,0.900,bicubic
tf_efficientnet_b2_ns,82.380,17.620,96.248,3.752,9.11,260,0.890,bicubic
resnet51q,82.360,17.640,96.180,3.820,35.70,288,1.000,bilinear
ecaresnet50t,82.346,17.654,96.138,3.862,25.57,320,0.950,bicubic
resnetv2_101x1_bitm,82.332,17.668,96.518,3.482,44.54,448,1.000,bilinear
coat_lite_small,82.308,17.692,95.850,4.150,19.84,224,0.900,bicubic
mixer_b16_224_miil,82.308,17.692,95.716,4.284,59.88,224,0.875,bilinear
convit_base,82.290,17.710,95.938,4.062,86.54,224,0.875,bicubic
resnetrs101,82.288,17.712,96.008,3.992,63.62,288,0.940,bicubic
tresnet_l_448,82.268,17.732,95.976,4.024,55.99,448,0.875,bilinear
efficientnet_b3,82.242,17.758,96.114,3.886,12.23,320,1.000,bicubic
cait_xxs36_384,82.194,17.806,96.148,3.852,17.37,384,1.000,bicubic
swsl_resnext50_32x4d,82.182,17.818,96.230,3.770,25.03,224,0.875,bilinear
ecaresnet101d,82.172,17.828,96.046,3.954,44.57,224,0.875,bicubic
visformer_small,82.106,17.894,95.872,4.128,40.22,224,0.900,bicubic
tresnet_xl,82.054,17.946,95.936,4.064,78.44,224,0.875,bilinear
deit_base_patch16_224,81.998,18.002,95.734,4.266,86.57,224,0.900,bicubic
pit_s_distilled_224,81.996,18.004,95.798,4.202,24.04,224,0.900,bicubic
tf_efficientnetv2_b3,81.970,18.030,95.782,4.218,14.36,300,0.904,bicubic
vit_small_r26_s32_224,81.858,18.142,96.022,3.978,36.43,224,0.900,bicubic
ssl_resnext101_32x16d,81.844,18.156,96.096,3.904,194.03,224,0.875,bilinear
tf_efficientnet_b3_ap,81.822,18.178,95.624,4.376,12.23,300,0.904,bicubic
tresnet_m_448,81.714,18.286,95.572,4.428,31.39,448,0.875,bilinear
twins_svt_small,81.682,18.318,95.670,4.330,24.06,224,0.900,bicubic
tf_efficientnet_b3,81.636,18.364,95.718,4.282,12.23,300,0.904,bicubic
rexnet_200,81.632,18.368,95.668,4.332,16.37,224,0.875,bicubic
ssl_resnext101_32x8d,81.616,18.384,96.038,3.962,88.79,224,0.875,bilinear
tf_efficientnet_lite4,81.536,18.464,95.668,4.332,13.01,380,0.920,bilinear
tnt_s_patch16_224,81.518,18.482,95.748,4.252,23.76,224,0.900,bicubic
levit_256,81.510,18.490,95.490,4.510,18.89,224,0.900,bicubic
vit_large_patch32_384,81.506,18.494,96.092,3.908,306.63,384,1.000,bicubic
tresnet_l,81.490,18.510,95.624,4.376,55.99,224,0.875,bilinear
wide_resnet50_2,81.456,18.544,95.532,4.468,68.88,224,0.875,bicubic
convit_small,81.426,18.574,95.744,4.256,27.78,224,0.875,bicubic
vit_small_patch16_224,81.402,18.598,96.134,3.866,22.05,224,0.900,bicubic
tf_efficientnet_b1_ns,81.388,18.612,95.738,4.262,7.79,240,0.882,bicubic
swin_tiny_patch4_window7_224,81.378,18.622,95.540,4.460,28.29,224,0.900,bicubic
gernet_l,81.354,18.646,95.536,4.464,31.08,256,0.875,bilinear
efficientnet_el,81.316,18.684,95.526,4.474,10.59,300,0.904,bicubic
legacy_senet154,81.310,18.690,95.496,4.504,115.09,224,0.875,bilinear
coat_mini,81.268,18.732,95.392,4.608,10.34,224,0.900,bicubic
seresnext50_32x4d,81.266,18.734,95.620,4.380,27.56,224,0.875,bicubic
gluon_senet154,81.234,18.766,95.348,4.652,115.09,224,0.875,bicubic
deit_small_distilled_patch16_224,81.200,18.800,95.378,4.622,22.44,224,0.900,bicubic
swsl_resnet50,81.166,18.834,95.972,4.028,25.56,224,0.875,bilinear
resmlp_36_distilled_224,81.160,18.840,95.488,4.512,44.69,224,0.875,bicubic
resnest50d_4s2x40d,81.108,18.892,95.558,4.442,30.42,224,0.875,bicubic
pit_s_224,81.094,18.906,95.332,4.668,23.46,224,0.900,bicubic
twins_pcpvt_small,81.088,18.912,95.642,4.358,24.11,224,0.900,bicubic
resmlp_big_24_224,81.028,18.972,95.022,4.978,129.14,224,0.875,bicubic
gluon_resnet152_v1s,81.016,18.984,95.412,4.588,60.32,224,0.875,bicubic
resnest50d_1s4x24d,80.988,19.012,95.322,4.678,25.68,224,0.875,bicubic
resnest50d,80.974,19.026,95.378,4.622,27.48,224,0.875,bilinear
cait_xxs24_384,80.966,19.034,95.646,4.354,12.03,384,1.000,bicubic
ssl_resnext101_32x4d,80.924,19.076,95.728,4.272,44.18,224,0.875,bilinear
gluon_seresnext101_32x4d,80.904,19.096,95.294,4.706,48.96,224,0.875,bicubic
gluon_seresnext101_64x4d,80.894,19.106,95.308,4.692,88.23,224,0.875,bicubic
efficientnet_b3_pruned,80.858,19.142,95.242,4.758,9.86,300,0.904,bicubic
ecaresnet101d_pruned,80.818,19.182,95.628,4.372,24.88,224,0.875,bicubic
regnety_320,80.812,19.188,95.244,4.756,145.05,224,0.875,bicubic
resmlp_24_distilled_224,80.766,19.234,95.218,4.782,30.02,224,0.875,bicubic
gernet_m,80.732,19.268,95.184,4.816,21.14,224,0.875,bilinear
vit_base_patch32_224,80.724,19.276,95.568,4.432,88.22,224,0.900,bicubic
nf_resnet50,80.660,19.340,95.336,4.664,25.56,288,0.940,bicubic
efficientnet_b2,80.612,19.388,95.318,4.682,9.11,288,1.000,bicubic
gluon_resnext101_64x4d,80.604,19.396,94.988,5.012,83.46,224,0.875,bicubic
ecaresnet50d,80.592,19.408,95.320,4.680,25.58,224,0.875,bicubic
resnet50d,80.530,19.470,95.160,4.840,25.58,224,0.875,bicubic
repvgg_b3,80.492,19.508,95.260,4.740,123.09,224,0.875,bilinear
vit_small_patch32_384,80.480,19.520,95.598,4.402,22.92,384,1.000,bicubic
mixnet_xl,80.476,19.524,94.936,5.064,11.90,224,0.875,bicubic
gluon_resnet152_v1d,80.474,19.526,95.206,4.794,60.21,224,0.875,bicubic
ecaresnetlight,80.462,19.538,95.250,4.750,30.16,224,0.875,bicubic
inception_resnet_v2,80.458,19.542,95.306,4.694,55.84,299,0.897,bicubic
gluon_resnet101_v1d,80.414,19.586,95.014,4.986,44.57,224,0.875,bicubic
regnety_120,80.366,19.634,95.126,4.874,51.82,224,0.875,bicubic
resnetv2_50x1_bitm,80.342,19.658,95.684,4.316,25.55,448,1.000,bilinear
gluon_resnext101_32x4d,80.334,19.666,94.926,5.074,44.18,224,0.875,bicubic
ssl_resnext50_32x4d,80.318,19.682,95.406,4.594,25.03,224,0.875,bilinear
rexnet_150,80.310,19.690,95.166,4.834,9.73,224,0.875,bicubic
gluon_resnet101_v1s,80.302,19.698,95.160,4.840,44.67,224,0.875,bicubic
tf_efficientnet_b2_ap,80.300,19.700,95.028,4.972,9.11,260,0.890,bicubic
efficientnet_el_pruned,80.300,19.700,95.218,4.782,10.59,300,0.904,bicubic
seresnet50,80.274,19.726,95.070,4.930,28.09,224,0.875,bicubic
tf_efficientnet_el,80.250,19.750,95.128,4.872,10.59,300,0.904,bicubic
regnetx_320,80.246,19.754,95.026,4.974,107.81,224,0.875,bicubic
legacy_seresnext101_32x4d,80.228,19.772,95.018,4.982,48.96,224,0.875,bilinear
repvgg_b3g4,80.212,19.788,95.110,4.890,83.83,224,0.875,bilinear
tf_efficientnetv2_b2,80.208,19.792,95.042,4.958,10.10,260,0.890,bicubic
inception_v4,80.168,19.832,94.968,5.032,42.68,299,0.875,bicubic
dpn107,80.156,19.844,94.910,5.090,86.92,224,0.875,bicubic
skresnext50_32x4d,80.156,19.844,94.642,5.358,27.48,224,0.875,bicubic
tf_efficientnet_b2,80.086,19.914,94.908,5.092,9.11,260,0.890,bicubic
cspdarknet53,80.058,19.942,95.084,4.916,27.64,256,0.887,bilinear
cspresnext50,80.040,19.960,94.944,5.056,20.57,224,0.875,bilinear
dpn92,80.008,19.992,94.836,5.164,37.67,224,0.875,bicubic
ens_adv_inception_resnet_v2,79.982,20.018,94.938,5.062,55.84,299,0.897,bicubic
gluon_seresnext50_32x4d,79.918,20.082,94.822,5.178,27.56,224,0.875,bicubic
efficientnet_b2_pruned,79.916,20.084,94.856,5.144,8.31,260,0.890,bicubic
gluon_resnet152_v1c,79.910,20.090,94.840,5.160,60.21,224,0.875,bicubic
resnetrs50,79.892,20.108,94.968,5.032,35.69,224,0.910,bicubic
regnety_080,79.876,20.124,94.830,5.170,39.18,224,0.875,bicubic
xception71,79.874,20.126,94.922,5.078,42.34,299,0.903,bicubic
deit_small_patch16_224,79.856,20.144,95.052,4.948,22.05,224,0.900,bicubic
regnetx_160,79.856,20.144,94.830,5.170,54.28,224,0.875,bicubic
ecaresnet26t,79.854,20.146,95.084,4.916,16.01,320,0.950,bicubic
levit_192,79.842,20.158,94.786,5.214,10.95,224,0.900,bicubic
dpn131,79.822,20.178,94.710,5.290,79.25,224,0.875,bicubic
tf_efficientnet_lite3,79.820,20.180,94.914,5.086,8.20,300,0.904,bilinear
resmlp_36_224,79.770,20.230,94.886,5.114,44.69,224,0.875,bicubic
resnext50_32x4d,79.768,20.232,94.598,5.402,25.03,224,0.875,bicubic
cait_xxs36_224,79.750,20.250,94.866,5.134,17.30,224,1.000,bicubic
regnety_064,79.722,20.278,94.768,5.232,30.58,224,0.875,bicubic
ecaresnet50d_pruned,79.716,20.284,94.880,5.120,19.94,224,0.875,bicubic
gluon_xception65,79.716,20.284,94.860,5.140,39.92,299,0.903,bicubic
gluon_resnet152_v1b,79.686,20.314,94.736,5.264,60.19,224,0.875,bicubic
resnext50d_32x4d,79.676,20.324,94.866,5.134,25.05,224,0.875,bicubic
dpn98,79.642,20.358,94.598,5.402,61.57,224,0.875,bicubic
regnetx_120,79.596,20.404,94.738,5.262,46.11,224,0.875,bicubic
cspresnet50,79.574,20.426,94.712,5.288,21.62,256,0.887,bilinear
xception65,79.552,20.448,94.654,5.346,39.92,299,0.903,bicubic
gluon_resnet101_v1c,79.534,20.466,94.578,5.422,44.57,224,0.875,bicubic
rexnet_130,79.500,20.500,94.682,5.318,7.56,224,0.875,bicubic
hrnet_w64,79.474,20.526,94.652,5.348,128.06,224,0.875,bilinear
tf_efficientnetv2_b1,79.462,20.538,94.722,5.278,8.14,240,0.882,bicubic
dla102x2,79.448,20.552,94.640,5.360,41.28,224,0.875,bilinear
resmlp_24_224,79.374,20.626,94.546,5.454,30.02,224,0.875,bicubic
repvgg_b2g4,79.366,20.634,94.688,5.312,61.76,224,0.875,bilinear
gluon_resnext50_32x4d,79.354,20.646,94.426,5.574,25.03,224,0.875,bicubic
ese_vovnet39b,79.320,20.680,94.712,5.288,24.57,224,0.875,bicubic
resnext101_32x8d,79.308,20.692,94.518,5.482,88.79,224,0.875,bilinear
tf_efficientnet_cc_b1_8e,79.308,20.692,94.370,5.630,39.72,240,0.882,bicubic
gluon_resnet101_v1b,79.306,20.694,94.524,5.476,44.55,224,0.875,bicubic
pit_xs_distilled_224,79.306,20.694,94.364,5.636,11.00,224,0.900,bicubic
hrnet_w48,79.300,20.700,94.512,5.488,77.47,224,0.875,bilinear
nf_regnet_b1,79.292,20.708,94.748,5.252,10.22,288,0.900,bicubic
resnetblur50,79.286,20.714,94.638,5.362,25.56,224,0.875,bicubic
tf_efficientnet_b1_ap,79.280,20.720,94.306,5.694,7.79,240,0.882,bicubic
efficientnet_em,79.252,20.748,94.794,5.206,6.90,240,0.882,bicubic
ssl_resnet50,79.222,20.778,94.832,5.168,25.56,224,0.875,bilinear
regnety_040,79.220,20.780,94.656,5.344,20.65,224,0.875,bicubic
dpn68b,79.216,20.784,94.414,5.586,12.61,224,0.875,bicubic
res2net50_26w_8s,79.198,20.802,94.368,5.632,48.40,224,0.875,bilinear
res2net101_26w_4s,79.198,20.802,94.432,5.568,45.21,224,0.875,bilinear
regnetx_080,79.194,20.806,94.560,5.440,39.57,224,0.875,bicubic
coat_lite_mini,79.088,20.912,94.604,5.396,11.01,224,0.900,bicubic
legacy_seresnext50_32x4d,79.078,20.922,94.436,5.564,27.56,224,0.875,bilinear
gluon_resnet50_v1d,79.074,20.926,94.470,5.530,25.58,224,0.875,bicubic
regnetx_064,79.072,20.928,94.458,5.542,26.21,224,0.875,bicubic
xception,79.052,20.948,94.392,5.608,22.86,299,0.897,bicubic
resnet50,79.038,20.962,94.390,5.610,25.56,224,0.875,bicubic
mixnet_l,78.976,21.024,94.182,5.818,7.33,224,0.875,bicubic
hrnet_w40,78.920,21.080,94.470,5.530,57.56,224,0.875,bilinear
hrnet_w44,78.896,21.104,94.368,5.632,67.06,224,0.875,bilinear
wide_resnet101_2,78.856,21.144,94.282,5.718,126.89,224,0.875,bilinear
tf_efficientnet_b1,78.826,21.174,94.198,5.802,7.79,240,0.882,bicubic
gluon_inception_v3,78.806,21.194,94.370,5.630,23.83,299,0.875,bicubic
efficientnet_b1,78.794,21.206,94.342,5.658,7.79,256,1.000,bicubic
repvgg_b2,78.792,21.208,94.414,5.586,89.02,224,0.875,bilinear
tf_mixnet_l,78.774,21.226,93.998,6.002,7.33,224,0.875,bicubic
gluon_resnet50_v1s,78.712,21.288,94.238,5.762,25.68,224,0.875,bicubic
dla169,78.688,21.312,94.336,5.664,53.39,224,0.875,bilinear
legacy_seresnet152,78.660,21.340,94.370,5.630,66.82,224,0.875,bilinear
tf_efficientnet_b0_ns,78.658,21.342,94.376,5.624,5.29,224,0.875,bicubic
res2net50_26w_6s,78.570,21.430,94.124,5.876,37.05,224,0.875,bilinear
xception41,78.516,21.484,94.278,5.722,26.97,299,0.903,bicubic
dla102x,78.510,21.490,94.228,5.772,26.31,224,0.875,bilinear
levit_128,78.486,21.514,94.010,5.990,9.21,224,0.900,bicubic
regnetx_040,78.482,21.518,94.244,5.756,22.12,224,0.875,bicubic
resnest26d,78.478,21.522,94.298,5.702,17.07,224,0.875,bilinear
dla60_res2net,78.464,21.536,94.206,5.794,20.85,224,0.875,bilinear
hrnet_w32,78.450,21.550,94.186,5.814,41.23,224,0.875,bilinear
dla60_res2next,78.440,21.560,94.152,5.848,17.03,224,0.875,bilinear
coat_tiny,78.434,21.566,94.038,5.962,5.50,224,0.900,bicubic
vit_tiny_patch16_384,78.430,21.570,94.542,5.458,5.79,384,1.000,bicubic
selecsls60b,78.412,21.588,94.174,5.826,32.77,224,0.875,bicubic
cait_xxs24_224,78.386,21.614,94.310,5.690,11.96,224,1.000,bicubic
legacy_seresnet101,78.382,21.618,94.264,5.736,49.33,224,0.875,bilinear
repvgg_b1,78.366,21.634,94.098,5.902,57.42,224,0.875,bilinear
tf_efficientnetv2_b0,78.356,21.644,94.024,5.976,7.14,224,0.875,bicubic
tv_resnet152,78.312,21.688,94.038,5.962,60.19,224,0.875,bilinear
dla60x,78.246,21.754,94.018,5.982,17.35,224,0.875,bilinear
res2next50,78.246,21.754,93.892,6.108,24.67,224,0.875,bilinear
efficientnet_b1_pruned,78.236,21.764,93.834,6.166,6.33,240,0.882,bicubic
hrnet_w30,78.206,21.794,94.222,5.778,37.71,224,0.875,bilinear
pit_xs_224,78.182,21.818,94.168,5.832,10.62,224,0.900,bicubic
regnetx_032,78.172,21.828,94.088,5.912,15.30,224,0.875,bicubic
res2net50_14w_8s,78.150,21.850,93.848,6.152,25.06,224,0.875,bilinear
tf_efficientnet_em,78.130,21.870,94.044,5.956,6.90,240,0.882,bicubic
hardcorenas_f,78.104,21.896,93.802,6.198,8.20,224,0.875,bilinear
efficientnet_es,78.066,21.934,93.926,6.074,5.44,224,0.875,bicubic
gmixer_24_224,78.036,21.964,93.664,6.336,24.72,224,0.875,bicubic
dla102,78.032,21.968,93.946,6.054,33.27,224,0.875,bilinear
gluon_resnet50_v1c,78.012,21.988,93.988,6.012,25.58,224,0.875,bicubic
seresnext26t_32x4d,77.986,22.014,93.746,6.254,16.81,224,0.875,bicubic
selecsls60,77.982,22.018,93.828,6.172,30.67,224,0.875,bicubic
res2net50_26w_4s,77.964,22.036,93.854,6.146,25.70,224,0.875,bilinear
resmlp_12_distilled_224,77.944,22.056,93.558,6.442,15.35,224,0.875,bicubic
mobilenetv3_large_100_miil,77.916,22.084,92.910,7.090,5.48,224,0.875,bilinear
tf_efficientnet_cc_b0_8e,77.908,22.092,93.654,6.346,24.01,224,0.875,bicubic
regnety_016,77.862,22.138,93.720,6.280,11.20,224,0.875,bicubic
tf_inception_v3,77.862,22.138,93.640,6.360,23.83,299,0.875,bicubic
rexnet_100,77.858,22.142,93.870,6.130,4.80,224,0.875,bicubic
hardcorenas_e,77.794,22.206,93.694,6.306,8.07,224,0.875,bilinear
efficientnet_b0,77.698,22.302,93.532,6.468,5.29,224,0.875,bicubic
legacy_seresnet50,77.630,22.370,93.748,6.252,28.09,224,0.875,bilinear
tv_resnext50_32x4d,77.620,22.380,93.696,6.304,25.03,224,0.875,bilinear
seresnext26d_32x4d,77.602,22.398,93.608,6.392,16.81,224,0.875,bicubic
repvgg_b1g4,77.594,22.406,93.826,6.174,39.97,224,0.875,bilinear
adv_inception_v3,77.582,22.418,93.736,6.264,23.83,299,0.875,bicubic
gluon_resnet50_v1b,77.580,22.420,93.716,6.284,25.56,224,0.875,bicubic
res2net50_48w_2s,77.522,22.478,93.554,6.446,25.29,224,0.875,bilinear
coat_lite_tiny,77.512,22.488,93.916,6.084,5.72,224,0.900,bicubic
tf_efficientnet_lite2,77.468,22.532,93.754,6.246,6.09,260,0.890,bicubic
inception_v3,77.438,22.562,93.474,6.526,23.83,299,0.875,bicubic
hardcorenas_d,77.432,22.568,93.484,6.516,7.50,224,0.875,bilinear
tv_resnet101,77.374,22.626,93.540,6.460,44.55,224,0.875,bilinear
densenet161,77.358,22.642,93.638,6.362,28.68,224,0.875,bicubic
tf_efficientnet_cc_b0_4e,77.306,22.694,93.334,6.666,13.31,224,0.875,bicubic
densenet201,77.286,22.714,93.478,6.522,20.01,224,0.875,bicubic
mobilenetv2_120d,77.284,22.716,93.492,6.508,5.83,224,0.875,bicubic
mixnet_m,77.260,22.740,93.424,6.576,5.01,224,0.875,bicubic
selecsls42b,77.174,22.826,93.390,6.610,32.46,224,0.875,bicubic
resnet34d,77.116,22.884,93.382,6.618,21.82,224,0.875,bicubic
legacy_seresnext26_32x4d,77.104,22.896,93.316,6.684,16.79,224,0.875,bicubic
tf_efficientnet_b0_ap,77.086,22.914,93.256,6.744,5.29,224,0.875,bicubic
hardcorenas_c,77.054,22.946,93.158,6.842,5.52,224,0.875,bilinear
dla60,77.032,22.968,93.318,6.682,22.04,224,0.875,bilinear
regnetx_016,76.950,23.050,93.420,6.580,9.19,224,0.875,bicubic
tf_mixnet_m,76.942,23.058,93.152,6.848,5.01,224,0.875,bicubic
gernet_s,76.916,23.084,93.132,6.868,8.17,224,0.875,bilinear
skresnet34,76.912,23.088,93.322,6.678,22.28,224,0.875,bicubic
tf_efficientnet_b0,76.848,23.152,93.228,6.772,5.29,224,0.875,bicubic
ese_vovnet19b_dw,76.798,23.202,93.268,6.732,6.54,224,0.875,bicubic
hrnet_w18,76.758,23.242,93.444,6.556,21.30,224,0.875,bilinear
resnet26d,76.696,23.304,93.150,6.850,16.01,224,0.875,bicubic
resmlp_12_224,76.654,23.346,93.180,6.820,15.35,224,0.875,bicubic
tf_efficientnet_lite1,76.642,23.358,93.226,6.774,5.42,240,0.882,bicubic
mixer_b16_224,76.602,23.398,92.228,7.772,59.88,224,0.875,bicubic
tf_efficientnet_es,76.594,23.406,93.202,6.798,5.44,224,0.875,bicubic
densenetblur121d,76.588,23.412,93.192,6.808,8.00,224,0.875,bicubic
hardcorenas_b,76.538,23.462,92.754,7.246,5.18,224,0.875,bilinear
levit_128s,76.530,23.470,92.866,7.134,7.78,224,0.900,bicubic
mobilenetv2_140,76.516,23.484,92.996,7.004,6.11,224,0.875,bicubic
repvgg_a2,76.460,23.540,93.004,6.996,28.21,224,0.875,bilinear
dpn68,76.318,23.682,92.978,7.022,12.61,224,0.875,bicubic
regnety_008,76.316,23.684,93.066,6.934,6.26,224,0.875,bicubic
tv_resnet50,76.138,23.862,92.864,7.136,25.56,224,0.875,bilinear
mixnet_s,75.992,24.008,92.796,7.204,4.13,224,0.875,bicubic
vit_small_patch32_224,75.990,24.010,93.272,6.728,22.88,224,0.900,bicubic
vit_tiny_r_s16_p8_384,75.952,24.048,93.260,6.740,6.36,384,1.000,bicubic
hardcorenas_a,75.916,24.084,92.514,7.486,5.26,224,0.875,bilinear
densenet169,75.906,24.094,93.026,6.974,14.15,224,0.875,bicubic
mobilenetv3_large_100,75.766,24.234,92.542,7.458,5.48,224,0.875,bicubic
tf_mixnet_s,75.650,24.350,92.628,7.372,4.13,224,0.875,bicubic
mobilenetv3_rw,75.634,24.366,92.708,7.292,5.48,224,0.875,bicubic
densenet121,75.578,24.422,92.652,7.348,7.98,224,0.875,bicubic
tf_mobilenetv3_large_100,75.518,24.482,92.606,7.394,5.48,224,0.875,bilinear
resnest14d,75.506,24.494,92.518,7.482,10.61,224,0.875,bilinear
efficientnet_lite0,75.484,24.516,92.510,7.490,4.65,224,0.875,bicubic
vit_tiny_patch16_224,75.454,24.546,92.848,7.152,5.72,224,0.900,bicubic
semnasnet_100,75.448,24.552,92.604,7.396,3.89,224,0.875,bicubic
resnet26,75.292,24.708,92.570,7.430,16.00,224,0.875,bicubic
regnety_006,75.246,24.754,92.532,7.468,6.06,224,0.875,bicubic
repvgg_b0,75.152,24.848,92.418,7.582,15.82,224,0.875,bilinear
fbnetc_100,75.124,24.876,92.386,7.614,5.57,224,0.875,bilinear
hrnet_w18_small_v2,75.114,24.886,92.416,7.584,15.60,224,0.875,bilinear
resnet34,75.110,24.890,92.284,7.716,21.80,224,0.875,bilinear
regnetx_008,75.038,24.962,92.336,7.664,7.26,224,0.875,bicubic
mobilenetv2_110d,75.036,24.964,92.186,7.814,4.52,224,0.875,bicubic
efficientnet_es_pruned,75.000,25.000,92.448,7.552,5.44,224,0.875,bicubic
tf_efficientnet_lite0,74.830,25.170,92.176,7.824,4.65,224,0.875,bicubic
legacy_seresnet34,74.808,25.192,92.124,7.876,21.96,224,0.875,bilinear
tv_densenet121,74.738,25.262,92.150,7.850,7.98,224,0.875,bicubic
mnasnet_100,74.658,25.342,92.114,7.886,4.38,224,0.875,bicubic
dla34,74.630,25.370,92.078,7.922,15.74,224,0.875,bilinear
gluon_resnet34_v1b,74.588,25.412,91.990,8.010,21.80,224,0.875,bicubic
pit_ti_distilled_224,74.530,25.470,92.096,7.904,5.10,224,0.900,bicubic
deit_tiny_distilled_patch16_224,74.510,25.490,91.890,8.110,5.91,224,0.900,bicubic
vgg19_bn,74.214,25.786,91.842,8.158,143.68,224,0.875,bilinear
spnasnet_100,74.084,25.916,91.818,8.182,4.42,224,0.875,bilinear
regnety_004,74.034,25.966,91.752,8.248,4.34,224,0.875,bicubic
ghostnet_100,73.978,26.022,91.456,8.544,5.18,224,0.875,bilinear
regnetx_006,73.852,26.148,91.672,8.328,6.20,224,0.875,bicubic
tf_mobilenetv3_large_075,73.438,26.562,91.350,8.650,3.99,224,0.875,bilinear
vgg16_bn,73.350,26.650,91.506,8.494,138.37,224,0.875,bilinear
tv_resnet34,73.312,26.688,91.426,8.574,21.80,224,0.875,bilinear
swsl_resnet18,73.276,26.724,91.734,8.266,11.69,224,0.875,bilinear
convit_tiny,73.116,26.884,91.714,8.286,5.71,224,0.875,bicubic
skresnet18,73.038,26.962,91.168,8.832,11.96,224,0.875,bicubic
mobilenetv2_100,72.970,27.030,91.016,8.984,3.50,224,0.875,bicubic
pit_ti_224,72.912,27.088,91.402,8.598,4.85,224,0.900,bicubic
ssl_resnet18,72.610,27.390,91.416,8.584,11.69,224,0.875,bilinear
regnetx_004,72.396,27.604,90.830,9.170,5.16,224,0.875,bicubic
vgg19,72.368,27.632,90.872,9.128,143.67,224,0.875,bilinear
hrnet_w18_small,72.342,27.658,90.678,9.322,13.19,224,0.875,bilinear
resnet18d,72.260,27.740,90.696,9.304,11.71,224,0.875,bicubic
tf_mobilenetv3_large_minimal_100,72.248,27.752,90.630,9.370,3.92,224,0.875,bilinear
deit_tiny_patch16_224,72.168,27.832,91.118,8.882,5.72,224,0.900,bicubic
mixer_l16_224,72.058,27.942,87.668,12.332,208.20,224,0.875,bicubic
vit_tiny_r_s16_p8_224,71.788,28.212,90.828,9.172,6.34,224,0.900,bicubic
legacy_seresnet18,71.742,28.258,90.334,9.666,11.78,224,0.875,bicubic
vgg13_bn,71.594,28.406,90.376,9.624,133.05,224,0.875,bilinear
vgg16,71.594,28.406,90.382,9.618,138.36,224,0.875,bilinear
gluon_resnet18_v1b,70.836,29.164,89.762,10.238,11.69,224,0.875,bicubic
vgg11_bn,70.360,29.640,89.802,10.198,132.87,224,0.875,bilinear
regnety_002,70.252,29.748,89.540,10.460,3.16,224,0.875,bicubic
vgg13,69.926,30.074,89.246,10.754,133.05,224,0.875,bilinear
resnet18,69.748,30.252,89.078,10.922,11.69,224,0.875,bilinear
vgg11,69.024,30.976,88.628,11.372,132.86,224,0.875,bilinear
regnetx_002,68.762,31.238,88.556,11.444,2.68,224,0.875,bicubic
tf_mobilenetv3_small_100,67.922,32.078,87.664,12.336,2.54,224,0.875,bilinear
dla60x_c,67.892,32.108,88.426,11.574,1.32,224,0.875,bilinear
dla46x_c,65.970,34.030,86.980,13.020,1.07,224,0.875,bilinear
tf_mobilenetv3_small_075,65.716,34.284,86.130,13.870,2.04,224,0.875,bilinear
dla46_c,64.866,35.134,86.292,13.708,1.30,224,0.875,bilinear
tf_mobilenetv3_small_minimal_100,62.906,37.094,84.230,15.770,2.04,224,0.875,bilinear
efficientnetv2_rw_s,83.830,16.170,96.722,3.278,23.94,384,1.000,bicubic
crossvit_15_dagger_408,83.826,16.174,96.786,3.214,28.50,408,1.000,bicubic
tf_efficientnet_b5,83.810,16.190,96.748,3.252,30.39,456,0.934,bicubic
vit_small_patch16_384,83.794,16.206,97.108,2.892,22.20,384,1.000,bicubic
xcit_tiny_24_p8_384_dist,83.764,16.236,96.704,3.296,12.11,384,1.000,bicubic
xcit_medium_24_p8_224,83.736,16.264,96.386,3.614,84.32,224,1.000,bicubic
resnetrs152,83.710,16.290,96.610,3.390,86.62,320,1.000,bicubic
regnety_160,83.702,16.298,96.782,3.218,83.59,288,1.000,bicubic
twins_svt_large,83.684,16.316,96.610,3.390,99.27,224,0.900,bicubic
resnet152d,83.664,16.336,96.734,3.266,60.21,320,1.000,bicubic
resmlp_big_24_distilled_224,83.596,16.404,96.656,3.344,129.14,224,0.875,bicubic
jx_nest_base,83.554,16.446,96.364,3.636,67.72,224,0.875,bicubic
cait_s24_224,83.462,16.538,96.566,3.434,46.92,224,1.000,bicubic
efficientnet_b4,83.430,16.570,96.594,3.406,19.34,384,1.000,bicubic
deit_base_distilled_patch16_224,83.388,16.612,96.490,3.510,87.34,224,0.900,bicubic
dm_nfnet_f0,83.384,16.616,96.580,3.420,71.49,256,0.900,bicubic
swsl_resnext101_32x16d,83.354,16.646,96.836,3.164,194.03,224,0.875,bilinear
xcit_small_12_p16_224_dist,83.350,16.650,96.422,3.578,26.25,224,1.000,bicubic
vit_base_patch32_384,83.346,16.654,96.844,3.156,88.30,384,1.000,bicubic
xcit_small_12_p8_224,83.346,16.654,96.476,3.524,26.21,224,1.000,bicubic
tf_efficientnet_b4_ap,83.258,16.742,96.396,3.604,19.34,380,0.922,bicubic
swin_small_patch4_window7_224,83.226,16.774,96.330,3.670,49.61,224,0.900,bicubic
swsl_resnext101_32x4d,83.226,16.774,96.768,3.232,44.18,224,0.875,bilinear
twins_pcpvt_large,83.138,16.862,96.608,3.392,60.99,224,0.900,bicubic
twins_svt_base,83.124,16.876,96.428,3.572,56.07,224,0.900,bicubic
jx_nest_small,83.118,16.882,96.332,3.668,38.35,224,0.875,bicubic
deit_base_patch16_384,83.106,16.894,96.376,3.624,86.86,384,1.000,bicubic
tresnet_m,83.076,16.924,96.126,3.874,31.39,224,0.875,bilinear
tresnet_xl_448,83.056,16.944,96.184,3.816,78.44,448,0.875,bilinear
tf_efficientnet_b4,83.030,16.970,96.298,3.702,19.34,380,0.922,bicubic
resnet101d,83.024,16.976,96.456,3.544,44.57,320,1.000,bicubic
resnetv2_152x2_bit_teacher,82.902,17.098,96.568,3.432,236.34,224,0.875,bicubic
xcit_large_24_p16_224,82.898,17.102,95.882,4.118,189.10,224,1.000,bicubic
resnest101e,82.876,17.124,96.312,3.688,48.28,256,0.875,bilinear
resnetv2_50x1_bit_distilled,82.822,17.178,96.524,3.476,25.55,224,0.875,bicubic
pnasnet5large,82.798,17.202,96.034,3.966,86.06,331,0.911,bicubic
nfnet_l0,82.752,17.248,96.516,3.484,35.07,288,1.000,bicubic
regnety_032,82.722,17.278,96.432,3.568,19.44,288,1.000,bicubic
twins_pcpvt_base,82.712,17.288,96.348,3.652,43.83,224,0.900,bicubic
ig_resnext101_32x8d,82.710,17.290,96.640,3.360,88.79,224,0.875,bilinear
nasnetalarge,82.636,17.364,96.050,3.950,88.75,331,0.911,bicubic
xcit_medium_24_p16_224,82.626,17.374,95.976,4.024,84.40,224,1.000,bicubic
eca_nfnet_l0,82.592,17.408,96.486,3.514,24.14,288,1.000,bicubic
levit_384,82.592,17.408,96.014,3.986,39.13,224,0.900,bicubic
xcit_small_24_p16_224,82.578,17.422,96.000,4.000,47.67,224,1.000,bicubic
xcit_tiny_24_p8_224_dist,82.576,17.424,96.180,3.820,12.11,224,1.000,bicubic
xcit_tiny_24_p16_384_dist,82.568,17.432,96.294,3.706,12.12,384,1.000,bicubic
resnet61q,82.522,17.478,96.134,3.866,36.85,288,1.000,bicubic
regnetz_c,82.516,17.484,96.360,3.640,13.46,320,0.940,bicubic
crossvit_18_dagger_240,82.506,17.494,96.072,3.928,44.27,240,0.875,bicubic
gc_efficientnetv2_rw_t,82.478,17.522,96.296,3.704,13.68,288,1.000,bicubic
pit_b_224,82.444,17.556,95.712,4.288,73.76,224,0.900,bicubic
crossvit_18_240,82.394,17.606,96.062,3.938,43.27,240,0.875,bicubic
xcit_tiny_12_p8_384_dist,82.392,17.608,96.218,3.782,6.71,384,1.000,bicubic
tf_efficientnet_b2_ns,82.390,17.610,96.240,3.760,9.11,260,0.890,bicubic
resnet51q,82.368,17.632,96.176,3.824,35.70,288,1.000,bilinear
ecaresnet50t,82.364,17.636,96.142,3.858,25.57,320,0.950,bicubic
efficientnetv2_rw_t,82.338,17.662,96.194,3.806,13.65,288,1.000,bicubic
resnetv2_101x1_bitm,82.330,17.670,96.528,3.472,44.54,448,1.000,bilinear
crossvit_15_dagger_240,82.310,17.690,95.962,4.038,28.21,240,0.875,bicubic
coat_lite_small,82.302,17.698,95.860,4.140,19.84,224,0.900,bicubic
mixer_b16_224_miil,82.302,17.698,95.714,4.286,59.88,224,0.875,bilinear
resnetrs101,82.294,17.706,96.002,3.998,63.62,288,0.940,bicubic
convit_base,82.292,17.708,95.934,4.066,86.54,224,0.875,bicubic
tresnet_l_448,82.262,17.738,95.980,4.020,55.99,448,0.875,bilinear
efficientnet_b3,82.258,17.742,96.116,3.884,12.23,320,1.000,bicubic
crossvit_base_240,82.206,17.794,95.828,4.172,105.03,240,0.875,bicubic
cait_xxs36_384,82.190,17.810,96.160,3.840,17.37,384,1.000,bicubic
ecaresnet101d,82.172,17.828,96.054,3.946,44.57,224,0.875,bicubic
swsl_resnext50_32x4d,82.166,17.834,96.234,3.766,25.03,224,0.875,bilinear
visformer_small,82.096,17.904,95.878,4.122,40.22,224,0.900,bicubic
tresnet_xl,82.058,17.942,95.932,4.068,78.44,224,0.875,bilinear
resnetv2_101,82.032,17.968,95.864,4.136,44.54,224,0.950,bicubic
pit_s_distilled_224,81.994,18.006,95.800,4.200,24.04,224,0.900,bicubic
deit_base_patch16_224,81.984,18.016,95.742,4.258,86.57,224,0.900,bicubic
xcit_small_12_p16_224,81.976,18.024,95.818,4.182,26.25,224,1.000,bicubic
tf_efficientnetv2_b3,81.954,18.046,95.784,4.216,14.36,300,0.904,bicubic
xcit_tiny_24_p8_224,81.894,18.106,95.984,4.016,12.11,224,1.000,bicubic
ssl_resnext101_32x16d,81.844,18.156,96.090,3.910,194.03,224,0.875,bilinear
vit_small_r26_s32_224,81.838,18.162,96.026,3.974,36.43,224,0.900,bicubic
tf_efficientnet_b3_ap,81.822,18.178,95.620,4.380,12.23,300,0.904,bicubic
tresnet_m_448,81.714,18.286,95.570,4.430,31.39,448,0.875,bilinear
twins_svt_small,81.682,18.318,95.678,4.322,24.06,224,0.900,bicubic
tf_efficientnet_b3,81.646,18.354,95.720,4.280,12.23,300,0.904,bicubic
rexnet_200,81.626,18.374,95.672,4.328,16.37,224,0.875,bicubic
ssl_resnext101_32x8d,81.600,18.400,96.046,3.954,88.79,224,0.875,bilinear
tf_efficientnet_lite4,81.540,18.460,95.660,4.340,13.01,380,0.920,bilinear
crossvit_15_240,81.526,18.474,95.694,4.306,27.53,240,0.875,bicubic
tnt_s_patch16_224,81.514,18.486,95.744,4.256,23.76,224,0.900,bicubic
vit_large_patch32_384,81.506,18.494,96.086,3.914,306.63,384,1.000,bicubic
levit_256,81.502,18.498,95.480,4.520,18.89,224,0.900,bicubic
tresnet_l,81.484,18.516,95.620,4.380,55.99,224,0.875,bilinear
wide_resnet50_2,81.450,18.550,95.518,4.482,68.88,224,0.875,bicubic
jx_nest_tiny,81.434,18.566,95.620,4.380,17.06,224,0.875,bicubic
convit_small,81.412,18.588,95.746,4.254,27.78,224,0.875,bicubic
swin_tiny_patch4_window7_224,81.386,18.614,95.536,4.464,28.29,224,0.900,bicubic
vit_small_patch16_224,81.386,18.614,96.130,3.870,22.05,224,0.900,bicubic
tf_efficientnet_b1_ns,81.384,18.616,95.738,4.262,7.79,240,0.882,bicubic
convmixer_1536_20,81.376,18.624,95.610,4.390,51.63,224,0.960,bicubic
halonet50ts,81.350,18.650,95.284,4.716,22.73,256,0.940,bicubic
gernet_l,81.346,18.654,95.536,4.464,31.08,256,0.875,bilinear
legacy_senet154,81.326,18.674,95.506,4.494,115.09,224,0.875,bilinear
efficientnet_el,81.306,18.694,95.536,4.464,10.59,300,0.904,bicubic
coat_mini,81.282,18.718,95.394,4.606,10.34,224,0.900,bicubic
seresnext50_32x4d,81.268,18.732,95.626,4.374,27.56,224,0.875,bicubic
gluon_senet154,81.224,18.776,95.352,4.648,115.09,224,0.875,bicubic
xcit_tiny_12_p8_224_dist,81.214,18.786,95.606,4.394,6.71,224,1.000,bicubic
deit_small_distilled_patch16_224,81.202,18.798,95.378,4.622,22.44,224,0.900,bicubic
resmlp_36_distilled_224,81.154,18.846,95.496,4.504,44.69,224,0.875,bicubic
swsl_resnet50,81.146,18.854,95.978,4.022,25.56,224,0.875,bilinear
resnest50d_4s2x40d,81.120,18.880,95.560,4.440,30.42,224,0.875,bicubic
twins_pcpvt_small,81.104,18.896,95.642,4.358,24.11,224,0.900,bicubic
pit_s_224,81.100,18.900,95.334,4.666,23.46,224,0.900,bicubic
haloregnetz_b,81.042,18.958,95.200,4.800,11.68,224,0.940,bicubic
resmlp_big_24_224,81.032,18.968,95.022,4.978,129.14,224,0.875,bicubic
crossvit_small_240,81.030,18.970,95.466,4.534,26.86,240,0.875,bicubic
gluon_resnet152_v1s,81.020,18.980,95.422,4.578,60.32,224,0.875,bicubic
resnest50d_1s4x24d,81.000,19.000,95.326,4.674,25.68,224,0.875,bicubic
sehalonet33ts,80.982,19.018,95.272,4.728,13.69,256,0.940,bicubic
resnest50d,80.962,19.038,95.378,4.622,27.48,224,0.875,bilinear
cait_xxs24_384,80.954,19.046,95.638,4.362,12.03,384,1.000,bicubic
xcit_tiny_12_p16_384_dist,80.944,19.056,95.414,4.586,6.72,384,1.000,bicubic
gcresnet50t,80.938,19.062,95.440,4.560,25.90,256,0.900,bicubic
ssl_resnext101_32x4d,80.922,19.078,95.730,4.270,44.18,224,0.875,bilinear
gluon_seresnext101_32x4d,80.876,19.124,95.292,4.708,48.96,224,0.875,bicubic
gluon_seresnext101_64x4d,80.870,19.130,95.306,4.694,88.23,224,0.875,bicubic
efficientnet_b3_pruned,80.858,19.142,95.240,4.760,9.86,300,0.904,bicubic
ecaresnet101d_pruned,80.812,19.188,95.640,4.360,24.88,224,0.875,bicubic
regnety_320,80.794,19.206,95.246,4.754,145.05,224,0.875,bicubic
resmlp_24_distilled_224,80.760,19.240,95.220,4.780,30.02,224,0.875,bicubic
vit_base_patch32_224,80.732,19.268,95.566,4.434,88.22,224,0.900,bicubic
gernet_m,80.726,19.274,95.178,4.822,21.14,224,0.875,bilinear
regnetz_b,80.718,19.282,95.474,4.526,9.72,288,0.940,bicubic
nf_resnet50,80.656,19.344,95.336,4.664,25.56,288,0.940,bicubic
gluon_resnext101_64x4d,80.626,19.374,95.002,4.998,83.46,224,0.875,bicubic
ecaresnet50d,80.620,19.380,95.308,4.692,25.58,224,0.875,bicubic
efficientnet_b2,80.610,19.390,95.316,4.684,9.11,288,1.000,bicubic
gcresnext50ts,80.594,19.406,95.180,4.820,15.67,256,0.900,bicubic
resnet50d,80.538,19.462,95.160,4.840,25.58,224,0.875,bicubic
repvgg_b3,80.516,19.484,95.264,4.736,123.09,224,0.875,bilinear
vit_small_patch32_384,80.486,19.514,95.598,4.402,22.92,384,1.000,bicubic
gluon_resnet152_v1d,80.476,19.524,95.202,4.798,60.21,224,0.875,bicubic
mixnet_xl,80.468,19.532,94.932,5.068,11.90,224,0.875,bicubic
xcit_tiny_24_p16_224_dist,80.462,19.538,95.208,4.792,12.12,224,1.000,bicubic
ecaresnetlight,80.454,19.546,95.252,4.748,30.16,224,0.875,bicubic
inception_resnet_v2,80.448,19.552,95.308,4.692,55.84,299,0.897,bicubic
resnetv2_50,80.406,19.594,95.080,4.920,25.55,224,0.950,bicubic
gluon_resnet101_v1d,80.404,19.596,95.024,4.976,44.57,224,0.875,bicubic
regnety_120,80.386,19.614,95.122,4.878,51.82,224,0.875,bicubic
resnet50,80.382,19.618,94.594,5.406,25.56,224,0.950,bicubic
seresnet33ts,80.372,19.628,95.114,4.886,19.78,256,0.900,bicubic
resnetv2_50x1_bitm,80.344,19.656,95.686,4.314,25.55,448,1.000,bilinear
gluon_resnext101_32x4d,80.338,19.662,94.908,5.092,44.18,224,0.875,bicubic
rexnet_150,80.310,19.690,95.160,4.840,9.73,224,0.875,bicubic
tf_efficientnet_b2_ap,80.306,19.694,95.032,4.968,9.11,260,0.890,bicubic
ssl_resnext50_32x4d,80.302,19.698,95.418,4.582,25.03,224,0.875,bilinear
efficientnet_el_pruned,80.288,19.712,95.222,4.778,10.59,300,0.904,bicubic
gluon_resnet101_v1s,80.282,19.718,95.162,4.838,44.67,224,0.875,bicubic
regnetx_320,80.248,19.752,95.026,4.974,107.81,224,0.875,bicubic
seresnet50,80.248,19.752,95.070,4.930,28.09,224,0.875,bicubic
tf_efficientnet_el,80.248,19.752,95.124,4.876,10.59,300,0.904,bicubic
vit_base_patch16_sam_224,80.242,19.758,94.762,5.238,86.57,224,0.900,bicubic
legacy_seresnext101_32x4d,80.222,19.778,95.012,4.988,48.96,224,0.875,bilinear
repvgg_b3g4,80.218,19.782,95.104,4.896,83.83,224,0.875,bilinear
tf_efficientnetv2_b2,80.214,19.786,95.044,4.956,10.10,260,0.890,bicubic
dpn107,80.172,19.828,94.904,5.096,86.92,224,0.875,bicubic
convmixer_768_32,80.160,19.840,95.074,4.926,21.11,224,0.960,bicubic
inception_v4,80.144,19.856,94.972,5.028,42.68,299,0.875,bicubic
skresnext50_32x4d,80.142,19.858,94.644,5.356,27.48,224,0.875,bicubic
eca_resnet33ts,80.096,19.904,94.974,5.026,19.68,256,0.900,bicubic
gcresnet33ts,80.086,19.914,94.992,5.008,19.88,256,0.900,bicubic
tf_efficientnet_b2,80.068,19.932,94.904,5.096,9.11,260,0.890,bicubic
cspresnext50,80.052,19.948,94.950,5.050,20.57,224,0.875,bilinear
cspdarknet53,80.050,19.950,95.092,4.908,27.64,256,0.887,bilinear
dpn92,79.994,20.006,94.836,5.164,37.67,224,0.875,bicubic
ens_adv_inception_resnet_v2,79.978,20.022,94.936,5.064,55.84,299,0.897,bicubic
gluon_seresnext50_32x4d,79.924,20.076,94.828,5.172,27.56,224,0.875,bicubic
gluon_resnet152_v1c,79.912,20.088,94.852,5.148,60.21,224,0.875,bicubic
efficientnet_b2_pruned,79.906,20.094,94.854,5.146,8.31,260,0.890,bicubic
xception71,79.884,20.116,94.932,5.068,42.34,299,0.903,bicubic
regnety_080,79.872,20.128,94.832,5.168,39.18,224,0.875,bicubic
resnetrs50,79.870,20.130,94.970,5.030,35.69,224,0.910,bicubic
deit_small_patch16_224,79.866,20.134,95.056,4.944,22.05,224,0.900,bicubic
levit_192,79.860,20.140,94.802,5.198,10.95,224,0.900,bicubic
dpn131,79.834,20.166,94.712,5.288,79.25,224,0.875,bicubic
ecaresnet26t,79.834,20.166,95.084,4.916,16.01,320,0.950,bicubic
regnetx_160,79.834,20.166,94.824,5.176,54.28,224,0.875,bicubic
tf_efficientnet_lite3,79.820,20.180,94.910,5.090,8.20,300,0.904,bilinear
resnext50_32x4d,79.800,20.200,94.614,5.386,25.03,224,0.875,bicubic
resmlp_36_224,79.776,20.224,94.886,5.114,44.69,224,0.875,bicubic
cait_xxs36_224,79.762,20.238,94.868,5.132,17.30,224,1.000,bicubic
regnety_064,79.730,20.270,94.762,5.238,30.58,224,0.875,bicubic
xcit_tiny_12_p8_224,79.710,20.290,95.058,4.942,6.71,224,1.000,bicubic
ecaresnet50d_pruned,79.706,20.294,94.874,5.126,19.94,224,0.875,bicubic
gluon_xception65,79.702,20.298,94.868,5.132,39.92,299,0.903,bicubic
gluon_resnet152_v1b,79.680,20.320,94.736,5.264,60.19,224,0.875,bicubic
resnext50d_32x4d,79.664,20.336,94.866,5.134,25.05,224,0.875,bicubic
dpn98,79.654,20.346,94.604,5.396,61.57,224,0.875,bicubic
gmlp_s16_224,79.642,20.358,94.622,5.378,19.42,224,0.875,bicubic
regnetx_120,79.606,20.394,94.730,5.270,46.11,224,0.875,bicubic
cspresnet50,79.576,20.424,94.702,5.298,21.62,256,0.887,bilinear
xception65,79.546,20.454,94.660,5.340,39.92,299,0.903,bicubic
gluon_resnet101_v1c,79.534,20.466,94.588,5.412,44.57,224,0.875,bicubic
rexnet_130,79.496,20.504,94.674,5.326,7.56,224,0.875,bicubic
tf_efficientnetv2_b1,79.474,20.526,94.720,5.280,8.14,240,0.882,bicubic
hrnet_w64,79.456,20.544,94.654,5.346,128.06,224,0.875,bilinear
xcit_tiny_24_p16_224,79.452,20.548,94.888,5.112,12.12,224,1.000,bicubic
dla102x2,79.440,20.560,94.644,5.356,41.28,224,0.875,bilinear
resmlp_24_224,79.386,20.614,94.546,5.454,30.02,224,0.875,bicubic
repvgg_b2g4,79.380,20.620,94.694,5.306,61.76,224,0.875,bilinear
gluon_resnext50_32x4d,79.364,20.636,94.424,5.576,25.03,224,0.875,bicubic
tf_efficientnet_cc_b1_8e,79.326,20.674,94.368,5.632,39.72,240,0.882,bicubic
hrnet_w48,79.322,20.678,94.514,5.486,77.47,224,0.875,bilinear
resnext101_32x8d,79.312,20.688,94.522,5.478,88.79,224,0.875,bilinear
ese_vovnet39b,79.304,20.696,94.724,5.276,24.57,224,0.875,bicubic
resnetblur50,79.300,20.700,94.636,5.364,25.56,224,0.875,bicubic
gluon_resnet101_v1b,79.300,20.700,94.530,5.470,44.55,224,0.875,bicubic
nf_regnet_b1,79.296,20.704,94.742,5.258,10.22,288,0.900,bicubic
pit_xs_distilled_224,79.294,20.706,94.374,5.626,11.00,224,0.900,bicubic
tf_efficientnet_b1_ap,79.274,20.726,94.302,5.698,7.79,240,0.882,bicubic
efficientnet_em,79.260,20.740,94.792,5.208,6.90,240,0.882,bicubic
ssl_resnet50,79.236,20.764,94.832,5.168,25.56,224,0.875,bilinear
regnety_040,79.228,20.772,94.646,5.354,20.65,224,0.875,bicubic
regnetx_080,79.220,20.780,94.546,5.454,39.57,224,0.875,bicubic
dpn68b,79.216,20.784,94.422,5.578,12.61,224,0.875,bicubic
resnet33ts,79.214,20.786,94.572,5.428,19.68,256,0.900,bicubic
res2net101_26w_4s,79.192,20.808,94.438,5.562,45.21,224,0.875,bilinear
halonet26t,79.134,20.866,94.316,5.684,12.48,256,0.950,bicubic
lambda_resnet26t,79.108,20.892,94.588,5.412,10.96,256,0.940,bicubic
coat_lite_mini,79.100,20.900,94.602,5.398,11.01,224,0.900,bicubic
legacy_seresnext50_32x4d,79.078,20.922,94.432,5.568,27.56,224,0.875,bilinear
gluon_resnet50_v1d,79.064,20.936,94.460,5.540,25.58,224,0.875,bicubic
regnetx_064,79.060,20.940,94.466,5.534,26.21,224,0.875,bicubic
xception,79.048,20.952,94.396,5.604,22.86,299,0.897,bicubic
resnet32ts,79.020,20.980,94.362,5.638,17.96,256,0.900,bicubic
mixnet_l,78.980,21.020,94.180,5.820,7.33,224,0.875,bicubic
res2net50_26w_8s,78.980,21.020,94.284,5.716,48.40,224,0.875,bilinear
lambda_resnet26rpt_256,78.968,21.032,94.428,5.572,10.99,256,0.940,bicubic
hrnet_w40,78.926,21.074,94.478,5.522,57.56,224,0.875,bilinear
hrnet_w44,78.890,21.110,94.382,5.618,67.06,224,0.875,bilinear
wide_resnet101_2,78.854,21.146,94.284,5.716,126.89,224,0.875,bilinear
eca_halonext26ts,78.840,21.160,94.256,5.744,10.76,256,0.940,bicubic
tf_efficientnet_b1,78.836,21.164,94.194,5.806,7.79,240,0.882,bicubic
efficientnet_b1,78.804,21.196,94.346,5.654,7.79,256,1.000,bicubic
gluon_inception_v3,78.798,21.202,94.380,5.620,23.83,299,0.875,bicubic
repvgg_b2,78.794,21.206,94.426,5.574,89.02,224,0.875,bilinear
tf_mixnet_l,78.778,21.222,94.000,6.000,7.33,224,0.875,bicubic
dla169,78.698,21.302,94.332,5.668,53.39,224,0.875,bilinear
gluon_resnet50_v1s,78.696,21.304,94.248,5.752,25.68,224,0.875,bicubic
legacy_seresnet152,78.662,21.338,94.376,5.624,66.82,224,0.875,bilinear
tf_efficientnet_b0_ns,78.658,21.342,94.370,5.630,5.29,224,0.875,bicubic
xcit_tiny_12_p16_224_dist,78.580,21.420,94.204,5.796,6.72,224,1.000,bicubic
res2net50_26w_6s,78.566,21.434,94.118,5.882,37.05,224,0.875,bilinear
xception41,78.532,21.468,94.284,5.716,26.97,299,0.903,bicubic
dla102x,78.512,21.488,94.226,5.774,26.31,224,0.875,bilinear
regnetx_040,78.484,21.516,94.254,5.746,22.12,224,0.875,bicubic
resnest26d,78.478,21.522,94.296,5.704,17.07,224,0.875,bilinear
levit_128,78.466,21.534,94.010,5.990,9.21,224,0.900,bicubic
dla60_res2net,78.462,21.538,94.208,5.792,20.85,224,0.875,bilinear
vit_tiny_patch16_384,78.446,21.554,94.544,5.456,5.79,384,1.000,bicubic
dla60_res2next,78.442,21.558,94.158,5.842,17.03,224,0.875,bilinear
hrnet_w32,78.442,21.558,94.196,5.804,41.23,224,0.875,bilinear
coat_tiny,78.434,21.566,94.034,5.966,5.50,224,0.900,bicubic
selecsls60b,78.408,21.592,94.176,5.824,32.77,224,0.875,bicubic
legacy_seresnet101,78.384,21.616,94.264,5.736,49.33,224,0.875,bilinear
repvgg_b1,78.378,21.622,94.104,5.896,57.42,224,0.875,bilinear
cait_xxs24_224,78.376,21.624,94.316,5.684,11.96,224,1.000,bicubic
tf_efficientnetv2_b0,78.370,21.630,94.026,5.974,7.14,224,0.875,bicubic
tv_resnet152,78.322,21.678,94.044,5.956,60.19,224,0.875,bilinear
bat_resnext26ts,78.262,21.738,94.100,5.900,10.73,256,0.900,bicubic
efficientnet_b1_pruned,78.250,21.750,93.836,6.164,6.33,240,0.882,bicubic
dla60x,78.246,21.754,94.024,5.976,17.35,224,0.875,bilinear
res2next50,78.242,21.758,93.904,6.096,24.67,224,0.875,bilinear
hrnet_w30,78.202,21.798,94.228,5.772,37.71,224,0.875,bilinear
pit_xs_224,78.184,21.816,94.164,5.836,10.62,224,0.900,bicubic
regnetx_032,78.150,21.850,94.086,5.914,15.30,224,0.875,bicubic
tf_efficientnet_em,78.142,21.858,94.058,5.942,6.90,240,0.882,bicubic
res2net50_14w_8s,78.134,21.866,93.856,6.144,25.06,224,0.875,bilinear
hardcorenas_f,78.104,21.896,93.794,6.206,8.20,224,0.875,bilinear
efficientnet_es,78.082,21.918,93.944,6.056,5.44,224,0.875,bicubic
gmixer_24_224,78.052,21.948,93.668,6.332,24.72,224,0.875,bicubic
dla102,78.028,21.972,93.958,6.042,33.27,224,0.875,bilinear
gluon_resnet50_v1c,78.006,21.994,93.988,6.012,25.58,224,0.875,bicubic
res2net50_26w_4s,77.986,22.014,93.848,6.152,25.70,224,0.875,bilinear
selecsls60,77.984,22.016,93.832,6.168,30.67,224,0.875,bicubic
seresnext26t_32x4d,77.978,22.022,93.742,6.258,16.81,224,0.875,bicubic
resmlp_12_distilled_224,77.944,22.056,93.562,6.438,15.35,224,0.875,bicubic
mobilenetv3_large_100_miil,77.912,22.088,92.904,7.096,5.48,224,0.875,bilinear
tf_efficientnet_cc_b0_8e,77.908,22.092,93.656,6.344,24.01,224,0.875,bicubic
resnet26t,77.872,22.128,93.834,6.166,16.01,256,0.940,bicubic
regnety_016,77.864,22.136,93.724,6.276,11.20,224,0.875,bicubic
rexnet_100,77.860,22.140,93.876,6.124,4.80,224,0.875,bicubic
tf_inception_v3,77.860,22.140,93.646,6.354,23.83,299,0.875,bicubic
seresnext26ts,77.848,22.152,93.788,6.212,10.39,256,0.900,bicubic
gcresnext26ts,77.820,22.180,93.826,6.174,10.48,256,0.900,bicubic
xcit_nano_12_p8_384_dist,77.818,22.182,94.034,5.966,3.05,384,1.000,bicubic
hardcorenas_e,77.800,22.200,93.696,6.304,8.07,224,0.875,bilinear
efficientnet_b0,77.704,22.296,93.522,6.478,5.29,224,0.875,bicubic
legacy_seresnet50,77.638,22.362,93.746,6.254,28.09,224,0.875,bilinear
tv_resnext50_32x4d,77.610,22.390,93.684,6.316,25.03,224,0.875,bilinear
repvgg_b1g4,77.594,22.406,93.842,6.158,39.97,224,0.875,bilinear
seresnext26d_32x4d,77.586,22.414,93.604,6.396,16.81,224,0.875,bicubic
adv_inception_v3,77.578,22.422,93.740,6.260,23.83,299,0.875,bicubic
gluon_resnet50_v1b,77.576,22.424,93.722,6.278,25.56,224,0.875,bicubic
res2net50_48w_2s,77.534,22.466,93.558,6.442,25.29,224,0.875,bilinear
coat_lite_tiny,77.514,22.486,93.916,6.084,5.72,224,0.900,bicubic
tf_efficientnet_lite2,77.482,22.518,93.748,6.252,6.09,260,0.890,bicubic
inception_v3,77.464,22.536,93.476,6.524,23.83,299,0.875,bicubic
eca_resnext26ts,77.450,22.550,93.578,6.422,10.30,256,0.900,bicubic
hardcorenas_d,77.424,22.576,93.486,6.514,7.50,224,0.875,bilinear
tv_resnet101,77.368,22.632,93.560,6.440,44.55,224,0.875,bilinear
densenet161,77.352,22.648,93.636,6.364,28.68,224,0.875,bicubic
tf_efficientnet_cc_b0_4e,77.320,22.680,93.322,6.678,13.31,224,0.875,bicubic
densenet201,77.290,22.710,93.480,6.520,20.01,224,0.875,bicubic
mobilenetv2_120d,77.286,22.714,93.512,6.488,5.83,224,0.875,bicubic
mixnet_m,77.274,22.726,93.422,6.578,5.01,224,0.875,bicubic
selecsls42b,77.190,22.810,93.390,6.610,32.46,224,0.875,bicubic
xcit_tiny_12_p16_224,77.120,22.880,93.718,6.282,6.72,224,1.000,bicubic
resnet34d,77.114,22.886,93.382,6.618,21.82,224,0.875,bicubic
tf_efficientnet_b0_ap,77.104,22.896,93.264,6.736,5.29,224,0.875,bicubic
legacy_seresnext26_32x4d,77.094,22.906,93.310,6.690,16.79,224,0.875,bicubic
hardcorenas_c,77.050,22.950,93.172,6.828,5.52,224,0.875,bilinear
dla60,77.034,22.966,93.324,6.676,22.04,224,0.875,bilinear
crossvit_9_dagger_240,76.990,23.010,93.606,6.394,8.78,240,0.875,bicubic
tf_mixnet_m,76.958,23.042,93.166,6.834,5.01,224,0.875,bicubic
regnetx_016,76.946,23.054,93.426,6.574,9.19,224,0.875,bicubic
convmixer_1024_20_ks9_p14,76.944,23.056,93.358,6.642,24.38,224,0.960,bicubic
skresnet34,76.920,23.080,93.320,6.680,22.28,224,0.875,bicubic
gernet_s,76.906,23.094,93.134,6.866,8.17,224,0.875,bilinear
tf_efficientnet_b0,76.846,23.154,93.230,6.770,5.29,224,0.875,bicubic
ese_vovnet19b_dw,76.824,23.176,93.280,6.720,6.54,224,0.875,bicubic
resnext26ts,76.772,23.228,93.130,6.870,10.30,256,0.900,bicubic
hrnet_w18,76.758,23.242,93.438,6.562,21.30,224,0.875,bilinear
resnet26d,76.690,23.310,93.148,6.852,16.01,224,0.875,bicubic
tf_efficientnet_lite1,76.664,23.336,93.234,6.766,5.42,240,0.882,bicubic
resmlp_12_224,76.654,23.346,93.172,6.828,15.35,224,0.875,bicubic
mixer_b16_224,76.622,23.378,92.228,7.772,59.88,224,0.875,bicubic
densenetblur121d,76.590,23.410,93.192,6.808,8.00,224,0.875,bicubic
tf_efficientnet_es,76.590,23.410,93.212,6.788,5.44,224,0.875,bicubic
levit_128s,76.538,23.462,92.864,7.136,7.78,224,0.900,bicubic
hardcorenas_b,76.530,23.470,92.752,7.248,5.18,224,0.875,bilinear
mobilenetv2_140,76.516,23.484,93.000,7.000,6.11,224,0.875,bicubic
repvgg_a2,76.480,23.520,93.020,6.980,28.21,224,0.875,bilinear
xcit_nano_12_p8_224_dist,76.330,23.670,93.086,6.914,3.05,224,1.000,bicubic
regnety_008,76.320,23.680,93.068,6.932,6.26,224,0.875,bicubic
dpn68,76.294,23.706,92.962,7.038,12.61,224,0.875,bicubic
tv_resnet50,76.152,23.848,92.878,7.122,25.56,224,0.875,bilinear
mixnet_s,75.994,24.006,92.792,7.208,4.13,224,0.875,bicubic
vit_small_patch32_224,75.994,24.006,93.276,6.724,22.88,224,0.900,bicubic
vit_tiny_r_s16_p8_384,75.972,24.028,93.272,6.728,6.36,384,1.000,bicubic
hardcorenas_a,75.912,24.088,92.514,7.486,5.26,224,0.875,bilinear
densenet169,75.898,24.102,93.024,6.976,14.15,224,0.875,bicubic
mobilenetv3_large_100,75.774,24.226,92.540,7.460,5.48,224,0.875,bicubic
tf_mixnet_s,75.684,24.316,92.636,7.364,4.13,224,0.875,bicubic
mobilenetv3_rw,75.618,24.382,92.712,7.288,5.48,224,0.875,bicubic
densenet121,75.568,24.432,92.652,7.348,7.98,224,0.875,bicubic
tf_mobilenetv3_large_100,75.510,24.490,92.608,7.392,5.48,224,0.875,bilinear
resnest14d,75.506,24.494,92.520,7.480,10.61,224,0.875,bilinear
efficientnet_lite0,75.504,24.496,92.516,7.484,4.65,224,0.875,bicubic
xcit_nano_12_p16_384_dist,75.468,24.532,92.676,7.324,3.05,384,1.000,bicubic
vit_tiny_patch16_224,75.454,24.546,92.852,7.148,5.72,224,0.900,bicubic
semnasnet_100,75.452,24.548,92.606,7.394,3.89,224,0.875,bicubic
resnet26,75.292,24.708,92.574,7.426,16.00,224,0.875,bicubic
regnety_006,75.266,24.734,92.534,7.466,6.06,224,0.875,bicubic
repvgg_b0,75.152,24.848,92.414,7.586,15.82,224,0.875,bilinear
fbnetc_100,75.120,24.880,92.374,7.626,5.57,224,0.875,bilinear
resnet34,75.112,24.888,92.276,7.724,21.80,224,0.875,bilinear
hrnet_w18_small_v2,75.106,24.894,92.412,7.588,15.60,224,0.875,bilinear
regnetx_008,75.056,24.944,92.348,7.652,7.26,224,0.875,bicubic
mobilenetv2_110d,75.052,24.948,92.188,7.812,4.52,224,0.875,bicubic
efficientnet_es_pruned,74.996,25.004,92.440,7.560,5.44,224,0.875,bicubic
tf_efficientnet_lite0,74.832,25.168,92.176,7.824,4.65,224,0.875,bicubic
legacy_seresnet34,74.792,25.208,92.128,7.872,21.96,224,0.875,bilinear
tv_densenet121,74.746,25.254,92.154,7.846,7.98,224,0.875,bicubic
mnasnet_100,74.674,25.326,92.098,7.902,4.38,224,0.875,bicubic
dla34,74.608,25.392,92.058,7.942,15.74,224,0.875,bilinear
gluon_resnet34_v1b,74.592,25.408,91.996,8.004,21.80,224,0.875,bicubic
pit_ti_distilled_224,74.530,25.470,92.100,7.900,5.10,224,0.900,bicubic
deit_tiny_distilled_patch16_224,74.524,25.476,91.896,8.104,5.91,224,0.900,bicubic
vgg19_bn,74.234,25.766,91.854,8.146,143.68,224,0.875,bilinear
spnasnet_100,74.078,25.922,91.820,8.180,4.42,224,0.875,bilinear
regnety_004,74.012,25.988,91.766,8.234,4.34,224,0.875,bicubic
ghostnet_100,73.984,26.016,91.460,8.540,5.18,224,0.875,bilinear
crossvit_9_240,73.982,26.018,91.970,8.030,8.55,240,0.875,bicubic
xcit_nano_12_p8_224,73.912,26.088,92.166,7.834,3.05,224,1.000,bicubic
eca_botnext26ts_256,73.878,26.122,91.788,8.212,10.59,256,0.950,bicubic
regnetx_006,73.846,26.154,91.682,8.318,6.20,224,0.875,bicubic
vit_base_patch32_sam_224,73.700,26.300,91.008,8.992,88.22,224,0.900,bicubic
tf_mobilenetv3_large_075,73.450,26.550,91.340,8.660,3.99,224,0.875,bilinear
vgg16_bn,73.360,26.640,91.492,8.508,138.37,224,0.875,bilinear
crossvit_tiny_240,73.344,26.656,91.922,8.078,7.01,240,0.875,bicubic
tv_resnet34,73.304,26.696,91.422,8.578,21.80,224,0.875,bilinear
swsl_resnet18,73.282,26.718,91.758,8.242,11.69,224,0.875,bilinear
convit_tiny,73.112,26.888,91.720,8.280,5.71,224,0.875,bicubic
skresnet18,73.022,26.978,91.170,8.830,11.96,224,0.875,bicubic
mobilenetv2_100,72.952,27.048,91.002,8.998,3.50,224,0.875,bicubic
pit_ti_224,72.922,27.078,91.410,8.590,4.85,224,0.900,bicubic
ssl_resnet18,72.612,27.388,91.420,8.580,11.69,224,0.875,bilinear
regnetx_004,72.390,27.610,90.818,9.182,5.16,224,0.875,bicubic
vgg19,72.388,27.612,90.886,9.114,143.67,224,0.875,bilinear
hrnet_w18_small,72.332,27.668,90.686,9.314,13.19,224,0.875,bilinear
xcit_nano_12_p16_224_dist,72.312,27.688,90.852,9.148,3.05,224,1.000,bicubic
resnet18d,72.268,27.732,90.684,9.316,11.71,224,0.875,bicubic
tf_mobilenetv3_large_minimal_100,72.252,27.748,90.636,9.364,3.92,224,0.875,bilinear
deit_tiny_patch16_224,72.160,27.840,91.112,8.888,5.72,224,0.900,bicubic
mixer_l16_224,72.066,27.934,87.654,12.346,208.20,224,0.875,bicubic
vit_tiny_r_s16_p8_224,71.798,28.202,90.824,9.176,6.34,224,0.900,bicubic
legacy_seresnet18,71.734,28.266,90.338,9.662,11.78,224,0.875,bicubic
vgg16,71.584,28.416,90.390,9.610,138.36,224,0.875,bilinear
vgg13_bn,71.564,28.436,90.374,9.626,133.05,224,0.875,bilinear
gluon_resnet18_v1b,70.834,29.166,89.760,10.240,11.69,224,0.875,bicubic
vgg11_bn,70.362,29.638,89.806,10.194,132.87,224,0.875,bilinear
regnety_002,70.282,29.718,89.544,10.456,3.16,224,0.875,bicubic
xcit_nano_12_p16_224,69.972,30.028,89.758,10.242,3.05,224,1.000,bicubic
vgg13,69.938,30.062,89.258,10.742,133.05,224,0.875,bilinear
resnet18,69.740,30.260,89.086,10.914,11.69,224,0.875,bilinear
vgg11,69.048,30.952,88.636,11.364,132.86,224,0.875,bilinear
regnetx_002,68.750,31.250,88.560,11.440,2.68,224,0.875,bicubic
botnet26t_256,68.546,31.454,88.696,11.304,12.49,256,0.950,bicubic
tf_mobilenetv3_small_100,67.926,32.074,87.676,12.324,2.54,224,0.875,bilinear
dla60x_c,67.912,32.088,88.418,11.582,1.32,224,0.875,bilinear
dla46x_c,65.976,34.024,86.988,13.012,1.07,224,0.875,bilinear
tf_mobilenetv3_small_075,65.720,34.280,86.136,13.864,2.04,224,0.875,bilinear
dla46_c,64.870,35.130,86.294,13.706,1.30,224,0.875,bilinear
tf_mobilenetv3_small_minimal_100,62.908,37.092,84.246,15.754,2.04,224,0.875,bilinear

1 model top1 top1_err top5 top5_err param_count img_size cropt_pct interpolation
2 tf_efficientnet_l2_ns beit_large_patch16_512 88.352 88.584 11.648 11.416 98.650 98.660 1.350 1.340 480.31 305.67 800 512 0.960 1.000 bicubic
3 tf_efficientnet_l2_ns_475 beit_large_patch16_384 88.234 88.382 11.766 11.618 98.546 98.608 1.454 1.392 480.31 305.00 475 384 0.936 1.000 bicubic
4 swin_large_patch4_window12_384 tf_efficientnet_l2_ns 87.148 88.346 12.852 11.654 98.234 98.654 1.766 1.346 196.74 480.31 384 800 1.000 0.960 bicubic
5 vit_large_patch16_384 tf_efficientnet_l2_ns_475 87.080 88.238 12.920 11.762 98.300 98.550 1.700 1.450 304.72 480.31 384 475 1.000 0.936 bicubic
6 tf_efficientnet_b7_ns beit_large_patch16_224 86.840 87.476 13.160 12.524 98.094 98.318 1.906 1.682 66.35 304.43 600 224 0.949 0.900 bicubic
7 cait_m48_448 swin_large_patch4_window12_384 86.484 87.150 13.516 12.850 97.754 98.238 2.246 1.762 356.46 196.74 448 384 1.000 bicubic
8 tf_efficientnet_b6_ns vit_large_patch16_384 86.452 87.092 13.548 12.908 97.882 98.306 2.118 1.694 43.04 304.72 528 384 0.942 1.000 bicubic
9 swin_base_patch4_window12_384 tf_efficientnet_b7_ns 86.432 86.830 13.568 13.170 98.058 98.084 1.942 1.916 87.90 66.35 384 600 1.000 0.949 bicubic
10 swin_large_patch4_window7_224 beit_base_patch16_384 86.320 86.808 13.680 13.192 97.896 98.140 2.104 1.860 196.53 86.74 224 384 0.900 1.000 bicubic
11 tf_efficientnetv2_l_in21ft1k cait_m48_448 86.304 86.494 13.696 13.506 97.978 97.750 2.022 2.250 118.52 356.46 480 448 1.000 bicubic
12 vit_large_r50_s32_384 tf_efficientnet_b6_ns 86.184 86.446 13.816 13.554 97.918 97.880 2.082 2.120 329.09 43.04 384 528 1.000 0.942 bicubic
13 dm_nfnet_f6 swin_base_patch4_window12_384 86.144 86.436 13.856 13.564 97.730 98.066 2.270 1.934 438.36 87.90 576 384 0.956 1.000 bicubic
14 tf_efficientnet_b5_ns tf_efficientnetv2_xl_in21ft1k 86.088 86.404 13.912 13.596 97.752 97.868 2.248 2.132 30.39 208.12 456 512 0.934 1.000 bicubic
15 cait_m36_384 swin_large_patch4_window7_224 86.054 86.316 13.946 13.684 97.730 97.890 2.270 2.110 271.22 196.53 384 224 1.000 0.900 bicubic
16 vit_base_patch16_384 tf_efficientnetv2_l_in21ft1k 86.006 86.292 13.994 13.708 98.000 97.984 2.000 2.016 86.86 118.52 384 480 1.000 bicubic
17 vit_large_patch16_224 vit_large_r50_s32_384 85.842 86.180 14.158 13.820 97.824 97.924 2.176 2.076 304.33 329.09 224 384 0.900 1.000 bicubic
18 dm_nfnet_f5 dm_nfnet_f6 85.814 86.130 14.186 13.870 97.488 97.740 2.512 2.260 377.21 438.36 544 576 0.954 0.956 bicubic
19 dm_nfnet_f4 tf_efficientnet_b5_ns 85.714 86.076 14.286 13.924 97.520 97.752 2.480 2.248 316.07 30.39 512 456 0.951 0.934 bicubic
20 tf_efficientnetv2_m_in21ft1k cait_m36_384 85.588 86.056 14.412 13.944 97.752 97.730 2.248 2.270 54.14 271.22 480 384 1.000 bicubic
21 dm_nfnet_f3 vit_base_patch16_384 85.522 86.000 14.478 14.000 97.462 98.006 2.538 1.994 254.92 86.86 416 384 0.940 1.000 bicubic
22 tf_efficientnetv2_l xcit_large_24_p8_384_dist 85.490 85.996 14.510 14.004 97.372 97.688 2.628 2.312 118.52 188.93 480 384 1.000 bicubic
23 cait_s36_384 vit_large_patch16_224 85.460 85.838 14.540 14.162 97.480 97.826 2.520 2.174 68.37 304.33 384 224 1.000 0.900 bicubic
24 ig_resnext101_32x48d xcit_medium_24_p8_384_dist 85.428 85.820 14.572 14.180 97.572 97.594 2.428 2.406 828.41 84.32 224 384 0.875 1.000 bilinear bicubic
25 dm_nfnet_f5 85.806 14.194 97.482 2.518 377.21 544 0.954 bicubic
26 xcit_large_24_p16_384_dist 85.770 14.230 97.534 2.466 189.10 384 1.000 bicubic
27 dm_nfnet_f4 85.700 14.300 97.514 2.486 316.07 512 0.951 bicubic
28 tf_efficientnetv2_m_in21ft1k 85.598 14.402 97.752 2.248 54.14 480 1.000 bicubic
29 xcit_small_24_p8_384_dist 85.566 14.434 97.576 2.424 47.63 384 1.000 bicubic
30 dm_nfnet_f3 85.532 14.468 97.458 2.542 254.92 416 0.940 bicubic
31 tf_efficientnetv2_l 85.502 14.498 97.370 2.630 118.52 480 1.000 bicubic
32 cait_s36_384 85.454 14.546 97.482 2.518 68.37 384 1.000 bicubic
33 ig_resnext101_32x48d 85.430 14.570 97.582 2.418 828.41 224 0.875 bilinear
34 xcit_medium_24_p16_384_dist 85.426 14.574 97.408 2.592 84.40 384 1.000 bicubic
35 deit_base_distilled_patch16_384 85.422 14.578 97.332 2.668 87.63 384 1.000 bicubic
36 tf_efficientnet_b8 xcit_large_24_p8_224_dist 85.370 85.400 14.630 14.600 97.390 97.416 2.610 2.584 87.41 188.93 672 224 0.954 1.000 bicubic
37 tf_efficientnet_b8_ap 85.370 85.374 14.630 14.626 97.294 97.298 2.706 2.702 87.41 672 0.954 bicubic
38 swin_base_patch4_window7_224 tf_efficientnet_b8 85.252 85.350 14.748 14.650 97.562 97.392 2.438 2.608 87.77 87.41 224 672 0.900 0.954 bicubic
39 tf_efficientnet_b4_ns swin_base_patch4_window7_224 85.162 85.268 14.838 14.732 97.470 97.558 2.530 2.442 19.34 87.77 380 224 0.922 0.900 bicubic
40 tf_efficientnet_b7_ap beit_base_patch16_224 85.120 85.240 14.880 14.760 97.252 97.654 2.748 2.346 66.35 86.53 600 224 0.949 0.900 bicubic
41 tf_efficientnet_b4_ns 85.150 14.850 97.470 2.530 19.34 380 0.922 bicubic
42 tf_efficientnet_b7_ap 85.120 14.880 97.250 2.750 66.35 600 0.949 bicubic
43 xcit_small_24_p16_384_dist 85.104 14.896 97.316 2.684 47.67 384 1.000 bicubic
44 ig_resnext101_32x32d 85.094 14.906 97.438 2.562 468.53 224 0.875 bilinear
45 dm_nfnet_f2 xcit_small_12_p8_384_dist 85.064 85.082 14.936 14.918 97.240 97.270 2.760 2.730 193.78 26.21 352 384 0.920 1.000 bicubic
46 cait_s24_384 xcit_medium_24_p8_224_dist 85.046 85.068 14.954 14.932 97.346 97.276 2.654 2.724 47.06 84.32 384 224 1.000 bicubic
47 tf_efficientnetv2_m dm_nfnet_f2 85.044 85.046 14.956 14.954 97.278 97.238 2.722 2.762 54.14 193.78 480 352 1.000 0.920 bicubic
48 resnetrs420 tf_efficientnetv2_m 85.008 85.046 14.992 14.954 97.124 97.284 2.876 2.716 191.89 54.14 416 480 1.000 bicubic
49 ecaresnet269d cait_s24_384 84.976 85.044 15.024 14.956 97.226 97.350 2.774 2.650 102.09 47.06 352 384 1.000 bicubic
50 vit_base_r50_s16_384 resnetrs420 84.972 85.008 15.028 14.992 97.288 97.126 2.712 2.874 98.95 191.89 384 416 1.000 bicubic
51 tf_efficientnet_b7 ecaresnet269d 84.936 84.986 15.064 15.014 97.204 97.228 2.796 2.772 66.35 102.09 600 352 0.949 1.000 bicubic
52 resnetv2_152x4_bitm vit_base_r50_s16_384 84.916 84.984 15.084 15.016 97.442 97.298 2.558 2.702 936.53 98.95 480 384 1.000 bilinear bicubic
53 efficientnetv2_rw_m resnetv2_152x4_bitm 84.808 84.938 15.192 15.062 97.148 97.458 2.852 2.542 53.24 936.53 416 480 1.000 bicubic bilinear
54 tf_efficientnet_b6_ap tf_efficientnet_b7 84.788 84.936 15.212 15.064 97.138 97.206 2.862 2.794 43.04 66.35 528 600 0.942 0.949 bicubic
55 resnetrs350 xcit_large_24_p16_224_dist 84.720 84.930 15.280 15.070 96.988 97.130 3.012 2.870 163.96 189.10 384 224 1.000 bicubic
56 eca_nfnet_l2 xcit_small_24_p8_224_dist 84.698 84.876 15.302 15.124 97.264 97.198 2.736 2.802 56.72 47.63 384 224 1.000 bicubic
57 dm_nfnet_f1 efficientnetv2_rw_m 84.626 84.822 15.374 15.178 97.100 97.146 2.900 2.854 132.63 53.24 320 416 0.910 1.000 bicubic
58 vit_base_patch16_224 tf_efficientnet_b6_ap 84.532 84.784 15.468 15.216 97.294 97.138 2.706 2.862 86.57 43.04 224 528 0.900 0.942 bicubic
59 resnest269e eca_nfnet_l2 84.518 84.720 15.482 15.280 96.986 97.258 3.014 2.742 110.93 56.72 416 384 0.928 1.000 bicubic
60 resnetv2_152x2_bitm xcit_small_12_p16_384_dist 84.510 84.714 15.490 15.286 97.432 97.116 2.568 2.884 236.34 26.25 448 384 1.000 bilinear bicubic
61 resnetv2_101x3_bitm resnetrs350 84.440 84.712 15.560 15.288 97.382 96.990 2.618 3.010 387.93 163.96 448 384 1.000 bilinear bicubic
62 resnetrs270 dm_nfnet_f1 84.434 84.624 15.566 15.376 96.970 97.096 3.030 2.904 129.86 132.63 352 320 1.000 0.910 bicubic
63 vit_large_r50_s32_224 vit_base_patch16_224 84.434 84.540 15.566 15.460 97.164 97.306 2.836 2.694 328.99 86.57 224 0.900 bicubic
64 resmlp_big_24_224_in22ft1k resnest269e 84.394 84.524 15.606 15.476 97.120 96.986 2.880 3.014 129.14 110.93 224 416 0.875 0.928 bicubic
65 seresnet152d resnetv2_152x2_bitm 84.362 84.452 15.638 15.548 97.040 97.436 2.960 2.564 66.84 236.34 320 448 1.000 bicubic bilinear
66 tf_efficientnetv2_s_in21ft1k vit_large_r50_s32_224 84.302 84.440 15.698 15.560 97.252 97.154 2.748 2.846 21.46 328.99 384 224 1.000 0.900 bicubic
67 swsl_resnext101_32x8d resnetrs270 84.284 84.440 15.716 15.560 97.176 96.970 2.824 3.030 88.79 129.86 224 352 0.875 1.000 bilinear bicubic
68 vit_base_patch16_224_miil resnetv2_101x3_bitm 84.268 84.430 15.732 15.570 96.802 97.372 3.198 2.628 86.54 387.93 224 448 0.875 1.000 bilinear
69 tf_efficientnet_b5_ap resmlp_big_24_224_in22ft1k 84.252 84.424 15.748 15.576 96.974 97.116 3.026 2.884 30.39 129.14 456 224 0.934 0.875 bicubic
70 ig_resnext101_32x16d xcit_large_24_p8_224 84.170 84.382 15.830 15.618 97.196 96.656 2.804 3.344 194.03 188.93 224 0.875 1.000 bilinear bicubic
71 pit_b_distilled_224 seresnet152d 84.144 84.362 15.856 15.638 96.856 97.042 3.144 2.958 74.79 66.84 224 320 0.900 1.000 bicubic
72 tf_efficientnet_b6 tf_efficientnetv2_s_in21ft1k 84.110 84.296 15.890 15.704 96.886 97.256 3.114 2.744 43.04 21.46 528 384 0.942 1.000 bicubic
73 resnetrs200 xcit_medium_24_p16_224_dist 84.066 84.278 15.934 15.722 96.874 96.942 3.126 3.058 93.21 84.40 320 224 1.000 bicubic
74 cait_xs24_384 vit_base_patch16_224_miil 84.062 84.276 15.938 15.724 96.888 96.798 3.112 3.202 26.67 86.54 384 224 1.000 0.875 bicubic bilinear
75 tf_efficientnet_b3_ns swsl_resnext101_32x8d 84.048 84.274 15.952 15.726 96.910 97.174 3.090 2.826 12.23 88.79 300 224 0.904 0.875 bicubic bilinear
76 vit_small_r26_s32_384 tf_efficientnet_b5_ap 84.046 84.258 15.954 15.742 97.328 96.976 2.672 3.024 36.47 30.39 384 456 1.000 0.934 bicubic
77 resnetv2_50x3_bitm xcit_small_12_p8_224_dist 84.014 84.240 15.986 15.760 97.124 96.872 2.876 3.128 217.32 26.21 448 224 1.000 bilinear bicubic
78 eca_nfnet_l1 crossvit_18_dagger_408 84.010 84.184 15.990 15.816 97.028 96.822 2.972 3.178 41.41 44.61 320 408 1.000 bicubic
79 resnet200d ig_resnext101_32x16d 83.962 84.166 16.038 15.834 96.824 97.196 3.176 2.804 64.69 194.03 320 224 1.000 0.875 bicubic bilinear
80 tf_efficientnetv2_s pit_b_distilled_224 83.894 84.158 16.106 15.842 96.698 96.858 3.302 3.142 21.46 74.79 384 224 1.000 0.900 bicubic
81 tf_efficientnet_b6 84.112 15.888 96.888 3.112 43.04 528 0.942 bicubic
82 resnetrs200 84.058 15.942 96.874 3.126 93.21 320 1.000 bicubic
83 cait_xs24_384 84.054 15.946 96.886 3.114 26.67 384 1.000 bicubic
84 vit_small_r26_s32_384 84.050 15.950 97.322 2.678 36.47 384 1.000 bicubic
85 tf_efficientnet_b3_ns 84.042 15.958 96.908 3.092 12.23 300 0.904 bicubic
86 regnetz_d 84.034 15.966 96.870 3.130 27.58 320 0.950 bicubic
87 eca_nfnet_l1 84.032 15.968 97.032 2.968 41.41 320 1.000 bicubic
88 resnetv2_50x3_bitm 83.984 16.016 97.130 2.870 217.32 448 1.000 bilinear
89 resnet200d 83.970 16.030 96.818 3.182 64.69 320 1.000 bicubic
90 tf_efficientnetv2_s 83.898 16.102 96.698 3.302 21.46 384 1.000 bicubic
91 xcit_small_24_p16_224_dist 83.874 16.126 96.728 3.272 47.67 224 1.000 bicubic
92 resnest200e 83.848 16.152 96.890 3.110 70.20 320 0.909 bicubic
93 xcit_small_24_p8_224 83.846 16.154 96.632 3.368 47.63 224 1.000 bicubic
94 resnetv2_152x2_bit_teacher_384 83.844 16.156 97.118 2.882 236.34 384 1.000 bicubic
95 resnest200e efficientnetv2_rw_s 83.832 83.830 16.168 16.170 96.894 96.722 3.106 3.278 70.20 23.94 320 384 0.909 1.000 bicubic
96 tf_efficientnet_b5 crossvit_15_dagger_408 83.812 83.826 16.188 16.174 96.748 96.786 3.252 3.214 30.39 28.50 456 408 0.934 1.000 bicubic
97 efficientnetv2_rw_s tf_efficientnet_b5 83.808 83.810 16.192 16.190 96.724 96.748 3.276 3.252 23.94 30.39 384 456 1.000 0.934 bicubic
98 vit_small_patch16_384 83.802 83.794 16.198 16.206 97.102 97.108 2.898 2.892 22.20 384 1.000 bicubic
99 resnetrs152 xcit_tiny_24_p8_384_dist 83.712 83.764 16.288 16.236 96.614 96.704 3.386 3.296 86.62 12.11 320 384 1.000 bicubic
100 regnety_160 xcit_medium_24_p8_224 83.686 83.736 16.314 16.264 96.776 96.386 3.224 3.614 83.59 84.32 288 224 1.000 bicubic
101 resnet152d resnetrs152 83.680 83.710 16.320 16.290 96.738 96.610 3.262 3.390 60.21 86.62 320 1.000 bicubic
102 twins_svt_large regnety_160 83.678 83.702 16.322 16.298 96.594 96.782 3.406 3.218 99.27 83.59 224 288 0.900 1.000 bicubic
103 resmlp_big_24_distilled_224 twins_svt_large 83.590 83.684 16.410 16.316 96.648 96.610 3.352 3.390 129.14 99.27 224 0.875 0.900 bicubic
104 cait_s24_224 resnet152d 83.452 83.664 16.548 16.336 96.564 96.734 3.436 3.266 46.92 60.21 224 320 1.000 bicubic
105 efficientnet_b4 resmlp_big_24_distilled_224 83.428 83.596 16.572 16.404 96.596 96.656 3.404 3.344 19.34 129.14 384 224 1.000 0.875 bicubic
106 deit_base_distilled_patch16_224 jx_nest_base 83.388 83.554 16.612 16.446 96.488 96.364 3.512 3.636 87.34 67.72 224 0.900 0.875 bicubic
107 dm_nfnet_f0 cait_s24_224 83.386 83.462 16.614 16.538 96.572 96.566 3.428 3.434 71.49 46.92 256 224 0.900 1.000 bicubic
108 vit_base_patch32_384 efficientnet_b4 83.350 83.430 16.650 16.570 96.836 96.594 3.164 3.406 88.30 19.34 384 1.000 bicubic
109 swsl_resnext101_32x16d deit_base_distilled_patch16_224 83.346 83.388 16.654 16.612 96.846 96.490 3.154 3.510 194.03 87.34 224 0.875 0.900 bilinear bicubic
110 tf_efficientnet_b4_ap dm_nfnet_f0 83.248 83.384 16.752 16.616 96.392 96.580 3.608 3.420 19.34 71.49 380 256 0.922 0.900 bicubic
111 swsl_resnext101_32x4d swsl_resnext101_32x16d 83.230 83.354 16.770 16.646 96.760 96.836 3.240 3.164 44.18 194.03 224 0.875 bilinear
112 swin_small_patch4_window7_224 xcit_small_12_p16_224_dist 83.212 83.350 16.788 16.650 96.322 96.422 3.678 3.578 49.61 26.25 224 0.900 1.000 bicubic
113 twins_pcpvt_large vit_base_patch32_384 83.140 83.346 16.860 16.654 96.598 96.844 3.402 3.156 60.99 88.30 224 384 0.900 1.000 bicubic
114 twins_svt_base xcit_small_12_p8_224 83.136 83.346 16.864 16.654 96.418 96.476 3.582 3.524 56.07 26.21 224 0.900 1.000 bicubic
115 deit_base_patch16_384 tf_efficientnet_b4_ap 83.106 83.258 16.894 16.742 96.372 96.396 3.628 3.604 86.86 19.34 384 380 1.000 0.922 bicubic
116 tresnet_m swin_small_patch4_window7_224 83.080 83.226 16.920 16.774 96.118 96.330 3.882 3.670 31.39 49.61 224 0.875 0.900 bilinear bicubic
117 tresnet_xl_448 swsl_resnext101_32x4d 83.050 83.226 16.950 16.774 96.174 96.768 3.826 3.232 78.44 44.18 448 224 0.875 bilinear
118 resnet101d twins_pcpvt_large 83.022 83.138 16.978 16.862 96.446 96.608 3.554 3.392 44.57 60.99 320 224 1.000 0.900 bicubic
119 tf_efficientnet_b4 twins_svt_base 83.022 83.124 16.978 16.876 96.300 96.428 3.700 3.572 19.34 56.07 380 224 0.922 0.900 bicubic
120 resnest101e jx_nest_small 82.890 83.118 17.110 16.882 96.320 96.332 3.680 3.668 48.28 38.35 256 224 0.875 bilinear bicubic
121 resnetv2_152x2_bit_teacher deit_base_patch16_384 82.862 83.106 17.138 16.894 96.568 96.376 3.432 3.624 236.34 86.86 224 384 0.875 1.000 bicubic
122 resnetv2_50x1_bit_distilled tresnet_m 82.818 83.076 17.182 16.924 96.522 96.126 3.478 3.874 25.55 31.39 224 0.875 bicubic bilinear
123 pnasnet5large tresnet_xl_448 82.782 83.056 17.218 16.944 96.040 96.184 3.960 3.816 86.06 78.44 331 448 0.911 0.875 bicubic bilinear
124 nfnet_l0 tf_efficientnet_b4 82.750 83.030 17.250 16.970 96.516 96.298 3.484 3.702 35.07 19.34 288 380 1.000 0.922 bicubic
125 regnety_032 resnet101d 82.724 83.024 17.276 16.976 96.424 96.456 3.576 3.544 19.44 44.57 288 320 1.000 bicubic
126 twins_pcpvt_base resnetv2_152x2_bit_teacher 82.708 82.902 17.292 17.098 96.346 96.568 3.654 3.432 43.83 236.34 224 0.900 0.875 bicubic
127 ig_resnext101_32x8d xcit_large_24_p16_224 82.688 82.898 17.312 17.102 96.636 95.882 3.364 4.118 88.79 189.10 224 0.875 1.000 bilinear bicubic
128 nasnetalarge resnest101e 82.620 82.876 17.380 17.124 96.046 96.312 3.954 3.688 88.75 48.28 331 256 0.911 0.875 bicubic bilinear
129 levit_384 resnetv2_50x1_bit_distilled 82.586 82.822 17.414 17.178 96.016 96.524 3.984 3.476 39.13 25.55 224 0.900 0.875 bicubic
130 eca_nfnet_l0 pnasnet5large 82.580 82.798 17.420 17.202 96.490 96.034 3.510 3.966 24.14 86.06 288 331 1.000 0.911 bicubic
131 pit_b_224 nfnet_l0 82.446 82.752 17.554 17.248 95.710 96.516 4.290 3.484 73.76 35.07 224 288 0.900 1.000 bicubic
132 tf_efficientnet_b2_ns regnety_032 82.380 82.722 17.620 17.278 96.248 96.432 3.752 3.568 9.11 19.44 260 288 0.890 1.000 bicubic
133 resnet51q twins_pcpvt_base 82.360 82.712 17.640 17.288 96.180 96.348 3.820 3.652 35.70 43.83 288 224 1.000 0.900 bilinear bicubic
134 ecaresnet50t ig_resnext101_32x8d 82.346 82.710 17.654 17.290 96.138 96.640 3.862 3.360 25.57 88.79 320 224 0.950 0.875 bicubic bilinear
135 resnetv2_101x1_bitm nasnetalarge 82.332 82.636 17.668 17.364 96.518 96.050 3.482 3.950 44.54 88.75 448 331 1.000 0.911 bilinear bicubic
136 coat_lite_small xcit_medium_24_p16_224 82.308 82.626 17.692 17.374 95.850 95.976 4.150 4.024 19.84 84.40 224 0.900 1.000 bicubic
137 mixer_b16_224_miil eca_nfnet_l0 82.308 82.592 17.692 17.408 95.716 96.486 4.284 3.514 59.88 24.14 224 288 0.875 1.000 bilinear bicubic
138 convit_base levit_384 82.290 82.592 17.710 17.408 95.938 96.014 4.062 3.986 86.54 39.13 224 0.875 0.900 bicubic
139 resnetrs101 xcit_small_24_p16_224 82.288 82.578 17.712 17.422 96.008 96.000 3.992 4.000 63.62 47.67 288 224 0.940 1.000 bicubic
140 tresnet_l_448 xcit_tiny_24_p8_224_dist 82.268 82.576 17.732 17.424 95.976 96.180 4.024 3.820 55.99 12.11 448 224 0.875 1.000 bilinear bicubic
141 efficientnet_b3 xcit_tiny_24_p16_384_dist 82.242 82.568 17.758 17.432 96.114 96.294 3.886 3.706 12.23 12.12 320 384 1.000 bicubic
142 cait_xxs36_384 resnet61q 82.194 82.522 17.806 17.478 96.148 96.134 3.852 3.866 17.37 36.85 384 288 1.000 bicubic
143 swsl_resnext50_32x4d regnetz_c 82.182 82.516 17.818 17.484 96.230 96.360 3.770 3.640 25.03 13.46 224 320 0.875 0.940 bilinear bicubic
144 ecaresnet101d crossvit_18_dagger_240 82.172 82.506 17.828 17.494 96.046 96.072 3.954 3.928 44.57 44.27 224 240 0.875 bicubic
145 visformer_small gc_efficientnetv2_rw_t 82.106 82.478 17.894 17.522 95.872 96.296 4.128 3.704 40.22 13.68 224 288 0.900 1.000 bicubic
146 tresnet_xl pit_b_224 82.054 82.444 17.946 17.556 95.936 95.712 4.064 4.288 78.44 73.76 224 0.875 0.900 bilinear bicubic
147 deit_base_patch16_224 crossvit_18_240 81.998 82.394 18.002 17.606 95.734 96.062 4.266 3.938 86.57 43.27 224 240 0.900 0.875 bicubic
148 pit_s_distilled_224 xcit_tiny_12_p8_384_dist 81.996 82.392 18.004 17.608 95.798 96.218 4.202 3.782 24.04 6.71 224 384 0.900 1.000 bicubic
149 tf_efficientnetv2_b3 tf_efficientnet_b2_ns 81.970 82.390 18.030 17.610 95.782 96.240 4.218 3.760 14.36 9.11 300 260 0.904 0.890 bicubic
150 vit_small_r26_s32_224 resnet51q 81.858 82.368 18.142 17.632 96.022 96.176 3.978 3.824 36.43 35.70 224 288 0.900 1.000 bicubic bilinear
151 ssl_resnext101_32x16d ecaresnet50t 81.844 82.364 18.156 17.636 96.096 96.142 3.904 3.858 194.03 25.57 224 320 0.875 0.950 bilinear bicubic
152 tf_efficientnet_b3_ap efficientnetv2_rw_t 81.822 82.338 18.178 17.662 95.624 96.194 4.376 3.806 12.23 13.65 300 288 0.904 1.000 bicubic
153 tresnet_m_448 resnetv2_101x1_bitm 81.714 82.330 18.286 17.670 95.572 96.528 4.428 3.472 31.39 44.54 448 0.875 1.000 bilinear
154 twins_svt_small crossvit_15_dagger_240 81.682 82.310 18.318 17.690 95.670 95.962 4.330 4.038 24.06 28.21 224 240 0.900 0.875 bicubic
155 tf_efficientnet_b3 coat_lite_small 81.636 82.302 18.364 17.698 95.718 95.860 4.282 4.140 12.23 19.84 300 224 0.904 0.900 bicubic
156 rexnet_200 mixer_b16_224_miil 81.632 82.302 18.368 17.698 95.668 95.714 4.332 4.286 16.37 59.88 224 0.875 bicubic bilinear
157 ssl_resnext101_32x8d resnetrs101 81.616 82.294 18.384 17.706 96.038 96.002 3.962 3.998 88.79 63.62 224 288 0.875 0.940 bilinear bicubic
158 tf_efficientnet_lite4 convit_base 81.536 82.292 18.464 17.708 95.668 95.934 4.332 4.066 13.01 86.54 380 224 0.920 0.875 bilinear bicubic
159 tnt_s_patch16_224 tresnet_l_448 81.518 82.262 18.482 17.738 95.748 95.980 4.252 4.020 23.76 55.99 224 448 0.900 0.875 bicubic bilinear
160 levit_256 efficientnet_b3 81.510 82.258 18.490 17.742 95.490 96.116 4.510 3.884 18.89 12.23 224 320 0.900 1.000 bicubic
161 vit_large_patch32_384 crossvit_base_240 81.506 82.206 18.494 17.794 96.092 95.828 3.908 4.172 306.63 105.03 384 240 1.000 0.875 bicubic
162 tresnet_l cait_xxs36_384 81.490 82.190 18.510 17.810 95.624 96.160 4.376 3.840 55.99 17.37 224 384 0.875 1.000 bilinear bicubic
163 wide_resnet50_2 ecaresnet101d 81.456 82.172 18.544 17.828 95.532 96.054 4.468 3.946 68.88 44.57 224 0.875 bicubic
164 convit_small swsl_resnext50_32x4d 81.426 82.166 18.574 17.834 95.744 96.234 4.256 3.766 27.78 25.03 224 0.875 bicubic bilinear
165 vit_small_patch16_224 visformer_small 81.402 82.096 18.598 17.904 96.134 95.878 3.866 4.122 22.05 40.22 224 0.900 bicubic
166 tf_efficientnet_b1_ns tresnet_xl 81.388 82.058 18.612 17.942 95.738 95.932 4.262 4.068 7.79 78.44 240 224 0.882 0.875 bicubic bilinear
167 swin_tiny_patch4_window7_224 resnetv2_101 81.378 82.032 18.622 17.968 95.540 95.864 4.460 4.136 28.29 44.54 224 0.900 0.950 bicubic
168 gernet_l pit_s_distilled_224 81.354 81.994 18.646 18.006 95.536 95.800 4.464 4.200 31.08 24.04 256 224 0.875 0.900 bilinear bicubic
169 efficientnet_el deit_base_patch16_224 81.316 81.984 18.684 18.016 95.526 95.742 4.474 4.258 10.59 86.57 300 224 0.904 0.900 bicubic
170 legacy_senet154 xcit_small_12_p16_224 81.310 81.976 18.690 18.024 95.496 95.818 4.504 4.182 115.09 26.25 224 0.875 1.000 bilinear bicubic
171 coat_mini tf_efficientnetv2_b3 81.268 81.954 18.732 18.046 95.392 95.784 4.608 4.216 10.34 14.36 224 300 0.900 0.904 bicubic
172 seresnext50_32x4d xcit_tiny_24_p8_224 81.266 81.894 18.734 18.106 95.620 95.984 4.380 4.016 27.56 12.11 224 0.875 1.000 bicubic
173 gluon_senet154 ssl_resnext101_32x16d 81.234 81.844 18.766 18.156 95.348 96.090 4.652 3.910 115.09 194.03 224 0.875 bicubic bilinear
174 deit_small_distilled_patch16_224 vit_small_r26_s32_224 81.200 81.838 18.800 18.162 95.378 96.026 4.622 3.974 22.44 36.43 224 0.900 bicubic
175 swsl_resnet50 tf_efficientnet_b3_ap 81.166 81.822 18.834 18.178 95.972 95.620 4.028 4.380 25.56 12.23 224 300 0.875 0.904 bilinear bicubic
176 resmlp_36_distilled_224 tresnet_m_448 81.160 81.714 18.840 18.286 95.488 95.570 4.512 4.430 44.69 31.39 224 448 0.875 bicubic bilinear
177 resnest50d_4s2x40d twins_svt_small 81.108 81.682 18.892 18.318 95.558 95.678 4.442 4.322 30.42 24.06 224 0.875 0.900 bicubic
178 pit_s_224 tf_efficientnet_b3 81.094 81.646 18.906 18.354 95.332 95.720 4.668 4.280 23.46 12.23 224 300 0.900 0.904 bicubic
179 twins_pcpvt_small rexnet_200 81.088 81.626 18.912 18.374 95.642 95.672 4.358 4.328 24.11 16.37 224 0.900 0.875 bicubic
180 resmlp_big_24_224 ssl_resnext101_32x8d 81.028 81.600 18.972 18.400 95.022 96.046 4.978 3.954 129.14 88.79 224 0.875 bicubic bilinear
181 gluon_resnet152_v1s tf_efficientnet_lite4 81.016 81.540 18.984 18.460 95.412 95.660 4.588 4.340 60.32 13.01 224 380 0.875 0.920 bicubic bilinear
182 resnest50d_1s4x24d crossvit_15_240 80.988 81.526 19.012 18.474 95.322 95.694 4.678 4.306 25.68 27.53 224 240 0.875 bicubic
183 resnest50d tnt_s_patch16_224 80.974 81.514 19.026 18.486 95.378 95.744 4.622 4.256 27.48 23.76 224 0.875 0.900 bilinear bicubic
184 cait_xxs24_384 vit_large_patch32_384 80.966 81.506 19.034 18.494 95.646 96.086 4.354 3.914 12.03 306.63 384 1.000 bicubic
185 ssl_resnext101_32x4d levit_256 80.924 81.502 19.076 18.498 95.728 95.480 4.272 4.520 44.18 18.89 224 0.875 0.900 bilinear bicubic
186 gluon_seresnext101_32x4d tresnet_l 80.904 81.484 19.096 18.516 95.294 95.620 4.706 4.380 48.96 55.99 224 0.875 bicubic bilinear
187 gluon_seresnext101_64x4d wide_resnet50_2 80.894 81.450 19.106 18.550 95.308 95.518 4.692 4.482 88.23 68.88 224 0.875 bicubic
188 efficientnet_b3_pruned jx_nest_tiny 80.858 81.434 19.142 18.566 95.242 95.620 4.758 4.380 9.86 17.06 300 224 0.904 0.875 bicubic
189 ecaresnet101d_pruned convit_small 80.818 81.412 19.182 18.588 95.628 95.746 4.372 4.254 24.88 27.78 224 0.875 bicubic
190 regnety_320 swin_tiny_patch4_window7_224 80.812 81.386 19.188 18.614 95.244 95.536 4.756 4.464 145.05 28.29 224 0.875 0.900 bicubic
191 resmlp_24_distilled_224 vit_small_patch16_224 80.766 81.386 19.234 18.614 95.218 96.130 4.782 3.870 30.02 22.05 224 0.875 0.900 bicubic
192 gernet_m tf_efficientnet_b1_ns 80.732 81.384 19.268 18.616 95.184 95.738 4.816 4.262 21.14 7.79 224 240 0.875 0.882 bilinear bicubic
193 vit_base_patch32_224 convmixer_1536_20 80.724 81.376 19.276 18.624 95.568 95.610 4.432 4.390 88.22 51.63 224 0.900 0.960 bicubic
194 nf_resnet50 halonet50ts 80.660 81.350 19.340 18.650 95.336 95.284 4.664 4.716 25.56 22.73 288 256 0.940 bicubic
195 efficientnet_b2 gernet_l 80.612 81.346 19.388 18.654 95.318 95.536 4.682 4.464 9.11 31.08 288 256 1.000 0.875 bicubic bilinear
196 gluon_resnext101_64x4d legacy_senet154 80.604 81.326 19.396 18.674 94.988 95.506 5.012 4.494 83.46 115.09 224 0.875 bicubic bilinear
197 ecaresnet50d efficientnet_el 80.592 81.306 19.408 18.694 95.320 95.536 4.680 4.464 25.58 10.59 224 300 0.875 0.904 bicubic
198 resnet50d coat_mini 80.530 81.282 19.470 18.718 95.160 95.394 4.840 4.606 25.58 10.34 224 0.875 0.900 bicubic
199 repvgg_b3 seresnext50_32x4d 80.492 81.268 19.508 18.732 95.260 95.626 4.740 4.374 123.09 27.56 224 0.875 bilinear bicubic
200 vit_small_patch32_384 gluon_senet154 80.480 81.224 19.520 18.776 95.598 95.352 4.402 4.648 22.92 115.09 384 224 1.000 0.875 bicubic
201 mixnet_xl xcit_tiny_12_p8_224_dist 80.476 81.214 19.524 18.786 94.936 95.606 5.064 4.394 11.90 6.71 224 0.875 1.000 bicubic
202 gluon_resnet152_v1d deit_small_distilled_patch16_224 80.474 81.202 19.526 18.798 95.206 95.378 4.794 4.622 60.21 22.44 224 0.875 0.900 bicubic
203 ecaresnetlight resmlp_36_distilled_224 80.462 81.154 19.538 18.846 95.250 95.496 4.750 4.504 30.16 44.69 224 0.875 bicubic
204 inception_resnet_v2 swsl_resnet50 80.458 81.146 19.542 18.854 95.306 95.978 4.694 4.022 55.84 25.56 299 224 0.897 0.875 bicubic bilinear
205 gluon_resnet101_v1d resnest50d_4s2x40d 80.414 81.120 19.586 18.880 95.014 95.560 4.986 4.440 44.57 30.42 224 0.875 bicubic
206 regnety_120 twins_pcpvt_small 80.366 81.104 19.634 18.896 95.126 95.642 4.874 4.358 51.82 24.11 224 0.875 0.900 bicubic
207 resnetv2_50x1_bitm pit_s_224 80.342 81.100 19.658 18.900 95.684 95.334 4.316 4.666 25.55 23.46 448 224 1.000 0.900 bilinear bicubic
208 gluon_resnext101_32x4d haloregnetz_b 80.334 81.042 19.666 18.958 94.926 95.200 5.074 4.800 44.18 11.68 224 0.875 0.940 bicubic
209 ssl_resnext50_32x4d resmlp_big_24_224 80.318 81.032 19.682 18.968 95.406 95.022 4.594 4.978 25.03 129.14 224 0.875 bilinear bicubic
210 rexnet_150 crossvit_small_240 80.310 81.030 19.690 18.970 95.166 95.466 4.834 4.534 9.73 26.86 224 240 0.875 bicubic
211 gluon_resnet101_v1s gluon_resnet152_v1s 80.302 81.020 19.698 18.980 95.160 95.422 4.840 4.578 44.67 60.32 224 0.875 bicubic
212 tf_efficientnet_b2_ap resnest50d_1s4x24d 80.300 81.000 19.700 19.000 95.028 95.326 4.972 4.674 9.11 25.68 260 224 0.890 0.875 bicubic
213 efficientnet_el_pruned sehalonet33ts 80.300 80.982 19.700 19.018 95.218 95.272 4.782 4.728 10.59 13.69 300 256 0.904 0.940 bicubic
214 seresnet50 resnest50d 80.274 80.962 19.726 19.038 95.070 95.378 4.930 4.622 28.09 27.48 224 0.875 bicubic bilinear
215 tf_efficientnet_el cait_xxs24_384 80.250 80.954 19.750 19.046 95.128 95.638 4.872 4.362 10.59 12.03 300 384 0.904 1.000 bicubic
216 regnetx_320 xcit_tiny_12_p16_384_dist 80.246 80.944 19.754 19.056 95.026 95.414 4.974 4.586 107.81 6.72 224 384 0.875 1.000 bicubic
217 legacy_seresnext101_32x4d gcresnet50t 80.228 80.938 19.772 19.062 95.018 95.440 4.982 4.560 48.96 25.90 224 256 0.875 0.900 bilinear bicubic
218 repvgg_b3g4 ssl_resnext101_32x4d 80.212 80.922 19.788 19.078 95.110 95.730 4.890 4.270 83.83 44.18 224 0.875 bilinear
219 tf_efficientnetv2_b2 gluon_seresnext101_32x4d 80.208 80.876 19.792 19.124 95.042 95.292 4.958 4.708 10.10 48.96 260 224 0.890 0.875 bicubic
220 inception_v4 gluon_seresnext101_64x4d 80.168 80.870 19.832 19.130 94.968 95.306 5.032 4.694 42.68 88.23 299 224 0.875 bicubic
221 dpn107 efficientnet_b3_pruned 80.156 80.858 19.844 19.142 94.910 95.240 5.090 4.760 86.92 9.86 224 300 0.875 0.904 bicubic
222 skresnext50_32x4d ecaresnet101d_pruned 80.156 80.812 19.844 19.188 94.642 95.640 5.358 4.360 27.48 24.88 224 0.875 bicubic
223 tf_efficientnet_b2 regnety_320 80.086 80.794 19.914 19.206 94.908 95.246 5.092 4.754 9.11 145.05 260 224 0.890 0.875 bicubic
224 cspdarknet53 resmlp_24_distilled_224 80.058 80.760 19.942 19.240 95.084 95.220 4.916 4.780 27.64 30.02 256 224 0.887 0.875 bilinear bicubic
225 cspresnext50 vit_base_patch32_224 80.040 80.732 19.960 19.268 94.944 95.566 5.056 4.434 20.57 88.22 224 0.875 0.900 bilinear bicubic
226 dpn92 gernet_m 80.008 80.726 19.992 19.274 94.836 95.178 5.164 4.822 37.67 21.14 224 0.875 bicubic bilinear
227 ens_adv_inception_resnet_v2 regnetz_b 79.982 80.718 20.018 19.282 94.938 95.474 5.062 4.526 55.84 9.72 299 288 0.897 0.940 bicubic
228 gluon_seresnext50_32x4d nf_resnet50 79.918 80.656 20.082 19.344 94.822 95.336 5.178 4.664 27.56 25.56 224 288 0.875 0.940 bicubic
229 efficientnet_b2_pruned gluon_resnext101_64x4d 79.916 80.626 20.084 19.374 94.856 95.002 5.144 4.998 8.31 83.46 260 224 0.890 0.875 bicubic
230 gluon_resnet152_v1c ecaresnet50d 79.910 80.620 20.090 19.380 94.840 95.308 5.160 4.692 60.21 25.58 224 0.875 bicubic
231 resnetrs50 efficientnet_b2 79.892 80.610 20.108 19.390 94.968 95.316 5.032 4.684 35.69 9.11 224 288 0.910 1.000 bicubic
232 regnety_080 gcresnext50ts 79.876 80.594 20.124 19.406 94.830 95.180 5.170 4.820 39.18 15.67 224 256 0.875 0.900 bicubic
233 xception71 resnet50d 79.874 80.538 20.126 19.462 94.922 95.160 5.078 4.840 42.34 25.58 299 224 0.903 0.875 bicubic
234 deit_small_patch16_224 repvgg_b3 79.856 80.516 20.144 19.484 95.052 95.264 4.948 4.736 22.05 123.09 224 0.900 0.875 bicubic bilinear
235 regnetx_160 vit_small_patch32_384 79.856 80.486 20.144 19.514 94.830 95.598 5.170 4.402 54.28 22.92 224 384 0.875 1.000 bicubic
236 ecaresnet26t gluon_resnet152_v1d 79.854 80.476 20.146 19.524 95.084 95.202 4.916 4.798 16.01 60.21 320 224 0.950 0.875 bicubic
237 levit_192 mixnet_xl 79.842 80.468 20.158 19.532 94.786 94.932 5.214 5.068 10.95 11.90 224 0.900 0.875 bicubic
238 dpn131 xcit_tiny_24_p16_224_dist 79.822 80.462 20.178 19.538 94.710 95.208 5.290 4.792 79.25 12.12 224 0.875 1.000 bicubic
239 tf_efficientnet_lite3 ecaresnetlight 79.820 80.454 20.180 19.546 94.914 95.252 5.086 4.748 8.20 30.16 300 224 0.904 0.875 bilinear bicubic
240 resmlp_36_224 inception_resnet_v2 79.770 80.448 20.230 19.552 94.886 95.308 5.114 4.692 44.69 55.84 224 299 0.875 0.897 bicubic
241 resnext50_32x4d resnetv2_50 79.768 80.406 20.232 19.594 94.598 95.080 5.402 4.920 25.03 25.55 224 0.875 0.950 bicubic
242 cait_xxs36_224 gluon_resnet101_v1d 79.750 80.404 20.250 19.596 94.866 95.024 5.134 4.976 17.30 44.57 224 1.000 0.875 bicubic
243 regnety_064 regnety_120 79.722 80.386 20.278 19.614 94.768 95.122 5.232 4.878 30.58 51.82 224 0.875 bicubic
244 ecaresnet50d_pruned resnet50 79.716 80.382 20.284 19.618 94.880 94.594 5.120 5.406 19.94 25.56 224 0.875 0.950 bicubic
245 gluon_xception65 seresnet33ts 79.716 80.372 20.284 19.628 94.860 95.114 5.140 4.886 39.92 19.78 299 256 0.903 0.900 bicubic
246 gluon_resnet152_v1b resnetv2_50x1_bitm 79.686 80.344 20.314 19.656 94.736 95.686 5.264 4.314 60.19 25.55 224 448 0.875 1.000 bicubic bilinear
247 resnext50d_32x4d gluon_resnext101_32x4d 79.676 80.338 20.324 19.662 94.866 94.908 5.134 5.092 25.05 44.18 224 0.875 bicubic
248 dpn98 rexnet_150 79.642 80.310 20.358 19.690 94.598 95.160 5.402 4.840 61.57 9.73 224 0.875 bicubic
249 regnetx_120 tf_efficientnet_b2_ap 79.596 80.306 20.404 19.694 94.738 95.032 5.262 4.968 46.11 9.11 224 260 0.875 0.890 bicubic
250 cspresnet50 ssl_resnext50_32x4d 79.574 80.302 20.426 19.698 94.712 95.418 5.288 4.582 21.62 25.03 256 224 0.887 0.875 bilinear
251 xception65 efficientnet_el_pruned 79.552 80.288 20.448 19.712 94.654 95.222 5.346 4.778 39.92 10.59 299 300 0.903 0.904 bicubic
252 gluon_resnet101_v1c gluon_resnet101_v1s 79.534 80.282 20.466 19.718 94.578 95.162 5.422 4.838 44.57 44.67 224 0.875 bicubic
253 rexnet_130 regnetx_320 79.500 80.248 20.500 19.752 94.682 95.026 5.318 4.974 7.56 107.81 224 0.875 bicubic
254 hrnet_w64 seresnet50 79.474 80.248 20.526 19.752 94.652 95.070 5.348 4.930 128.06 28.09 224 0.875 bilinear bicubic
255 tf_efficientnetv2_b1 tf_efficientnet_el 79.462 80.248 20.538 19.752 94.722 95.124 5.278 4.876 8.14 10.59 240 300 0.882 0.904 bicubic
256 dla102x2 vit_base_patch16_sam_224 79.448 80.242 20.552 19.758 94.640 94.762 5.360 5.238 41.28 86.57 224 0.875 0.900 bilinear bicubic
257 resmlp_24_224 legacy_seresnext101_32x4d 79.374 80.222 20.626 19.778 94.546 95.012 5.454 4.988 30.02 48.96 224 0.875 bicubic bilinear
258 repvgg_b2g4 repvgg_b3g4 79.366 80.218 20.634 19.782 94.688 95.104 5.312 4.896 61.76 83.83 224 0.875 bilinear
259 gluon_resnext50_32x4d tf_efficientnetv2_b2 79.354 80.214 20.646 19.786 94.426 95.044 5.574 4.956 25.03 10.10 224 260 0.875 0.890 bicubic
260 ese_vovnet39b dpn107 79.320 80.172 20.680 19.828 94.712 94.904 5.288 5.096 24.57 86.92 224 0.875 bicubic
261 resnext101_32x8d convmixer_768_32 79.308 80.160 20.692 19.840 94.518 95.074 5.482 4.926 88.79 21.11 224 0.875 0.960 bilinear bicubic
262 tf_efficientnet_cc_b1_8e inception_v4 79.308 80.144 20.692 19.856 94.370 94.972 5.630 5.028 39.72 42.68 240 299 0.882 0.875 bicubic
263 gluon_resnet101_v1b skresnext50_32x4d 79.306 80.142 20.694 19.858 94.524 94.644 5.476 5.356 44.55 27.48 224 0.875 bicubic
264 pit_xs_distilled_224 eca_resnet33ts 79.306 80.096 20.694 19.904 94.364 94.974 5.636 5.026 11.00 19.68 224 256 0.900 bicubic
265 hrnet_w48 gcresnet33ts 79.300 80.086 20.700 19.914 94.512 94.992 5.488 5.008 77.47 19.88 224 256 0.875 0.900 bilinear bicubic
266 nf_regnet_b1 tf_efficientnet_b2 79.292 80.068 20.708 19.932 94.748 94.904 5.252 5.096 10.22 9.11 288 260 0.900 0.890 bicubic
267 resnetblur50 cspresnext50 79.286 80.052 20.714 19.948 94.638 94.950 5.362 5.050 25.56 20.57 224 0.875 bicubic bilinear
268 tf_efficientnet_b1_ap cspdarknet53 79.280 80.050 20.720 19.950 94.306 95.092 5.694 4.908 7.79 27.64 240 256 0.882 0.887 bicubic bilinear
269 efficientnet_em dpn92 79.252 79.994 20.748 20.006 94.794 94.836 5.206 5.164 6.90 37.67 240 224 0.882 0.875 bicubic
270 ssl_resnet50 ens_adv_inception_resnet_v2 79.222 79.978 20.778 20.022 94.832 94.936 5.168 5.064 25.56 55.84 224 299 0.875 0.897 bilinear bicubic
271 regnety_040 gluon_seresnext50_32x4d 79.220 79.924 20.780 20.076 94.656 94.828 5.344 5.172 20.65 27.56 224 0.875 bicubic
272 dpn68b gluon_resnet152_v1c 79.216 79.912 20.784 20.088 94.414 94.852 5.586 5.148 12.61 60.21 224 0.875 bicubic
273 res2net50_26w_8s efficientnet_b2_pruned 79.198 79.906 20.802 20.094 94.368 94.854 5.632 5.146 48.40 8.31 224 260 0.875 0.890 bilinear bicubic
274 res2net101_26w_4s xception71 79.198 79.884 20.802 20.116 94.432 94.932 5.568 5.068 45.21 42.34 224 299 0.875 0.903 bilinear bicubic
275 regnetx_080 regnety_080 79.194 79.872 20.806 20.128 94.560 94.832 5.440 5.168 39.57 39.18 224 0.875 bicubic
276 coat_lite_mini resnetrs50 79.088 79.870 20.912 20.130 94.604 94.970 5.396 5.030 11.01 35.69 224 0.900 0.910 bicubic
277 legacy_seresnext50_32x4d deit_small_patch16_224 79.078 79.866 20.922 20.134 94.436 95.056 5.564 4.944 27.56 22.05 224 0.875 0.900 bilinear bicubic
278 gluon_resnet50_v1d levit_192 79.074 79.860 20.926 20.140 94.470 94.802 5.530 5.198 25.58 10.95 224 0.875 0.900 bicubic
279 regnetx_064 dpn131 79.072 79.834 20.928 20.166 94.458 94.712 5.542 5.288 26.21 79.25 224 0.875 bicubic
280 xception ecaresnet26t 79.052 79.834 20.948 20.166 94.392 95.084 5.608 4.916 22.86 16.01 299 320 0.897 0.950 bicubic
281 resnet50 regnetx_160 79.038 79.834 20.962 20.166 94.390 94.824 5.610 5.176 25.56 54.28 224 0.875 bicubic
282 mixnet_l tf_efficientnet_lite3 78.976 79.820 21.024 20.180 94.182 94.910 5.818 5.090 7.33 8.20 224 300 0.875 0.904 bicubic bilinear
283 hrnet_w40 resnext50_32x4d 78.920 79.800 21.080 20.200 94.470 94.614 5.530 5.386 57.56 25.03 224 0.875 bilinear bicubic
284 hrnet_w44 resmlp_36_224 78.896 79.776 21.104 20.224 94.368 94.886 5.632 5.114 67.06 44.69 224 0.875 bilinear bicubic
285 wide_resnet101_2 cait_xxs36_224 78.856 79.762 21.144 20.238 94.282 94.868 5.718 5.132 126.89 17.30 224 0.875 1.000 bilinear bicubic
286 tf_efficientnet_b1 regnety_064 78.826 79.730 21.174 20.270 94.198 94.762 5.802 5.238 7.79 30.58 240 224 0.882 0.875 bicubic
287 gluon_inception_v3 xcit_tiny_12_p8_224 78.806 79.710 21.194 20.290 94.370 95.058 5.630 4.942 23.83 6.71 299 224 0.875 1.000 bicubic
288 efficientnet_b1 ecaresnet50d_pruned 78.794 79.706 21.206 20.294 94.342 94.874 5.658 5.126 7.79 19.94 256 224 1.000 0.875 bicubic
289 repvgg_b2 gluon_xception65 78.792 79.702 21.208 20.298 94.414 94.868 5.586 5.132 89.02 39.92 224 299 0.875 0.903 bilinear bicubic
290 tf_mixnet_l gluon_resnet152_v1b 78.774 79.680 21.226 20.320 93.998 94.736 6.002 5.264 7.33 60.19 224 0.875 bicubic
291 gluon_resnet50_v1s resnext50d_32x4d 78.712 79.664 21.288 20.336 94.238 94.866 5.762 5.134 25.68 25.05 224 0.875 bicubic
292 dla169 dpn98 78.688 79.654 21.312 20.346 94.336 94.604 5.664 5.396 53.39 61.57 224 0.875 bilinear bicubic
293 legacy_seresnet152 gmlp_s16_224 78.660 79.642 21.340 20.358 94.370 94.622 5.630 5.378 66.82 19.42 224 0.875 bilinear bicubic
294 tf_efficientnet_b0_ns regnetx_120 78.658 79.606 21.342 20.394 94.376 94.730 5.624 5.270 5.29 46.11 224 0.875 bicubic
295 res2net50_26w_6s cspresnet50 78.570 79.576 21.430 20.424 94.124 94.702 5.876 5.298 37.05 21.62 224 256 0.875 0.887 bilinear
296 xception41 xception65 78.516 79.546 21.484 20.454 94.278 94.660 5.722 5.340 26.97 39.92 299 0.903 bicubic
297 dla102x gluon_resnet101_v1c 78.510 79.534 21.490 20.466 94.228 94.588 5.772 5.412 26.31 44.57 224 0.875 bilinear bicubic
298 levit_128 rexnet_130 78.486 79.496 21.514 20.504 94.010 94.674 5.990 5.326 9.21 7.56 224 0.900 0.875 bicubic
299 regnetx_040 tf_efficientnetv2_b1 78.482 79.474 21.518 20.526 94.244 94.720 5.756 5.280 22.12 8.14 224 240 0.875 0.882 bicubic
300 resnest26d hrnet_w64 78.478 79.456 21.522 20.544 94.298 94.654 5.702 5.346 17.07 128.06 224 0.875 bilinear
301 dla60_res2net xcit_tiny_24_p16_224 78.464 79.452 21.536 20.548 94.206 94.888 5.794 5.112 20.85 12.12 224 0.875 1.000 bilinear bicubic
302 hrnet_w32 dla102x2 78.450 79.440 21.550 20.560 94.186 94.644 5.814 5.356 41.23 41.28 224 0.875 bilinear
303 dla60_res2next resmlp_24_224 78.440 79.386 21.560 20.614 94.152 94.546 5.848 5.454 17.03 30.02 224 0.875 bilinear bicubic
304 coat_tiny repvgg_b2g4 78.434 79.380 21.566 20.620 94.038 94.694 5.962 5.306 5.50 61.76 224 0.900 0.875 bicubic bilinear
305 vit_tiny_patch16_384 gluon_resnext50_32x4d 78.430 79.364 21.570 20.636 94.542 94.424 5.458 5.576 5.79 25.03 384 224 1.000 0.875 bicubic
306 selecsls60b tf_efficientnet_cc_b1_8e 78.412 79.326 21.588 20.674 94.174 94.368 5.826 5.632 32.77 39.72 224 240 0.875 0.882 bicubic
307 cait_xxs24_224 hrnet_w48 78.386 79.322 21.614 20.678 94.310 94.514 5.690 5.486 11.96 77.47 224 1.000 0.875 bicubic bilinear
308 legacy_seresnet101 resnext101_32x8d 78.382 79.312 21.618 20.688 94.264 94.522 5.736 5.478 49.33 88.79 224 0.875 bilinear
309 repvgg_b1 ese_vovnet39b 78.366 79.304 21.634 20.696 94.098 94.724 5.902 5.276 57.42 24.57 224 0.875 bilinear bicubic
310 tf_efficientnetv2_b0 resnetblur50 78.356 79.300 21.644 20.700 94.024 94.636 5.976 5.364 7.14 25.56 224 0.875 bicubic
311 tv_resnet152 gluon_resnet101_v1b 78.312 79.300 21.688 20.700 94.038 94.530 5.962 5.470 60.19 44.55 224 0.875 bilinear bicubic
312 dla60x nf_regnet_b1 78.246 79.296 21.754 20.704 94.018 94.742 5.982 5.258 17.35 10.22 224 288 0.875 0.900 bilinear bicubic
313 res2next50 pit_xs_distilled_224 78.246 79.294 21.754 20.706 93.892 94.374 6.108 5.626 24.67 11.00 224 0.875 0.900 bilinear bicubic
314 efficientnet_b1_pruned tf_efficientnet_b1_ap 78.236 79.274 21.764 20.726 93.834 94.302 6.166 5.698 6.33 7.79 240 0.882 bicubic
315 hrnet_w30 efficientnet_em 78.206 79.260 21.794 20.740 94.222 94.792 5.778 5.208 37.71 6.90 224 240 0.875 0.882 bilinear bicubic
316 pit_xs_224 ssl_resnet50 78.182 79.236 21.818 20.764 94.168 94.832 5.832 5.168 10.62 25.56 224 0.900 0.875 bicubic bilinear
317 regnetx_032 regnety_040 78.172 79.228 21.828 20.772 94.088 94.646 5.912 5.354 15.30 20.65 224 0.875 bicubic
318 res2net50_14w_8s regnetx_080 78.150 79.220 21.850 20.780 93.848 94.546 6.152 5.454 25.06 39.57 224 0.875 bilinear bicubic
319 tf_efficientnet_em dpn68b 78.130 79.216 21.870 20.784 94.044 94.422 5.956 5.578 6.90 12.61 240 224 0.882 0.875 bicubic
320 hardcorenas_f resnet33ts 78.104 79.214 21.896 20.786 93.802 94.572 6.198 5.428 8.20 19.68 224 256 0.875 0.900 bilinear bicubic
321 efficientnet_es res2net101_26w_4s 78.066 79.192 21.934 20.808 93.926 94.438 6.074 5.562 5.44 45.21 224 0.875 bicubic bilinear
322 gmixer_24_224 halonet26t 78.036 79.134 21.964 20.866 93.664 94.316 6.336 5.684 24.72 12.48 224 256 0.875 0.950 bicubic
323 dla102 lambda_resnet26t 78.032 79.108 21.968 20.892 93.946 94.588 6.054 5.412 33.27 10.96 224 256 0.875 0.940 bilinear bicubic
324 gluon_resnet50_v1c coat_lite_mini 78.012 79.100 21.988 20.900 93.988 94.602 6.012 5.398 25.58 11.01 224 0.875 0.900 bicubic
325 seresnext26t_32x4d legacy_seresnext50_32x4d 77.986 79.078 22.014 20.922 93.746 94.432 6.254 5.568 16.81 27.56 224 0.875 bicubic bilinear
326 selecsls60 gluon_resnet50_v1d 77.982 79.064 22.018 20.936 93.828 94.460 6.172 5.540 30.67 25.58 224 0.875 bicubic
327 res2net50_26w_4s regnetx_064 77.964 79.060 22.036 20.940 93.854 94.466 6.146 5.534 25.70 26.21 224 0.875 bilinear bicubic
328 resmlp_12_distilled_224 xception 77.944 79.048 22.056 20.952 93.558 94.396 6.442 5.604 15.35 22.86 224 299 0.875 0.897 bicubic
329 mobilenetv3_large_100_miil resnet32ts 77.916 79.020 22.084 20.980 92.910 94.362 7.090 5.638 5.48 17.96 224 256 0.875 0.900 bilinear bicubic
330 tf_efficientnet_cc_b0_8e mixnet_l 77.908 78.980 22.092 21.020 93.654 94.180 6.346 5.820 24.01 7.33 224 0.875 bicubic
331 regnety_016 res2net50_26w_8s 77.862 78.980 22.138 21.020 93.720 94.284 6.280 5.716 11.20 48.40 224 0.875 bicubic bilinear
332 tf_inception_v3 lambda_resnet26rpt_256 77.862 78.968 22.138 21.032 93.640 94.428 6.360 5.572 23.83 10.99 299 256 0.875 0.940 bicubic
333 rexnet_100 hrnet_w40 77.858 78.926 22.142 21.074 93.870 94.478 6.130 5.522 4.80 57.56 224 0.875 bicubic bilinear
334 hardcorenas_e hrnet_w44 77.794 78.890 22.206 21.110 93.694 94.382 6.306 5.618 8.07 67.06 224 0.875 bilinear
335 efficientnet_b0 wide_resnet101_2 77.698 78.854 22.302 21.146 93.532 94.284 6.468 5.716 5.29 126.89 224 0.875 bicubic bilinear
336 legacy_seresnet50 eca_halonext26ts 77.630 78.840 22.370 21.160 93.748 94.256 6.252 5.744 28.09 10.76 224 256 0.875 0.940 bilinear bicubic
337 tv_resnext50_32x4d tf_efficientnet_b1 77.620 78.836 22.380 21.164 93.696 94.194 6.304 5.806 25.03 7.79 224 240 0.875 0.882 bilinear bicubic
338 seresnext26d_32x4d efficientnet_b1 77.602 78.804 22.398 21.196 93.608 94.346 6.392 5.654 16.81 7.79 224 256 0.875 1.000 bicubic
339 repvgg_b1g4 gluon_inception_v3 77.594 78.798 22.406 21.202 93.826 94.380 6.174 5.620 39.97 23.83 224 299 0.875 bilinear bicubic
340 adv_inception_v3 repvgg_b2 77.582 78.794 22.418 21.206 93.736 94.426 6.264 5.574 23.83 89.02 299 224 0.875 bicubic bilinear
341 gluon_resnet50_v1b tf_mixnet_l 77.580 78.778 22.420 21.222 93.716 94.000 6.284 6.000 25.56 7.33 224 0.875 bicubic
342 res2net50_48w_2s dla169 77.522 78.698 22.478 21.302 93.554 94.332 6.446 5.668 25.29 53.39 224 0.875 bilinear
343 coat_lite_tiny gluon_resnet50_v1s 77.512 78.696 22.488 21.304 93.916 94.248 6.084 5.752 5.72 25.68 224 0.900 0.875 bicubic
344 tf_efficientnet_lite2 legacy_seresnet152 77.468 78.662 22.532 21.338 93.754 94.376 6.246 5.624 6.09 66.82 260 224 0.890 0.875 bicubic bilinear
345 inception_v3 tf_efficientnet_b0_ns 77.438 78.658 22.562 21.342 93.474 94.370 6.526 5.630 23.83 5.29 299 224 0.875 bicubic
346 hardcorenas_d xcit_tiny_12_p16_224_dist 77.432 78.580 22.568 21.420 93.484 94.204 6.516 5.796 7.50 6.72 224 0.875 1.000 bilinear bicubic
347 tv_resnet101 res2net50_26w_6s 77.374 78.566 22.626 21.434 93.540 94.118 6.460 5.882 44.55 37.05 224 0.875 bilinear
348 densenet161 xception41 77.358 78.532 22.642 21.468 93.638 94.284 6.362 5.716 28.68 26.97 224 299 0.875 0.903 bicubic
349 tf_efficientnet_cc_b0_4e dla102x 77.306 78.512 22.694 21.488 93.334 94.226 6.666 5.774 13.31 26.31 224 0.875 bicubic bilinear
350 densenet201 regnetx_040 77.286 78.484 22.714 21.516 93.478 94.254 6.522 5.746 20.01 22.12 224 0.875 bicubic
351 mobilenetv2_120d resnest26d 77.284 78.478 22.716 21.522 93.492 94.296 6.508 5.704 5.83 17.07 224 0.875 bicubic bilinear
352 mixnet_m levit_128 77.260 78.466 22.740 21.534 93.424 94.010 6.576 5.990 5.01 9.21 224 0.875 0.900 bicubic
353 selecsls42b dla60_res2net 77.174 78.462 22.826 21.538 93.390 94.208 6.610 5.792 32.46 20.85 224 0.875 bicubic bilinear
354 resnet34d vit_tiny_patch16_384 77.116 78.446 22.884 21.554 93.382 94.544 6.618 5.456 21.82 5.79 224 384 0.875 1.000 bicubic
355 legacy_seresnext26_32x4d dla60_res2next 77.104 78.442 22.896 21.558 93.316 94.158 6.684 5.842 16.79 17.03 224 0.875 bicubic bilinear
356 tf_efficientnet_b0_ap hrnet_w32 77.086 78.442 22.914 21.558 93.256 94.196 6.744 5.804 5.29 41.23 224 0.875 bicubic bilinear
357 hardcorenas_c coat_tiny 77.054 78.434 22.946 21.566 93.158 94.034 6.842 5.966 5.52 5.50 224 0.875 0.900 bilinear bicubic
358 dla60 selecsls60b 77.032 78.408 22.968 21.592 93.318 94.176 6.682 5.824 22.04 32.77 224 0.875 bilinear bicubic
359 regnetx_016 legacy_seresnet101 76.950 78.384 23.050 21.616 93.420 94.264 6.580 5.736 9.19 49.33 224 0.875 bicubic bilinear
360 tf_mixnet_m repvgg_b1 76.942 78.378 23.058 21.622 93.152 94.104 6.848 5.896 5.01 57.42 224 0.875 bicubic bilinear
361 gernet_s cait_xxs24_224 76.916 78.376 23.084 21.624 93.132 94.316 6.868 5.684 8.17 11.96 224 0.875 1.000 bilinear bicubic
362 skresnet34 tf_efficientnetv2_b0 76.912 78.370 23.088 21.630 93.322 94.026 6.678 5.974 22.28 7.14 224 0.875 bicubic
363 tf_efficientnet_b0 tv_resnet152 76.848 78.322 23.152 21.678 93.228 94.044 6.772 5.956 5.29 60.19 224 0.875 bicubic bilinear
364 ese_vovnet19b_dw bat_resnext26ts 76.798 78.262 23.202 21.738 93.268 94.100 6.732 5.900 6.54 10.73 224 256 0.875 0.900 bicubic
365 hrnet_w18 efficientnet_b1_pruned 76.758 78.250 23.242 21.750 93.444 93.836 6.556 6.164 21.30 6.33 224 240 0.875 0.882 bilinear bicubic
366 resnet26d dla60x 76.696 78.246 23.304 21.754 93.150 94.024 6.850 5.976 16.01 17.35 224 0.875 bicubic bilinear
367 resmlp_12_224 res2next50 76.654 78.242 23.346 21.758 93.180 93.904 6.820 6.096 15.35 24.67 224 0.875 bicubic bilinear
368 tf_efficientnet_lite1 hrnet_w30 76.642 78.202 23.358 21.798 93.226 94.228 6.774 5.772 5.42 37.71 240 224 0.882 0.875 bicubic bilinear
369 mixer_b16_224 pit_xs_224 76.602 78.184 23.398 21.816 92.228 94.164 7.772 5.836 59.88 10.62 224 0.875 0.900 bicubic
370 tf_efficientnet_es regnetx_032 76.594 78.150 23.406 21.850 93.202 94.086 6.798 5.914 5.44 15.30 224 0.875 bicubic
371 densenetblur121d tf_efficientnet_em 76.588 78.142 23.412 21.858 93.192 94.058 6.808 5.942 8.00 6.90 224 240 0.875 0.882 bicubic
372 hardcorenas_b res2net50_14w_8s 76.538 78.134 23.462 21.866 92.754 93.856 7.246 6.144 5.18 25.06 224 0.875 bilinear
373 levit_128s hardcorenas_f 76.530 78.104 23.470 21.896 92.866 93.794 7.134 6.206 7.78 8.20 224 0.900 0.875 bicubic bilinear
374 mobilenetv2_140 efficientnet_es 76.516 78.082 23.484 21.918 92.996 93.944 7.004 6.056 6.11 5.44 224 0.875 bicubic
375 repvgg_a2 gmixer_24_224 76.460 78.052 23.540 21.948 93.004 93.668 6.996 6.332 28.21 24.72 224 0.875 bilinear bicubic
376 dpn68 dla102 76.318 78.028 23.682 21.972 92.978 93.958 7.022 6.042 12.61 33.27 224 0.875 bicubic bilinear
377 regnety_008 gluon_resnet50_v1c 76.316 78.006 23.684 21.994 93.066 93.988 6.934 6.012 6.26 25.58 224 0.875 bicubic
378 tv_resnet50 res2net50_26w_4s 76.138 77.986 23.862 22.014 92.864 93.848 7.136 6.152 25.56 25.70 224 0.875 bilinear
379 mixnet_s selecsls60 75.992 77.984 24.008 22.016 92.796 93.832 7.204 6.168 4.13 30.67 224 0.875 bicubic
380 vit_small_patch32_224 seresnext26t_32x4d 75.990 77.978 24.010 22.022 93.272 93.742 6.728 6.258 22.88 16.81 224 0.900 0.875 bicubic
381 vit_tiny_r_s16_p8_384 resmlp_12_distilled_224 75.952 77.944 24.048 22.056 93.260 93.562 6.740 6.438 6.36 15.35 384 224 1.000 0.875 bicubic
382 hardcorenas_a mobilenetv3_large_100_miil 75.916 77.912 24.084 22.088 92.514 92.904 7.486 7.096 5.26 5.48 224 0.875 bilinear
383 densenet169 tf_efficientnet_cc_b0_8e 75.906 77.908 24.094 22.092 93.026 93.656 6.974 6.344 14.15 24.01 224 0.875 bicubic
384 mobilenetv3_large_100 resnet26t 75.766 77.872 24.234 22.128 92.542 93.834 7.458 6.166 5.48 16.01 224 256 0.875 0.940 bicubic
385 tf_mixnet_s regnety_016 75.650 77.864 24.350 22.136 92.628 93.724 7.372 6.276 4.13 11.20 224 0.875 bicubic
386 mobilenetv3_rw rexnet_100 75.634 77.860 24.366 22.140 92.708 93.876 7.292 6.124 5.48 4.80 224 0.875 bicubic
387 densenet121 tf_inception_v3 75.578 77.860 24.422 22.140 92.652 93.646 7.348 6.354 7.98 23.83 224 299 0.875 bicubic
388 tf_mobilenetv3_large_100 seresnext26ts 75.518 77.848 24.482 22.152 92.606 93.788 7.394 6.212 5.48 10.39 224 256 0.875 0.900 bilinear bicubic
389 resnest14d gcresnext26ts 75.506 77.820 24.494 22.180 92.518 93.826 7.482 6.174 10.61 10.48 224 256 0.875 0.900 bilinear bicubic
390 efficientnet_lite0 xcit_nano_12_p8_384_dist 75.484 77.818 24.516 22.182 92.510 94.034 7.490 5.966 4.65 3.05 224 384 0.875 1.000 bicubic
391 vit_tiny_patch16_224 hardcorenas_e 75.454 77.800 24.546 22.200 92.848 93.696 7.152 6.304 5.72 8.07 224 0.900 0.875 bicubic bilinear
392 semnasnet_100 efficientnet_b0 75.448 77.704 24.552 22.296 92.604 93.522 7.396 6.478 3.89 5.29 224 0.875 bicubic
393 resnet26 legacy_seresnet50 75.292 77.638 24.708 22.362 92.570 93.746 7.430 6.254 16.00 28.09 224 0.875 bicubic bilinear
394 regnety_006 tv_resnext50_32x4d 75.246 77.610 24.754 22.390 92.532 93.684 7.468 6.316 6.06 25.03 224 0.875 bicubic bilinear
395 repvgg_b0 repvgg_b1g4 75.152 77.594 24.848 22.406 92.418 93.842 7.582 6.158 15.82 39.97 224 0.875 bilinear
396 fbnetc_100 seresnext26d_32x4d 75.124 77.586 24.876 22.414 92.386 93.604 7.614 6.396 5.57 16.81 224 0.875 bilinear bicubic
397 hrnet_w18_small_v2 adv_inception_v3 75.114 77.578 24.886 22.422 92.416 93.740 7.584 6.260 15.60 23.83 224 299 0.875 bilinear bicubic
398 resnet34 gluon_resnet50_v1b 75.110 77.576 24.890 22.424 92.284 93.722 7.716 6.278 21.80 25.56 224 0.875 bilinear bicubic
399 regnetx_008 res2net50_48w_2s 75.038 77.534 24.962 22.466 92.336 93.558 7.664 6.442 7.26 25.29 224 0.875 bicubic bilinear
400 mobilenetv2_110d coat_lite_tiny 75.036 77.514 24.964 22.486 92.186 93.916 7.814 6.084 4.52 5.72 224 0.875 0.900 bicubic
401 efficientnet_es_pruned tf_efficientnet_lite2 75.000 77.482 25.000 22.518 92.448 93.748 7.552 6.252 5.44 6.09 224 260 0.875 0.890 bicubic
402 tf_efficientnet_lite0 inception_v3 74.830 77.464 25.170 22.536 92.176 93.476 7.824 6.524 4.65 23.83 224 299 0.875 bicubic
403 legacy_seresnet34 eca_resnext26ts 74.808 77.450 25.192 22.550 92.124 93.578 7.876 6.422 21.96 10.30 224 256 0.875 0.900 bilinear bicubic
404 tv_densenet121 hardcorenas_d 74.738 77.424 25.262 22.576 92.150 93.486 7.850 6.514 7.98 7.50 224 0.875 bicubic bilinear
405 mnasnet_100 tv_resnet101 74.658 77.368 25.342 22.632 92.114 93.560 7.886 6.440 4.38 44.55 224 0.875 bicubic bilinear
406 dla34 densenet161 74.630 77.352 25.370 22.648 92.078 93.636 7.922 6.364 15.74 28.68 224 0.875 bilinear bicubic
407 gluon_resnet34_v1b tf_efficientnet_cc_b0_4e 74.588 77.320 25.412 22.680 91.990 93.322 8.010 6.678 21.80 13.31 224 0.875 bicubic
408 pit_ti_distilled_224 densenet201 74.530 77.290 25.470 22.710 92.096 93.480 7.904 6.520 5.10 20.01 224 0.900 0.875 bicubic
409 deit_tiny_distilled_patch16_224 mobilenetv2_120d 74.510 77.286 25.490 22.714 91.890 93.512 8.110 6.488 5.91 5.83 224 0.900 0.875 bicubic
410 vgg19_bn mixnet_m 74.214 77.274 25.786 22.726 91.842 93.422 8.158 6.578 143.68 5.01 224 0.875 bilinear bicubic
411 spnasnet_100 selecsls42b 74.084 77.190 25.916 22.810 91.818 93.390 8.182 6.610 4.42 32.46 224 0.875 bilinear bicubic
412 regnety_004 xcit_tiny_12_p16_224 74.034 77.120 25.966 22.880 91.752 93.718 8.248 6.282 4.34 6.72 224 0.875 1.000 bicubic
413 ghostnet_100 resnet34d 73.978 77.114 26.022 22.886 91.456 93.382 8.544 6.618 5.18 21.82 224 0.875 bilinear bicubic
414 regnetx_006 tf_efficientnet_b0_ap 73.852 77.104 26.148 22.896 91.672 93.264 8.328 6.736 6.20 5.29 224 0.875 bicubic
415 tf_mobilenetv3_large_075 legacy_seresnext26_32x4d 73.438 77.094 26.562 22.906 91.350 93.310 8.650 6.690 3.99 16.79 224 0.875 bilinear bicubic
416 vgg16_bn hardcorenas_c 73.350 77.050 26.650 22.950 91.506 93.172 8.494 6.828 138.37 5.52 224 0.875 bilinear
417 tv_resnet34 dla60 73.312 77.034 26.688 22.966 91.426 93.324 8.574 6.676 21.80 22.04 224 0.875 bilinear
418 swsl_resnet18 crossvit_9_dagger_240 73.276 76.990 26.724 23.010 91.734 93.606 8.266 6.394 11.69 8.78 224 240 0.875 bilinear bicubic
419 convit_tiny tf_mixnet_m 73.116 76.958 26.884 23.042 91.714 93.166 8.286 6.834 5.71 5.01 224 0.875 bicubic
420 skresnet18 regnetx_016 73.038 76.946 26.962 23.054 91.168 93.426 8.832 6.574 11.96 9.19 224 0.875 bicubic
421 mobilenetv2_100 convmixer_1024_20_ks9_p14 72.970 76.944 27.030 23.056 91.016 93.358 8.984 6.642 3.50 24.38 224 0.875 0.960 bicubic
422 pit_ti_224 skresnet34 72.912 76.920 27.088 23.080 91.402 93.320 8.598 6.680 4.85 22.28 224 0.900 0.875 bicubic
423 ssl_resnet18 gernet_s 72.610 76.906 27.390 23.094 91.416 93.134 8.584 6.866 11.69 8.17 224 0.875 bilinear
424 regnetx_004 tf_efficientnet_b0 72.396 76.846 27.604 23.154 90.830 93.230 9.170 6.770 5.16 5.29 224 0.875 bicubic
425 vgg19 ese_vovnet19b_dw 72.368 76.824 27.632 23.176 90.872 93.280 9.128 6.720 143.67 6.54 224 0.875 bilinear bicubic
426 hrnet_w18_small resnext26ts 72.342 76.772 27.658 23.228 90.678 93.130 9.322 6.870 13.19 10.30 224 256 0.875 0.900 bilinear bicubic
427 resnet18d hrnet_w18 72.260 76.758 27.740 23.242 90.696 93.438 9.304 6.562 11.71 21.30 224 0.875 bicubic bilinear
428 tf_mobilenetv3_large_minimal_100 resnet26d 72.248 76.690 27.752 23.310 90.630 93.148 9.370 6.852 3.92 16.01 224 0.875 bilinear bicubic
429 deit_tiny_patch16_224 tf_efficientnet_lite1 72.168 76.664 27.832 23.336 91.118 93.234 8.882 6.766 5.72 5.42 224 240 0.900 0.882 bicubic
430 mixer_l16_224 resmlp_12_224 72.058 76.654 27.942 23.346 87.668 93.172 12.332 6.828 208.20 15.35 224 0.875 bicubic
431 vit_tiny_r_s16_p8_224 mixer_b16_224 71.788 76.622 28.212 23.378 90.828 92.228 9.172 7.772 6.34 59.88 224 0.900 0.875 bicubic
432 legacy_seresnet18 densenetblur121d 71.742 76.590 28.258 23.410 90.334 93.192 9.666 6.808 11.78 8.00 224 0.875 bicubic
433 vgg13_bn tf_efficientnet_es 71.594 76.590 28.406 23.410 90.376 93.212 9.624 6.788 133.05 5.44 224 0.875 bilinear bicubic
434 vgg16 levit_128s 71.594 76.538 28.406 23.462 90.382 92.864 9.618 7.136 138.36 7.78 224 0.875 0.900 bilinear bicubic
435 gluon_resnet18_v1b hardcorenas_b 70.836 76.530 29.164 23.470 89.762 92.752 10.238 7.248 11.69 5.18 224 0.875 bicubic bilinear
436 vgg11_bn mobilenetv2_140 70.360 76.516 29.640 23.484 89.802 93.000 10.198 7.000 132.87 6.11 224 0.875 bilinear bicubic
437 regnety_002 repvgg_a2 70.252 76.480 29.748 23.520 89.540 93.020 10.460 6.980 3.16 28.21 224 0.875 bicubic bilinear
438 vgg13 xcit_nano_12_p8_224_dist 69.926 76.330 30.074 23.670 89.246 93.086 10.754 6.914 133.05 3.05 224 0.875 1.000 bilinear bicubic
439 resnet18 regnety_008 69.748 76.320 30.252 23.680 89.078 93.068 10.922 6.932 11.69 6.26 224 0.875 bilinear bicubic
440 vgg11 dpn68 69.024 76.294 30.976 23.706 88.628 92.962 11.372 7.038 132.86 12.61 224 0.875 bilinear bicubic
441 regnetx_002 tv_resnet50 68.762 76.152 31.238 23.848 88.556 92.878 11.444 7.122 2.68 25.56 224 0.875 bicubic bilinear
442 tf_mobilenetv3_small_100 mixnet_s 67.922 75.994 32.078 24.006 87.664 92.792 12.336 7.208 2.54 4.13 224 0.875 bilinear bicubic
443 dla60x_c vit_small_patch32_224 67.892 75.994 32.108 24.006 88.426 93.276 11.574 6.724 1.32 22.88 224 0.875 0.900 bilinear bicubic
444 dla46x_c vit_tiny_r_s16_p8_384 65.970 75.972 34.030 24.028 86.980 93.272 13.020 6.728 1.07 6.36 224 384 0.875 1.000 bilinear bicubic
445 tf_mobilenetv3_small_075 hardcorenas_a 65.716 75.912 34.284 24.088 86.130 92.514 13.870 7.486 2.04 5.26 224 0.875 bilinear
446 dla46_c densenet169 64.866 75.898 35.134 24.102 86.292 93.024 13.708 6.976 1.30 14.15 224 0.875 bilinear bicubic
447 tf_mobilenetv3_small_minimal_100 mobilenetv3_large_100 62.906 75.774 37.094 24.226 84.230 92.540 15.770 7.460 2.04 5.48 224 0.875 bilinear bicubic
448 tf_mixnet_s 75.684 24.316 92.636 7.364 4.13 224 0.875 bicubic
449 mobilenetv3_rw 75.618 24.382 92.712 7.288 5.48 224 0.875 bicubic
450 densenet121 75.568 24.432 92.652 7.348 7.98 224 0.875 bicubic
451 tf_mobilenetv3_large_100 75.510 24.490 92.608 7.392 5.48 224 0.875 bilinear
452 resnest14d 75.506 24.494 92.520 7.480 10.61 224 0.875 bilinear
453 efficientnet_lite0 75.504 24.496 92.516 7.484 4.65 224 0.875 bicubic
454 xcit_nano_12_p16_384_dist 75.468 24.532 92.676 7.324 3.05 384 1.000 bicubic
455 vit_tiny_patch16_224 75.454 24.546 92.852 7.148 5.72 224 0.900 bicubic
456 semnasnet_100 75.452 24.548 92.606 7.394 3.89 224 0.875 bicubic
457 resnet26 75.292 24.708 92.574 7.426 16.00 224 0.875 bicubic
458 regnety_006 75.266 24.734 92.534 7.466 6.06 224 0.875 bicubic
459 repvgg_b0 75.152 24.848 92.414 7.586 15.82 224 0.875 bilinear
460 fbnetc_100 75.120 24.880 92.374 7.626 5.57 224 0.875 bilinear
461 resnet34 75.112 24.888 92.276 7.724 21.80 224 0.875 bilinear
462 hrnet_w18_small_v2 75.106 24.894 92.412 7.588 15.60 224 0.875 bilinear
463 regnetx_008 75.056 24.944 92.348 7.652 7.26 224 0.875 bicubic
464 mobilenetv2_110d 75.052 24.948 92.188 7.812 4.52 224 0.875 bicubic
465 efficientnet_es_pruned 74.996 25.004 92.440 7.560 5.44 224 0.875 bicubic
466 tf_efficientnet_lite0 74.832 25.168 92.176 7.824 4.65 224 0.875 bicubic
467 legacy_seresnet34 74.792 25.208 92.128 7.872 21.96 224 0.875 bilinear
468 tv_densenet121 74.746 25.254 92.154 7.846 7.98 224 0.875 bicubic
469 mnasnet_100 74.674 25.326 92.098 7.902 4.38 224 0.875 bicubic
470 dla34 74.608 25.392 92.058 7.942 15.74 224 0.875 bilinear
471 gluon_resnet34_v1b 74.592 25.408 91.996 8.004 21.80 224 0.875 bicubic
472 pit_ti_distilled_224 74.530 25.470 92.100 7.900 5.10 224 0.900 bicubic
473 deit_tiny_distilled_patch16_224 74.524 25.476 91.896 8.104 5.91 224 0.900 bicubic
474 vgg19_bn 74.234 25.766 91.854 8.146 143.68 224 0.875 bilinear
475 spnasnet_100 74.078 25.922 91.820 8.180 4.42 224 0.875 bilinear
476 regnety_004 74.012 25.988 91.766 8.234 4.34 224 0.875 bicubic
477 ghostnet_100 73.984 26.016 91.460 8.540 5.18 224 0.875 bilinear
478 crossvit_9_240 73.982 26.018 91.970 8.030 8.55 240 0.875 bicubic
479 xcit_nano_12_p8_224 73.912 26.088 92.166 7.834 3.05 224 1.000 bicubic
480 eca_botnext26ts_256 73.878 26.122 91.788 8.212 10.59 256 0.950 bicubic
481 regnetx_006 73.846 26.154 91.682 8.318 6.20 224 0.875 bicubic
482 vit_base_patch32_sam_224 73.700 26.300 91.008 8.992 88.22 224 0.900 bicubic
483 tf_mobilenetv3_large_075 73.450 26.550 91.340 8.660 3.99 224 0.875 bilinear
484 vgg16_bn 73.360 26.640 91.492 8.508 138.37 224 0.875 bilinear
485 crossvit_tiny_240 73.344 26.656 91.922 8.078 7.01 240 0.875 bicubic
486 tv_resnet34 73.304 26.696 91.422 8.578 21.80 224 0.875 bilinear
487 swsl_resnet18 73.282 26.718 91.758 8.242 11.69 224 0.875 bilinear
488 convit_tiny 73.112 26.888 91.720 8.280 5.71 224 0.875 bicubic
489 skresnet18 73.022 26.978 91.170 8.830 11.96 224 0.875 bicubic
490 mobilenetv2_100 72.952 27.048 91.002 8.998 3.50 224 0.875 bicubic
491 pit_ti_224 72.922 27.078 91.410 8.590 4.85 224 0.900 bicubic
492 ssl_resnet18 72.612 27.388 91.420 8.580 11.69 224 0.875 bilinear
493 regnetx_004 72.390 27.610 90.818 9.182 5.16 224 0.875 bicubic
494 vgg19 72.388 27.612 90.886 9.114 143.67 224 0.875 bilinear
495 hrnet_w18_small 72.332 27.668 90.686 9.314 13.19 224 0.875 bilinear
496 xcit_nano_12_p16_224_dist 72.312 27.688 90.852 9.148 3.05 224 1.000 bicubic
497 resnet18d 72.268 27.732 90.684 9.316 11.71 224 0.875 bicubic
498 tf_mobilenetv3_large_minimal_100 72.252 27.748 90.636 9.364 3.92 224 0.875 bilinear
499 deit_tiny_patch16_224 72.160 27.840 91.112 8.888 5.72 224 0.900 bicubic
500 mixer_l16_224 72.066 27.934 87.654 12.346 208.20 224 0.875 bicubic
501 vit_tiny_r_s16_p8_224 71.798 28.202 90.824 9.176 6.34 224 0.900 bicubic
502 legacy_seresnet18 71.734 28.266 90.338 9.662 11.78 224 0.875 bicubic
503 vgg16 71.584 28.416 90.390 9.610 138.36 224 0.875 bilinear
504 vgg13_bn 71.564 28.436 90.374 9.626 133.05 224 0.875 bilinear
505 gluon_resnet18_v1b 70.834 29.166 89.760 10.240 11.69 224 0.875 bicubic
506 vgg11_bn 70.362 29.638 89.806 10.194 132.87 224 0.875 bilinear
507 regnety_002 70.282 29.718 89.544 10.456 3.16 224 0.875 bicubic
508 xcit_nano_12_p16_224 69.972 30.028 89.758 10.242 3.05 224 1.000 bicubic
509 vgg13 69.938 30.062 89.258 10.742 133.05 224 0.875 bilinear
510 resnet18 69.740 30.260 89.086 10.914 11.69 224 0.875 bilinear
511 vgg11 69.048 30.952 88.636 11.364 132.86 224 0.875 bilinear
512 regnetx_002 68.750 31.250 88.560 11.440 2.68 224 0.875 bicubic
513 botnet26t_256 68.546 31.454 88.696 11.304 12.49 256 0.950 bicubic
514 tf_mobilenetv3_small_100 67.926 32.074 87.676 12.324 2.54 224 0.875 bilinear
515 dla60x_c 67.912 32.088 88.418 11.582 1.32 224 0.875 bilinear
516 dla46x_c 65.976 34.024 86.988 13.012 1.07 224 0.875 bilinear
517 tf_mobilenetv3_small_075 65.720 34.280 86.136 13.864 2.04 224 0.875 bilinear
518 dla46_c 64.870 35.130 86.294 13.706 1.30 224 0.875 bilinear
519 tf_mobilenetv3_small_minimal_100 62.908 37.092 84.246 15.754 2.04 224 0.875 bilinear

@ -1,421 +1,519 @@
model,top1,top1_err,top5,top5_err,param_count,img_size,cropt_pct,interpolation,top1_diff,top5_diff,rank_diff
tf_efficientnet_l2_ns_475,80.460,19.540,95.730,4.270,480.31,475,0.936,bicubic,-7.774,-2.816,+1
tf_efficientnet_l2_ns,80.250,19.750,95.840,4.160,480.31,800,0.960,bicubic,-8.102,-2.810,-1
tf_efficientnet_b7_ns,78.510,21.490,94.380,5.620,66.35,600,0.949,bicubic,-8.330,-3.714,+2
vit_large_patch16_384,77.940,22.060,94.450,5.550,304.72,384,1.000,bicubic,-9.140,-3.850,0
tf_efficientnet_b6_ns,77.280,22.720,93.890,6.110,43.04,528,0.942,bicubic,-9.172,-3.992,+2
vit_large_r50_s32_384,77.060,22.940,93.720,6.280,329.09,384,1.000,bicubic,-9.124,-4.198,+5
swin_large_patch4_window12_384,77.040,22.960,93.750,6.250,196.74,384,1.000,bicubic,-10.108,-4.484,-4
tf_efficientnetv2_l_in21ft1k,76.940,23.060,93.950,6.050,118.52,480,1.000,bicubic,-9.364,-4.028,+2
cait_m48_448,76.870,23.130,93.370,6.630,356.46,448,1.000,bicubic,-9.614,-4.384,-3
ig_resnext101_32x48d,76.870,23.130,93.310,6.690,828.41,224,0.875,bilinear,-8.558,-4.262,+13
ig_resnext101_32x32d,76.840,23.160,93.200,6.800,468.53,224,0.875,bilinear,-8.254,-4.238,+19
tf_efficientnet_b5_ns,76.810,23.190,93.580,6.420,30.39,456,0.934,bicubic,-9.278,-4.172,+1
vit_base_patch16_384,76.500,23.500,93.750,6.250,86.86,384,1.000,bicubic,-9.506,-4.250,+2
cait_m36_384,76.320,23.680,93.050,6.950,271.22,384,1.000,bicubic,-9.734,-4.680,0
vit_large_patch16_224,76.290,23.710,93.600,6.400,304.33,224,0.900,bicubic,-9.552,-4.224,+1
swin_base_patch4_window12_384,76.280,23.720,93.320,6.680,87.90,384,1.000,bicubic,-10.152,-4.738,-8
tf_efficientnetv2_l,76.280,23.720,92.970,7.030,118.52,480,1.000,bicubic,-9.210,-4.402,+4
swin_large_patch4_window7_224,76.270,23.730,93.420,6.580,196.53,224,0.900,bicubic,-10.050,-4.476,-9
cait_s36_384,76.210,23.790,92.970,7.030,68.37,384,1.000,bicubic,-9.250,-4.510,+3
dm_nfnet_f6,76.130,23.870,93.110,6.890,438.36,576,0.956,bicubic,-10.014,-4.620,-8
tf_efficientnet_b7_ap,76.090,23.910,92.970,7.030,66.35,600,0.949,bicubic,-9.030,-4.282,+8
tf_efficientnet_b8_ap,76.090,23.910,92.730,7.270,87.41,672,0.954,bicubic,-9.280,-4.564,+4
tf_efficientnetv2_m_in21ft1k,75.920,24.080,93.280,6.720,54.14,480,1.000,bicubic,-9.668,-4.472,-4
dm_nfnet_f4,75.850,24.150,92.950,7.050,316.07,512,0.951,bicubic,-9.864,-4.570,-6
ig_resnext101_32x16d,75.720,24.280,92.910,7.090,194.03,224,0.875,bilinear,-8.450,-4.286,+31
tf_efficientnet_b4_ns,75.670,24.330,93.050,6.950,19.34,380,0.922,bicubic,-9.492,-4.420,+2
vit_base_r50_s16_384,75.590,24.410,92.790,7.210,98.95,384,1.000,bicubic,-9.382,-4.498,+9
deit_base_distilled_patch16_384,75.550,24.450,92.500,7.500,87.63,384,1.000,bicubic,-9.872,-4.832,-4
tf_efficientnetv2_m,75.520,24.480,92.620,7.380,54.14,480,1.000,bicubic,-9.524,-4.658,+4
cait_s24_384,75.480,24.520,92.600,7.400,47.06,384,1.000,bicubic,-9.566,-4.746,+2
swsl_resnext101_32x8d,75.430,24.570,92.760,7.240,88.79,224,0.875,bilinear,-8.854,-4.416,+22
tf_efficientnet_b6_ap,75.380,24.620,92.440,7.560,43.04,528,0.942,bicubic,-9.408,-4.698,+8
dm_nfnet_f3,75.210,24.790,92.940,7.060,254.92,416,0.940,bicubic,-10.312,-4.522,-13
efficientnetv2_rw_m,75.170,24.830,92.570,7.430,53.24,416,1.000,bicubic,-9.638,-4.578,+5
ecaresnet269d,75.120,24.880,92.840,7.160,102.09,352,1.000,bicubic,-9.856,-4.386,0
dm_nfnet_f5,75.000,25.000,92.600,7.400,377.21,544,0.954,bicubic,-10.814,-4.888,-19
tf_efficientnet_b8,74.940,25.060,92.310,7.690,87.41,672,0.954,bicubic,-10.430,-5.080,-12
eca_nfnet_l2,74.830,25.170,92.650,7.350,56.72,384,1.000,bicubic,-9.868,-4.614,+4
tf_efficientnet_b7,74.720,25.280,92.220,7.780,66.35,600,0.949,bicubic,-10.216,-4.984,-2
dm_nfnet_f2,74.620,25.380,92.260,7.740,193.78,352,0.920,bicubic,-10.444,-4.980,-9
tf_efficientnet_b5_ap,74.600,25.400,91.990,8.010,30.39,456,0.934,bicubic,-9.652,-4.984,+14
dm_nfnet_f1,74.570,25.430,92.260,7.740,132.63,320,0.910,bicubic,-10.056,-4.840,+1
swin_base_patch4_window7_224,74.570,25.430,92.560,7.440,87.77,224,0.900,bicubic,-10.682,-5.002,-16
seresnet152d,74.510,25.490,92.080,7.920,66.84,320,1.000,bicubic,-9.852,-4.960,+7
resnest200e,74.480,25.520,91.860,8.140,70.20,320,0.909,bicubic,-9.352,-5.034,+23
tf_efficientnetv2_s_in21ft1k,74.450,25.550,92.510,7.490,21.46,384,1.000,bicubic,-9.852,-4.742,+6
efficientnetv2_rw_s,74.170,25.830,91.710,8.290,23.94,384,1.000,bicubic,-9.638,-5.014,+23
resnest269e,74.170,25.830,91.950,8.050,110.93,416,0.928,bicubic,-10.348,-5.036,-3
cait_xs24_384,74.160,25.840,91.910,8.090,26.67,384,1.000,bicubic,-9.902,-4.978,+11
pit_b_distilled_224,74.160,25.840,91.680,8.320,74.79,224,0.900,bicubic,-9.984,-5.176,+7
swsl_resnext101_32x4d,74.140,25.860,91.990,8.010,44.18,224,0.875,bilinear,-9.090,-4.770,+33
eca_nfnet_l1,74.120,25.880,92.070,7.930,41.41,320,1.000,bicubic,-9.890,-4.958,+12
vit_large_r50_s32_224,74.100,25.900,92.390,7.610,328.99,224,0.900,bicubic,-10.334,-4.774,-4
vit_base_patch16_224_miil,74.040,25.960,91.700,8.300,86.54,224,0.875,bilinear,-10.228,-5.102,0
swsl_resnext101_32x16d,74.020,25.980,92.160,7.840,194.03,224,0.875,bilinear,-9.326,-4.686,+27
resnetv2_152x4_bitm,74.010,25.990,92.340,7.660,936.53,480,1.000,bilinear,-10.906,-5.102,-18
tf_efficientnetv2_s,74.000,26.000,91.530,8.470,21.46,384,1.000,bicubic,-9.894,-5.168,+9
vit_base_patch16_224,74.000,26.000,92.470,7.530,86.57,224,0.900,bicubic,-10.532,-4.824,-14
resnetrs420,73.920,26.080,91.760,8.240,191.89,416,1.000,bicubic,-11.088,-5.364,-25
resnetv2_152x2_bitm,73.920,26.080,92.670,7.330,236.34,448,1.000,bilinear,-10.590,-4.762,-14
tf_efficientnet_b6,73.900,26.100,91.750,8.250,43.04,528,0.942,bicubic,-10.210,-5.136,-3
tf_efficientnet_b3_ns,73.890,26.110,91.870,8.130,12.23,300,0.904,bicubic,-10.158,-5.040,-1
resmlp_big_24_224_in22ft1k,73.880,26.120,91.750,8.250,129.14,224,0.875,bicubic,-10.514,-5.370,-13
vit_small_r26_s32_384,73.800,26.200,92.300,7.700,36.47,384,1.000,bicubic,-10.246,-5.028,-2
resnetrs270,73.710,26.290,91.580,8.420,129.86,352,1.000,bicubic,-10.724,-5.390,-17
resnet200d,73.680,26.320,91.570,8.430,64.69,320,1.000,bicubic,-10.282,-5.254,-1
resnetv2_101x3_bitm,73.670,26.330,92.470,7.530,387.93,448,1.000,bilinear,-10.770,-4.912,-20
ig_resnext101_32x8d,73.650,26.350,92.190,7.810,88.79,224,0.875,bilinear,-9.038,-4.446,+32
tf_efficientnet_b5,73.550,26.450,91.460,8.540,30.39,456,0.934,bicubic,-10.262,-5.288,0
resnet152d,73.520,26.480,91.230,8.770,60.21,320,1.000,bicubic,-10.160,-5.508,+4
resnetrs200,73.500,26.500,91.250,8.750,93.21,320,1.000,bicubic,-10.566,-5.624,-12
resnetrs350,73.400,26.600,91.310,8.690,163.96,384,1.000,bicubic,-11.320,-5.678,-31
twins_svt_large,73.390,26.610,90.910,9.090,99.27,224,0.900,bicubic,-10.288,-5.684,+2
regnety_160,73.360,26.640,91.690,8.310,83.59,288,1.000,bicubic,-10.326,-5.086,-1
efficientnet_b4,73.320,26.680,91.280,8.720,19.34,384,1.000,bicubic,-10.108,-5.316,+3
resmlp_big_24_distilled_224,73.290,26.710,91.160,8.840,129.14,224,0.875,bicubic,-10.300,-5.488,0
vit_small_patch16_384,73.290,26.710,91.990,8.010,22.20,384,1.000,bicubic,-10.512,-5.112,-6
deit_base_distilled_patch16_224,73.240,26.760,91.000,9.000,87.34,224,0.900,bicubic,-10.148,-5.488,+1
resnetrs152,73.200,26.800,91.260,8.740,86.62,320,1.000,bicubic,-10.512,-5.354,-7
vit_base_patch32_384,73.130,26.870,91.240,8.760,88.30,384,1.000,bicubic,-10.220,-5.596,+1
cait_s24_224,73.070,26.930,91.130,8.870,46.92,224,1.000,bicubic,-10.382,-5.434,-4
resnetv2_152x2_bit_teacher_384,72.890,27.110,91.550,8.450,236.34,384,1.000,bicubic,-10.954,-5.568,-15
tf_efficientnet_b4_ap,72.890,27.110,90.980,9.020,19.34,380,0.922,bicubic,-10.358,-5.412,0
dm_nfnet_f0,72.880,27.120,91.080,8.920,71.49,256,0.900,bicubic,-10.506,-5.492,-4
regnety_032,72.770,27.230,90.950,9.050,19.44,288,1.000,bicubic,-9.954,-5.474,+13
nfnet_l0,72.610,27.390,91.010,8.990,35.07,288,1.000,bicubic,-10.140,-5.506,+11
pnasnet5large,72.610,27.390,90.510,9.490,86.06,331,0.911,bicubic,-10.172,-5.530,+9
twins_pcpvt_large,72.580,27.420,90.700,9.300,60.99,224,0.900,bicubic,-10.560,-5.898,-2
resnest101e,72.570,27.430,90.820,9.180,48.28,256,0.875,bilinear,-10.320,-5.500,+4
swsl_resnext50_32x4d,72.560,27.440,90.870,9.130,25.03,224,0.875,bilinear,-9.622,-5.360,+26
twins_svt_base,72.550,27.450,90.460,9.540,56.07,224,0.900,bicubic,-10.586,-5.958,-5
tresnet_xl_448,72.550,27.450,90.310,9.690,78.44,448,0.875,bilinear,-10.500,-5.864,-1
deit_base_patch16_384,72.530,27.470,90.250,9.750,86.86,384,1.000,bicubic,-10.576,-6.122,-5
resnetv2_50x3_bitm,72.530,27.470,91.760,8.240,217.32,448,1.000,bilinear,-11.484,-5.364,-31
resnet101d,72.410,27.590,90.650,9.350,44.57,320,1.000,bicubic,-10.612,-5.796,-4
tf_efficientnet_b4,72.290,27.710,90.590,9.410,19.34,380,0.922,bicubic,-10.732,-5.710,-4
tf_efficientnet_b2_ns,72.280,27.720,91.090,8.910,9.11,260,0.890,bicubic,-10.100,-5.158,+8
tresnet_m,72.270,27.730,90.240,9.760,31.39,224,0.875,bilinear,-10.810,-5.878,-9
resnetv2_50x1_bit_distilled,72.260,27.740,91.010,8.990,25.55,224,0.875,bicubic,-10.558,-5.512,-4
nasnetalarge,72.230,27.770,90.470,9.530,88.75,331,0.911,bicubic,-10.390,-5.576,+1
cait_xxs36_384,72.190,27.810,90.840,9.160,17.37,384,1.000,bicubic,-10.004,-5.308,+14
twins_pcpvt_base,72.180,27.820,90.510,9.490,43.83,224,0.900,bicubic,-10.528,-5.836,-3
eca_nfnet_l0,71.840,28.160,91.110,8.890,24.14,288,1.000,bicubic,-10.740,-5.380,0
swin_small_patch4_window7_224,71.740,28.260,90.240,9.760,49.61,224,0.900,bicubic,-11.472,-6.082,-19
swsl_resnet50,71.700,28.300,90.500,9.500,25.56,224,0.875,bilinear,-9.466,-5.472,+42
pit_b_224,71.700,28.300,89.250,10.750,73.76,224,0.900,bicubic,-10.746,-6.460,-1
tresnet_xl,71.660,28.340,89.630,10.370,78.44,224,0.875,bilinear,-10.394,-6.306,+12
convit_base,71.600,28.400,90.150,9.850,86.54,224,0.875,bicubic,-10.690,-5.788,+3
tresnet_l_448,71.600,28.400,90.050,9.950,55.99,448,0.875,bilinear,-10.668,-5.926,+4
ssl_resnext101_32x8d,71.500,28.500,90.460,9.540,88.79,224,0.875,bilinear,-10.116,-5.578,+20
ecaresnet101d,71.490,28.510,90.330,9.670,44.57,224,0.875,bicubic,-10.682,-5.716,+6
efficientnet_b3,71.480,28.520,90.060,9.940,12.23,320,1.000,bicubic,-10.762,-6.054,+2
resnet51q,71.430,28.570,90.180,9.820,35.70,288,1.000,bilinear,-10.930,-6.000,-7
ssl_resnext101_32x16d,71.410,28.590,90.560,9.440,194.03,224,0.875,bilinear,-10.434,-5.536,+10
pit_s_distilled_224,71.380,28.620,89.780,10.220,24.04,224,0.900,bicubic,-10.616,-6.018,+6
mixer_b16_224_miil,71.300,28.700,89.650,10.350,59.88,224,0.875,bilinear,-11.008,-6.066,-6
resnetv2_152x2_bit_teacher,71.290,28.710,90.430,9.570,236.34,224,0.875,bicubic,-11.572,-6.138,-23
ecaresnet50t,71.280,28.720,90.420,9.580,25.57,320,0.950,bicubic,-11.066,-5.718,-11
deit_base_patch16_224,71.170,28.830,89.200,10.800,86.57,224,0.900,bicubic,-10.828,-6.534,+1
resnetv2_101x1_bitm,71.010,28.990,91.090,8.910,44.54,448,1.000,bilinear,-11.322,-5.428,-12
visformer_small,71.010,28.990,89.460,10.540,40.22,224,0.900,bicubic,-11.096,-6.412,-3
tresnet_m_448,70.990,29.010,88.680,11.320,31.39,448,0.875,bilinear,-10.724,-6.892,+4
resnest50d_4s2x40d,70.950,29.050,89.710,10.290,30.42,224,0.875,bicubic,-10.158,-5.848,+27
wide_resnet50_2,70.950,29.050,89.230,10.770,68.88,224,0.875,bicubic,-10.506,-6.302,+12
tnt_s_patch16_224,70.930,29.070,89.600,10.400,23.76,224,0.900,bicubic,-10.588,-6.148,+7
vit_small_patch16_224,70.930,29.070,90.140,9.860,22.05,224,0.900,bicubic,-10.472,-5.994,+12
tf_efficientnet_b3_ap,70.920,29.080,89.430,10.570,12.23,300,0.904,bicubic,-10.902,-6.194,-2
tf_efficientnet_b1_ns,70.870,29.130,90.120,9.880,7.79,240,0.882,bicubic,-10.518,-5.618,+11
vit_large_patch32_384,70.860,29.140,90.570,9.430,306.63,384,1.000,bicubic,-10.646,-5.522,+5
rexnet_200,70.840,29.160,89.700,10.300,16.37,224,0.875,bicubic,-10.792,-5.968,-2
tresnet_l,70.840,29.160,89.630,10.370,55.99,224,0.875,bilinear,-10.650,-5.994,+3
resnetrs101,70.840,29.160,89.830,10.170,63.62,288,0.940,bicubic,-11.448,-6.178,-18
tf_efficientnetv2_b3,70.830,29.170,89.500,10.500,14.36,300,0.904,bicubic,-11.140,-6.282,-11
coat_lite_small,70.800,29.200,89.570,10.430,19.84,224,0.900,bicubic,-11.508,-6.280,-25
levit_384,70.750,29.250,89.300,10.700,39.13,224,0.900,bicubic,-11.836,-6.716,-33
tf_efficientnet_b3,70.640,29.360,89.440,10.560,12.23,300,0.904,bicubic,-10.996,-6.278,-8
cait_xxs24_384,70.600,29.400,89.720,10.280,12.03,384,1.000,bicubic,-10.366,-5.926,+20
gluon_senet154,70.600,29.400,88.920,11.080,115.09,224,0.875,bicubic,-10.634,-6.428,+8
convit_small,70.580,29.420,89.580,10.420,27.78,224,0.875,bicubic,-10.846,-6.164,-2
twins_pcpvt_small,70.550,29.450,89.070,10.930,24.11,224,0.900,bicubic,-10.538,-6.572,+12
ssl_resnext101_32x4d,70.530,29.470,89.760,10.240,44.18,224,0.875,bilinear,-10.394,-5.968,+17
deit_small_distilled_patch16_224,70.520,29.480,89.470,10.530,22.44,224,0.900,bicubic,-10.680,-5.908,+5
vit_small_r26_s32_224,70.520,29.480,90.110,9.890,36.43,224,0.900,bicubic,-11.338,-5.912,-20
legacy_senet154,70.500,29.500,89.010,10.990,115.09,224,0.875,bilinear,-10.810,-6.486,-1
twins_svt_small,70.440,29.560,89.360,10.640,24.06,224,0.900,bicubic,-11.242,-6.310,-18
gluon_seresnext101_64x4d,70.430,29.570,89.350,10.650,88.23,224,0.875,bicubic,-10.464,-5.958,+14
tf_efficientnet_lite4,70.430,29.570,89.110,10.890,13.01,380,0.920,bilinear,-11.106,-6.558,-16
resnest50d,70.410,29.590,88.760,11.240,27.48,224,0.875,bilinear,-10.564,-6.618,+8
resnest50d_1s4x24d,70.400,29.600,89.220,10.780,25.68,224,0.875,bicubic,-10.588,-6.102,+6
seresnext50_32x4d,70.400,29.600,89.110,10.890,27.56,224,0.875,bicubic,-10.866,-6.510,-5
gernet_l,70.350,29.650,88.980,11.020,31.08,256,0.875,bilinear,-11.004,-6.556,-10
gluon_resnet152_v1s,70.290,29.710,88.850,11.150,60.32,224,0.875,bicubic,-10.726,-6.562,+2
repvgg_b3,70.250,29.750,88.730,11.270,123.09,224,0.875,bilinear,-10.242,-6.530,+19
coat_mini,70.220,29.780,89.440,10.560,10.34,224,0.900,bicubic,-11.048,-5.952,-10
ecaresnet101d_pruned,70.130,29.870,89.590,10.410,24.88,224,0.875,bicubic,-10.688,-6.038,+7
efficientnet_el,70.120,29.880,89.290,10.710,10.59,300,0.904,bicubic,-11.196,-6.236,-14
inception_resnet_v2,70.120,29.880,88.700,11.300,55.84,299,0.897,bicubic,-10.338,-6.606,+20
resmlp_36_distilled_224,70.090,29.910,89.100,10.900,44.69,224,0.875,bicubic,-11.070,-6.388,-9
gluon_seresnext101_32x4d,70.010,29.990,88.900,11.100,48.96,224,0.875,bicubic,-10.894,-6.394,0
regnety_320,70.000,30.000,88.890,11.110,145.05,224,0.875,bicubic,-10.812,-6.354,+3
levit_256,69.970,30.030,89.250,10.750,18.89,224,0.900,bicubic,-11.540,-6.240,-28
gluon_resnet152_v1d,69.960,30.040,88.490,11.510,60.21,224,0.875,bicubic,-10.514,-6.716,+13
pit_s_224,69.890,30.110,88.930,11.070,23.46,224,0.900,bicubic,-11.204,-6.402,-12
ecaresnet50d,69.840,30.160,89.400,10.600,25.58,224,0.875,bicubic,-10.752,-5.920,+6
ssl_resnext50_32x4d,69.710,30.290,89.440,10.560,25.03,224,0.875,bilinear,-10.608,-5.966,+17
gluon_resnext101_64x4d,69.680,30.320,88.270,11.730,83.46,224,0.875,bicubic,-10.924,-6.718,+3
resmlp_24_distilled_224,69.680,30.320,89.050,10.950,30.02,224,0.875,bicubic,-11.086,-6.168,-3
efficientnet_b3_pruned,69.580,30.420,88.980,11.020,9.86,300,0.904,bicubic,-11.278,-6.262,-7
nf_resnet50,69.540,30.460,88.730,11.270,25.56,288,0.940,bicubic,-11.120,-6.606,-2
gernet_m,69.530,30.470,88.690,11.310,21.14,224,0.875,bilinear,-11.202,-6.494,-5
repvgg_b3g4,69.520,30.480,88.450,11.550,83.83,224,0.875,bilinear,-10.692,-6.660,+18
ens_adv_inception_resnet_v2,69.520,30.480,88.510,11.490,55.84,299,0.897,bicubic,-10.462,-6.428,+28
efficientnet_el_pruned,69.520,30.480,88.930,11.070,10.59,300,0.904,bicubic,-10.780,-6.098,+15
efficientnet_b2,69.500,30.500,88.680,11.320,9.11,288,1.000,bicubic,-11.112,-6.638,-6
rexnet_150,69.470,30.530,88.980,11.020,9.73,224,0.875,bicubic,-10.840,-6.186,+8
swin_tiny_patch4_window7_224,69.450,30.550,89.020,10.980,28.29,224,0.900,bicubic,-11.928,-6.520,-36
regnetx_320,69.440,30.560,88.270,11.730,107.81,224,0.875,bicubic,-10.806,-6.756,+12
vit_base_patch32_224,69.410,30.590,89.420,10.580,88.22,224,0.900,bicubic,-11.314,-6.148,-12
inception_v4,69.360,30.640,88.780,11.220,42.68,299,0.875,bicubic,-10.808,-6.188,+14
legacy_seresnext101_32x4d,69.360,30.640,88.070,11.930,48.96,224,0.875,bilinear,-10.868,-6.948,+10
ecaresnetlight,69.340,30.660,89.220,10.780,30.16,224,0.875,bicubic,-11.122,-6.030,-5
resnet50d,69.330,30.670,88.220,11.780,25.58,224,0.875,bicubic,-11.200,-6.940,-11
xception71,69.320,30.680,88.260,11.740,42.34,299,0.903,bicubic,-10.554,-6.662,+23
vit_small_patch32_384,69.290,30.710,89.820,10.180,22.92,384,1.000,bicubic,-11.190,-5.778,-11
gluon_xception65,69.160,30.840,88.090,11.910,39.92,299,0.903,bicubic,-10.556,-6.770,+33
gluon_resnet152_v1c,69.140,30.860,87.870,12.130,60.21,224,0.875,bicubic,-10.770,-6.970,+17
mixnet_xl,69.100,30.900,88.310,11.690,11.90,224,0.875,bicubic,-11.376,-6.626,-13
tf_efficientnetv2_b2,69.090,30.910,88.220,11.780,10.10,260,0.890,bicubic,-11.118,-6.822,+4
gluon_resnet101_v1d,69.010,30.990,88.100,11.900,44.57,224,0.875,bicubic,-11.404,-6.914,-11
repvgg_b2g4,69.000,31.000,88.360,11.640,61.76,224,0.875,bilinear,-10.366,-6.328,+41
seresnet50,68.980,31.020,88.710,11.290,28.09,224,0.875,bicubic,-11.294,-6.360,-4
xception65,68.980,31.020,88.480,11.520,39.92,299,0.903,bicubic,-10.572,-6.174,+32
gluon_resnext101_32x4d,68.960,31.040,88.360,11.640,44.18,224,0.875,bicubic,-11.374,-6.566,-12
tf_efficientnet_b2_ap,68.920,31.080,88.350,11.650,9.11,260,0.890,bicubic,-11.380,-6.868,-9
cspdarknet53,68.890,31.110,88.600,11.400,27.64,256,0.887,bilinear,-11.168,-6.484,+2
regnety_120,68.850,31.150,88.330,11.670,51.82,224,0.875,bicubic,-11.516,-6.796,-17
gluon_resnet152_v1b,68.820,31.180,87.710,12.290,60.19,224,0.875,bicubic,-10.866,-7.026,+22
dpn131,68.770,31.230,87.470,12.530,79.25,224,0.875,bicubic,-11.052,-7.240,+13
cspresnext50,68.760,31.240,87.950,12.050,20.57,224,0.875,bilinear,-11.280,-6.994,-1
tf_efficientnet_b2,68.750,31.250,87.990,12.010,9.11,260,0.890,bicubic,-11.336,-6.918,-4
resnext50d_32x4d,68.740,31.260,88.300,11.700,25.05,224,0.875,bicubic,-10.936,-6.566,+19
deit_small_patch16_224,68.720,31.280,88.200,11.800,22.05,224,0.900,bicubic,-11.136,-6.852,+5
gluon_resnet101_v1s,68.710,31.290,87.910,12.090,44.67,224,0.875,bicubic,-11.592,-7.250,-19
regnety_080,68.700,31.300,87.970,12.030,39.18,224,0.875,bicubic,-11.176,-6.860,+1
dpn107,68.690,31.310,88.130,11.870,86.92,224,0.875,bicubic,-11.466,-6.780,-11
gluon_seresnext50_32x4d,68.670,31.330,88.310,11.690,27.56,224,0.875,bicubic,-11.248,-6.512,-5
hrnet_w64,68.640,31.360,88.050,11.950,128.06,224,0.875,bilinear,-10.834,-6.602,+20
resnext50_32x4d,68.640,31.360,87.570,12.430,25.03,224,0.875,bicubic,-11.128,-7.028,+6
dpn98,68.590,31.410,87.680,12.320,61.57,224,0.875,bicubic,-11.052,-6.918,+12
regnetx_160,68.530,31.470,88.450,11.550,54.28,224,0.875,bicubic,-11.326,-6.380,-2
cspresnet50,68.460,31.540,88.010,11.990,21.62,256,0.887,bilinear,-11.114,-6.702,+12
rexnet_130,68.450,31.550,88.040,11.960,7.56,224,0.875,bicubic,-11.050,-6.642,+14
tf_efficientnet_el,68.420,31.580,88.210,11.790,10.59,300,0.904,bicubic,-11.830,-6.918,-27
ecaresnet50d_pruned,68.420,31.580,88.370,11.630,19.94,224,0.875,bicubic,-11.296,-6.510,+4
regnety_064,68.420,31.580,88.080,11.920,30.58,224,0.875,bicubic,-11.302,-6.688,+2
ssl_resnet50,68.410,31.590,88.560,11.440,25.56,224,0.875,bilinear,-10.812,-6.272,+26
cait_xxs36_224,68.410,31.590,88.630,11.370,17.30,224,1.000,bicubic,-11.340,-6.236,-1
skresnext50_32x4d,68.350,31.650,87.570,12.430,27.48,224,0.875,bicubic,-11.806,-7.072,-23
dla102x2,68.330,31.670,87.890,12.110,41.28,224,0.875,bilinear,-11.118,-6.750,+10
efficientnet_b2_pruned,68.320,31.680,88.100,11.900,8.31,260,0.890,bicubic,-11.596,-6.756,-18
resmlp_big_24_224,68.320,31.680,87.520,12.480,129.14,224,0.875,bicubic,-12.708,-7.502,-68
gluon_resnext50_32x4d,68.310,31.690,87.300,12.700,25.03,224,0.875,bicubic,-11.044,-7.126,+10
ecaresnet26t,68.230,31.770,88.790,11.210,16.01,320,0.950,bicubic,-11.624,-6.294,-14
tf_efficientnet_lite3,68.230,31.770,87.740,12.260,8.20,300,0.904,bilinear,-11.590,-7.174,-12
ese_vovnet39b,68.210,31.790,88.250,11.750,24.57,224,0.875,bicubic,-11.110,-6.462,+8
regnetx_120,68.150,31.850,87.660,12.340,46.11,224,0.875,bicubic,-11.446,-7.078,-4
resmlp_36_224,68.080,31.920,88.190,11.810,44.69,224,0.875,bicubic,-11.690,-6.696,-14
resnetrs50,68.030,31.970,87.710,12.290,35.69,224,0.910,bicubic,-11.862,-7.258,-24
pit_xs_distilled_224,68.020,31.980,87.720,12.280,11.00,224,0.900,bicubic,-11.286,-6.644,+8
dpn92,67.990,32.010,87.580,12.420,37.67,224,0.875,bicubic,-12.018,-7.256,-31
nf_regnet_b1,67.960,32.040,88.200,11.800,10.22,288,0.900,bicubic,-11.332,-6.548,+8
gluon_resnet50_v1d,67.940,32.060,87.130,12.870,25.58,224,0.875,bicubic,-11.134,-7.340,+19
resnetv2_50x1_bitm,67.920,32.080,89.300,10.700,25.55,448,1.000,bilinear,-12.422,-6.384,-53
levit_192,67.900,32.100,87.890,12.110,10.95,224,0.900,bicubic,-11.942,-6.896,-24
tf_efficientnetv2_b1,67.890,32.110,87.800,12.200,8.14,240,0.882,bicubic,-11.572,-6.922,-7
regnetx_080,67.880,32.120,86.990,13.010,39.57,224,0.875,bicubic,-11.314,-7.570,+12
resnext101_32x8d,67.860,32.140,87.490,12.510,88.79,224,0.875,bilinear,-11.448,-7.028,-3
legacy_seresnext50_32x4d,67.840,32.160,87.620,12.380,27.56,224,0.875,bilinear,-11.238,-6.816,+11
efficientnet_em,67.840,32.160,88.120,11.880,6.90,240,0.882,bicubic,-11.412,-6.674,+4
resmlp_24_224,67.810,32.190,87.610,12.390,30.02,224,0.875,bicubic,-11.564,-6.936,-10
hrnet_w48,67.770,32.230,87.420,12.580,77.47,224,0.875,bilinear,-11.530,-7.092,-3
hrnet_w44,67.740,32.260,87.560,12.440,67.06,224,0.875,bilinear,-11.156,-6.808,+15
coat_lite_mini,67.720,32.280,87.700,12.300,11.01,224,0.900,bicubic,-11.368,-6.904,+6
tf_efficientnet_b0_ns,67.710,32.290,88.070,11.930,5.29,224,0.875,bicubic,-10.948,-6.306,+23
regnetx_064,67.680,32.320,87.520,12.480,26.21,224,0.875,bicubic,-11.392,-6.938,+7
xception,67.650,32.350,87.570,12.430,22.86,299,0.897,bicubic,-11.402,-6.822,+7
dpn68b,67.630,32.370,87.660,12.340,12.61,224,0.875,bicubic,-11.586,-6.754,-2
dla169,67.610,32.390,87.590,12.410,53.39,224,0.875,bilinear,-11.078,-6.746,+17
gluon_inception_v3,67.590,32.410,87.470,12.530,23.83,299,0.875,bicubic,-11.216,-6.900,+11
gluon_resnet101_v1c,67.580,32.420,87.180,12.820,44.57,224,0.875,bicubic,-11.954,-7.398,-25
regnety_040,67.580,32.420,87.510,12.490,20.65,224,0.875,bicubic,-11.640,-7.146,-7
res2net50_26w_8s,67.570,32.430,87.280,12.720,48.40,224,0.875,bilinear,-11.628,-7.088,-6
hrnet_w40,67.560,32.440,87.140,12.860,57.56,224,0.875,bilinear,-11.360,-7.330,+3
legacy_seresnet152,67.520,32.480,87.390,12.610,66.82,224,0.875,bilinear,-11.140,-6.980,+12
tf_efficientnet_b1_ap,67.520,32.480,87.760,12.240,7.79,240,0.882,bicubic,-11.760,-6.546,-14
efficientnet_b1,67.470,32.530,87.510,12.490,7.79,256,1.000,bicubic,-11.324,-6.832,+5
gluon_resnet101_v1b,67.460,32.540,87.240,12.760,44.55,224,0.875,bicubic,-11.846,-7.284,-21
tf_efficientnet_cc_b1_8e,67.450,32.550,87.310,12.690,39.72,240,0.882,bicubic,-11.858,-7.060,-23
res2net101_26w_4s,67.440,32.560,87.010,12.990,45.21,224,0.875,bilinear,-11.758,-7.422,-12
resnet50,67.440,32.560,87.420,12.580,25.56,224,0.875,bicubic,-11.598,-6.970,-6
resnetblur50,67.430,32.570,87.440,12.560,25.56,224,0.875,bicubic,-11.856,-7.198,-21
cait_xxs24_224,67.330,32.670,87.510,12.490,11.96,224,1.000,bicubic,-11.056,-6.800,+18
regnetx_032,67.290,32.710,87.000,13.000,15.30,224,0.875,bicubic,-10.882,-7.088,+27
xception41,67.250,32.750,87.200,12.800,26.97,299,0.903,bicubic,-11.266,-7.078,+4
coat_tiny,67.250,32.750,87.340,12.660,5.50,224,0.900,bicubic,-11.184,-6.698,+13
resnest26d,67.200,32.800,87.170,12.830,17.07,224,0.875,bilinear,-11.278,-7.128,+7
repvgg_b2,67.160,32.840,87.330,12.670,89.02,224,0.875,bilinear,-11.632,-7.084,-6
legacy_seresnet101,67.160,32.840,87.060,12.940,49.33,224,0.875,bilinear,-11.222,-7.204,+14
dla60x,67.100,32.900,87.190,12.810,17.35,224,0.875,bilinear,-11.146,-6.828,+16
gluon_resnet50_v1s,67.060,32.940,86.860,13.140,25.68,224,0.875,bicubic,-11.652,-7.378,-6
tv_resnet152,67.050,32.950,87.550,12.450,60.19,224,0.875,bilinear,-11.262,-6.488,+13
dla60_res2net,67.020,32.980,87.160,12.840,20.85,224,0.875,bilinear,-11.444,-7.046,+2
dla102x,67.010,32.990,86.770,13.230,26.31,224,0.875,bilinear,-11.500,-7.458,-3
mixnet_l,66.940,33.060,86.910,13.090,7.33,224,0.875,bicubic,-12.036,-7.272,-19
pit_xs_224,66.920,33.080,87.280,12.720,10.62,224,0.900,bicubic,-11.262,-6.888,+14
res2net50_26w_6s,66.910,33.090,86.860,13.140,37.05,224,0.875,bilinear,-11.660,-7.264,-8
repvgg_b1,66.900,33.100,86.780,13.220,57.42,224,0.875,bilinear,-11.466,-7.318,+5
tf_efficientnet_b1,66.880,33.120,87.010,12.990,7.79,240,0.882,bicubic,-11.946,-7.188,-20
efficientnet_es,66.880,33.120,86.730,13.270,5.44,224,0.875,bicubic,-11.186,-7.196,+16
regnetx_040,66.840,33.160,86.730,13.270,22.12,224,0.875,bicubic,-11.642,-7.514,-8
hrnet_w30,66.780,33.220,86.800,13.200,37.71,224,0.875,bilinear,-11.426,-7.422,+7
tf_mixnet_l,66.780,33.220,86.470,13.530,7.33,224,0.875,bicubic,-11.994,-7.528,-19
selecsls60b,66.760,33.240,86.530,13.470,32.77,224,0.875,bicubic,-11.652,-7.644,-4
hrnet_w32,66.750,33.250,87.300,12.700,41.23,224,0.875,bilinear,-11.700,-6.886,-9
wide_resnet101_2,66.730,33.270,87.030,12.970,126.89,224,0.875,bilinear,-12.126,-7.252,-27
tf_efficientnetv2_b0,66.700,33.300,86.710,13.290,7.14,224,0.875,bicubic,-11.656,-7.314,-3
adv_inception_v3,66.650,33.350,86.540,13.460,23.83,299,0.875,bicubic,-10.932,-7.196,+26
dla60_res2next,66.640,33.360,87.030,12.970,17.03,224,0.875,bilinear,-11.800,-7.122,-12
vit_tiny_patch16_384,66.610,33.390,87.260,12.740,5.79,384,1.000,bicubic,-11.820,-7.282,-11
gluon_resnet50_v1c,66.560,33.440,86.180,13.820,25.58,224,0.875,bicubic,-11.452,-7.808,+7
levit_128,66.550,33.450,86.750,13.250,9.21,224,0.900,bicubic,-11.936,-7.260,-20
dla102,66.540,33.460,86.910,13.090,33.27,224,0.875,bilinear,-11.492,-7.036,+4
gmixer_24_224,66.420,33.580,86.150,13.850,24.72,224,0.875,bicubic,-11.616,-7.514,+2
tf_inception_v3,66.410,33.590,86.660,13.340,23.83,299,0.875,bicubic,-11.452,-6.980,+11
hardcorenas_f,66.370,33.630,86.200,13.800,8.20,224,0.875,bilinear,-11.734,-7.602,-2
coat_lite_tiny,66.290,33.710,86.980,13.020,5.72,224,0.900,bicubic,-11.222,-6.936,+20
efficientnet_b0,66.290,33.710,85.960,14.040,5.29,224,0.875,bicubic,-11.408,-7.572,+11
legacy_seresnet50,66.250,33.750,86.330,13.670,28.09,224,0.875,bilinear,-11.380,-7.418,+11
selecsls60,66.210,33.790,86.340,13.660,30.67,224,0.875,bicubic,-11.772,-7.488,0
tf_efficientnet_em,66.180,33.820,86.360,13.640,6.90,240,0.882,bicubic,-11.950,-7.684,-8
tv_resnext50_32x4d,66.180,33.820,86.040,13.960,25.03,224,0.875,bilinear,-11.440,-7.656,+9
tf_efficientnet_cc_b0_8e,66.170,33.830,86.240,13.760,24.01,224,0.875,bicubic,-11.738,-7.414,+1
inception_v3,66.160,33.840,86.320,13.680,23.83,299,0.875,bicubic,-11.278,-7.154,+15
res2net50_26w_4s,66.140,33.860,86.600,13.400,25.70,224,0.875,bilinear,-11.824,-7.254,-4
resmlp_12_distilled_224,66.130,33.870,86.630,13.370,15.35,224,0.875,bicubic,-11.814,-6.928,-4
efficientnet_b1_pruned,66.090,33.910,86.570,13.430,6.33,240,0.882,bicubic,-12.146,-7.264,-19
gluon_resnet50_v1b,66.070,33.930,86.260,13.740,25.56,224,0.875,bicubic,-11.510,-7.456,+7
rexnet_100,66.070,33.930,86.490,13.510,4.80,224,0.875,bicubic,-11.788,-7.380,-2
regnety_016,66.060,33.940,86.380,13.620,11.20,224,0.875,bicubic,-11.802,-7.340,-5
res2net50_14w_8s,66.020,33.980,86.250,13.750,25.06,224,0.875,bilinear,-12.130,-7.598,-19
seresnext26t_32x4d,65.880,34.120,85.680,14.320,16.81,224,0.875,bicubic,-12.106,-8.066,-13
repvgg_b1g4,65.850,34.150,86.120,13.880,39.97,224,0.875,bilinear,-11.744,-7.706,0
res2next50,65.850,34.150,85.840,14.160,24.67,224,0.875,bilinear,-12.396,-8.052,-27
densenet161,65.840,34.160,86.450,13.550,28.68,224,0.875,bicubic,-11.518,-7.188,+7
hardcorenas_e,65.840,34.160,85.980,14.020,8.07,224,0.875,bilinear,-11.954,-7.714,-8
resnet34d,65.780,34.220,86.710,13.290,21.82,224,0.875,bicubic,-11.336,-6.672,+11
mobilenetv3_large_100_miil,65.760,34.240,85.200,14.800,5.48,224,0.875,bilinear,-12.156,-7.710,-15
skresnet34,65.750,34.250,85.960,14.040,22.28,224,0.875,bicubic,-11.162,-7.362,+17
tv_resnet101,65.690,34.310,85.980,14.020,44.55,224,0.875,bilinear,-11.684,-7.560,+1
hardcorenas_d,65.630,34.370,85.460,14.540,7.50,224,0.875,bilinear,-11.802,-8.024,-1
selecsls42b,65.610,34.390,85.810,14.190,32.46,224,0.875,bicubic,-11.564,-7.580,+5
tf_efficientnet_b0_ap,65.490,34.510,85.580,14.420,5.29,224,0.875,bicubic,-11.596,-7.676,+7
seresnext26d_32x4d,65.410,34.590,85.970,14.030,16.81,224,0.875,bicubic,-12.192,-7.638,-12
tf_efficientnet_lite2,65.380,34.620,85.990,14.010,6.09,260,0.890,bicubic,-12.088,-7.764,-7
res2net50_48w_2s,65.350,34.650,85.960,14.040,25.29,224,0.875,bilinear,-12.172,-7.594,-10
densenet201,65.290,34.710,85.690,14.310,20.01,224,0.875,bicubic,-11.996,-7.788,-3
densenetblur121d,65.280,34.720,85.710,14.290,8.00,224,0.875,bicubic,-11.308,-7.482,+17
dla60,65.200,34.800,85.760,14.240,22.04,224,0.875,bilinear,-11.832,-7.558,+3
ese_vovnet19b_dw,65.190,34.810,85.470,14.530,6.54,224,0.875,bicubic,-11.608,-7.798,+8
tf_efficientnet_cc_b0_4e,65.150,34.850,85.160,14.840,13.31,224,0.875,bicubic,-12.156,-8.174,-8
gernet_s,65.120,34.880,85.510,14.490,8.17,224,0.875,bilinear,-11.796,-7.622,+3
legacy_seresnext26_32x4d,65.050,34.950,85.660,14.340,16.79,224,0.875,bicubic,-12.054,-7.656,-4
mobilenetv2_120d,65.030,34.970,85.960,14.040,5.83,224,0.875,bicubic,-12.254,-7.532,-9
hrnet_w18,64.920,35.080,85.740,14.260,21.30,224,0.875,bilinear,-11.838,-7.704,+4
hardcorenas_c,64.860,35.140,85.250,14.750,5.52,224,0.875,bilinear,-12.194,-7.908,-5
densenet169,64.760,35.240,85.240,14.760,14.15,224,0.875,bicubic,-11.146,-7.786,+20
mixnet_m,64.700,35.300,85.450,14.550,5.01,224,0.875,bicubic,-12.560,-7.974,-12
resnet26d,64.680,35.320,85.120,14.880,16.01,224,0.875,bicubic,-12.016,-8.030,+1
levit_128s,64.610,35.390,84.730,15.270,7.78,224,0.900,bicubic,-11.920,-8.136,+7
repvgg_a2,64.450,35.550,85.130,14.870,28.21,224,0.875,bilinear,-12.010,-7.874,+8
hardcorenas_b,64.420,35.580,84.870,15.130,5.18,224,0.875,bilinear,-12.118,-7.884,+4
tf_efficientnet_lite1,64.380,35.620,85.470,14.530,5.42,240,0.882,bicubic,-12.262,-7.756,-2
regnetx_016,64.380,35.620,85.470,14.530,9.19,224,0.875,bicubic,-12.570,-7.950,-10
resmlp_12_224,64.350,35.650,85.580,14.420,15.35,224,0.875,bicubic,-12.304,-7.600,-4
tf_efficientnet_b0,64.310,35.690,85.280,14.720,5.29,224,0.875,bicubic,-12.538,-7.948,-9
tf_mixnet_m,64.270,35.730,85.090,14.910,5.01,224,0.875,bicubic,-12.672,-8.062,-13
dpn68,64.230,35.770,85.180,14.820,12.61,224,0.875,bicubic,-12.088,-7.798,+2
tf_efficientnet_es,64.230,35.770,84.740,15.260,5.44,224,0.875,bicubic,-12.364,-8.462,-5
regnety_008,64.160,35.840,85.270,14.730,6.26,224,0.875,bicubic,-12.156,-7.796,+1
vit_small_patch32_224,64.070,35.930,85.560,14.440,22.88,224,0.900,bicubic,-11.920,-7.712,+3
mobilenetv2_140,64.060,35.940,85.040,14.960,6.11,224,0.875,bicubic,-12.456,-7.956,-4
densenet121,63.750,36.250,84.590,15.410,7.98,224,0.875,bicubic,-11.828,-8.062,+8
hardcorenas_a,63.710,36.290,84.400,15.600,5.26,224,0.875,bilinear,-12.206,-8.114,+2
resnest14d,63.590,36.410,84.250,15.750,10.61,224,0.875,bilinear,-11.916,-8.268,+8
tf_mixnet_s,63.560,36.440,84.270,15.730,4.13,224,0.875,bicubic,-12.090,-8.358,+3
resnet26,63.470,36.530,84.260,15.740,16.00,224,0.875,bicubic,-11.822,-8.310,+10
mixnet_s,63.390,36.610,84.740,15.260,4.13,224,0.875,bicubic,-12.602,-8.056,-5
mobilenetv3_large_100,63.360,36.640,84.090,15.910,5.48,224,0.875,bicubic,-12.406,-8.452,-1
vit_tiny_r_s16_p8_384,63.340,36.660,85.280,14.720,6.36,384,1.000,bicubic,-12.612,-7.980,-5
efficientnet_es_pruned,63.330,36.670,84.950,15.050,5.44,224,0.875,bicubic,-11.670,-7.498,+14
tv_resnet50,63.330,36.670,84.640,15.360,25.56,224,0.875,bilinear,-12.808,-8.224,-10
mixer_b16_224,63.280,36.720,83.310,16.690,59.88,224,0.875,bicubic,-13.322,-8.918,-20
efficientnet_lite0,63.240,36.760,84.440,15.560,4.65,224,0.875,bicubic,-12.244,-8.070,0
mobilenetv3_rw,63.220,36.780,84.510,15.490,5.48,224,0.875,bicubic,-12.414,-8.198,-5
pit_ti_distilled_224,63.150,36.850,83.960,16.040,5.10,224,0.900,bicubic,-11.380,-8.136,+16
semnasnet_100,63.150,36.850,84.520,15.480,3.89,224,0.875,bicubic,-12.298,-8.084,-1
regnety_006,63.110,36.890,84.250,15.750,6.06,224,0.875,bicubic,-12.136,-8.282,0
vit_tiny_patch16_224,63.110,36.890,84.850,15.150,5.72,224,0.900,bicubic,-12.344,-7.998,-4
tv_densenet121,62.940,37.060,84.250,15.750,7.98,224,0.875,bicubic,-11.798,-7.900,+8
resnet34,62.870,37.130,84.140,15.860,21.80,224,0.875,bilinear,-12.240,-8.144,+1
legacy_seresnet34,62.850,37.150,84.210,15.790,21.96,224,0.875,bilinear,-11.958,-7.914,+5
mobilenetv2_110d,62.830,37.170,84.500,15.500,4.52,224,0.875,bicubic,-12.206,-7.686,+1
deit_tiny_distilled_patch16_224,62.810,37.190,83.930,16.070,5.91,224,0.900,bicubic,-11.700,-7.960,+9
hrnet_w18_small_v2,62.800,37.200,83.980,16.020,15.60,224,0.875,bilinear,-12.314,-8.436,-4
swsl_resnet18,62.760,37.240,84.300,15.700,11.69,224,0.875,bilinear,-10.516,-7.434,+16
repvgg_b0,62.720,37.280,83.860,16.140,15.82,224,0.875,bilinear,-12.432,-8.558,-8
gluon_resnet34_v1b,62.570,37.430,83.990,16.010,21.80,224,0.875,bicubic,-12.018,-8.000,+3
tf_efficientnet_lite0,62.550,37.450,84.220,15.780,4.65,224,0.875,bicubic,-12.280,-7.956,-3
regnetx_008,62.490,37.510,84.020,15.980,7.26,224,0.875,bicubic,-12.548,-8.316,-7
dla34,62.480,37.520,83.910,16.090,15.74,224,0.875,bilinear,-12.150,-8.168,-1
tf_mobilenetv3_large_100,62.460,37.540,83.970,16.030,5.48,224,0.875,bilinear,-13.058,-8.636,-20
fbnetc_100,62.440,37.560,83.380,16.620,5.57,224,0.875,bilinear,-12.684,-9.006,-13
mnasnet_100,61.900,38.100,83.710,16.290,4.38,224,0.875,bicubic,-12.758,-8.404,-5
regnety_004,61.870,38.130,83.430,16.570,4.34,224,0.875,bicubic,-12.164,-8.322,+1
vgg19_bn,61.860,38.140,83.450,16.550,143.68,224,0.875,bilinear,-12.354,-8.392,-2
convit_tiny,61.590,38.410,84.120,15.880,5.71,224,0.875,bicubic,-11.526,-7.594,+6
ssl_resnet18,61.480,38.520,83.300,16.700,11.69,224,0.875,bilinear,-11.130,-8.116,+9
regnetx_006,61.350,38.650,83.450,16.550,6.20,224,0.875,bicubic,-12.502,-8.222,-1
spnasnet_100,61.220,38.780,82.790,17.210,4.42,224,0.875,bilinear,-12.864,-9.028,-5
tv_resnet34,61.190,38.810,82.710,17.290,21.80,224,0.875,bilinear,-12.122,-8.716,0
pit_ti_224,60.980,39.020,83.860,16.140,4.85,224,0.900,bicubic,-11.932,-7.542,+4
skresnet18,60.860,39.140,82.880,17.120,11.96,224,0.875,bicubic,-12.178,-8.288,+1
ghostnet_100,60.830,39.170,82.360,17.640,5.18,224,0.875,bilinear,-13.148,-9.096,-7
vgg16_bn,60.760,39.240,82.950,17.050,138.37,224,0.875,bilinear,-12.590,-8.556,-5
tf_mobilenetv3_large_075,60.400,39.600,81.950,18.050,3.99,224,0.875,bilinear,-13.038,-9.400,-7
mobilenetv2_100,60.190,39.810,82.240,17.760,3.50,224,0.875,bicubic,-12.780,-8.776,-2
resnet18d,60.160,39.840,82.300,17.700,11.71,224,0.875,bicubic,-12.100,-8.396,+3
deit_tiny_patch16_224,59.830,40.170,82.670,17.330,5.72,224,0.900,bicubic,-12.338,-8.448,+4
legacy_seresnet18,59.800,40.200,81.690,18.310,11.78,224,0.875,bicubic,-11.942,-8.644,+6
vgg19,59.710,40.290,81.450,18.550,143.67,224,0.875,bilinear,-12.658,-9.422,-2
regnetx_004,59.410,40.590,81.690,18.310,5.16,224,0.875,bicubic,-12.986,-9.140,-4
tf_mobilenetv3_large_minimal_100,59.070,40.930,81.150,18.850,3.92,224,0.875,bilinear,-13.178,-9.480,-1
vit_tiny_r_s16_p8_224,59.070,40.930,81.760,18.240,6.34,224,0.900,bicubic,-12.718,-9.068,+1
vgg13_bn,59.000,41.000,81.070,18.930,133.05,224,0.875,bilinear,-12.594,-9.306,+2
hrnet_w18_small,58.950,41.050,81.340,18.660,13.19,224,0.875,bilinear,-13.392,-9.338,-6
vgg16,58.830,41.170,81.660,18.340,138.36,224,0.875,bilinear,-12.764,-8.722,+1
gluon_resnet18_v1b,58.340,41.660,80.970,19.030,11.69,224,0.875,bicubic,-12.496,-8.792,+1
vgg11_bn,57.410,42.590,80.020,19.980,132.87,224,0.875,bilinear,-12.950,-9.782,+1
resnet18,57.170,42.830,80.200,19.800,11.69,224,0.875,bilinear,-12.578,-8.878,+3
vgg13,57.150,42.850,79.540,20.460,133.05,224,0.875,bilinear,-12.776,-9.706,+1
regnety_002,57.000,43.000,79.840,20.160,3.16,224,0.875,bicubic,-13.252,-9.700,-1
mixer_l16_224,56.690,43.310,75.990,24.010,208.20,224,0.875,bicubic,-15.368,-11.678,-9
regnetx_002,56.050,43.950,79.210,20.790,2.68,224,0.875,bicubic,-12.712,-9.346,+1
dla60x_c,56.000,44.000,78.930,21.070,1.32,224,0.875,bilinear,-11.892,-9.496,+2
vgg11,55.800,44.200,78.830,21.170,132.86,224,0.875,bilinear,-13.224,-9.798,-2
tf_mobilenetv3_small_100,54.530,45.470,77.060,22.940,2.54,224,0.875,bilinear,-13.392,-10.604,-1
dla46x_c,53.050,46.950,76.870,23.130,1.07,224,0.875,bilinear,-12.920,-10.110,0
tf_mobilenetv3_small_075,52.160,47.840,75.470,24.530,2.04,224,0.875,bilinear,-13.556,-10.660,0
dla46_c,52.130,47.870,75.690,24.310,1.30,224,0.875,bilinear,-12.736,-10.602,0
tf_mobilenetv3_small_minimal_100,49.500,50.500,73.050,26.950,2.04,224,0.875,bilinear,-13.406,-11.180,0
beit_large_patch16_512,80.770,19.230,95.860,4.140,305.67,512,1.000,bicubic,-7.814,-2.800,0
tf_efficientnet_l2_ns_475,80.500,19.500,95.630,4.370,480.31,475,0.936,bicubic,-7.738,-2.920,+2
beit_large_patch16_384,80.280,19.720,95.610,4.390,305.00,384,1.000,bicubic,-8.102,-2.998,-1
tf_efficientnet_l2_ns,80.100,19.900,95.860,4.140,480.31,800,0.960,bicubic,-8.246,-2.794,-1
beit_large_patch16_224,79.340,20.660,94.940,5.060,304.43,224,0.900,bicubic,-8.136,-3.378,0
swin_large_patch4_window12_384,78.310,21.690,94.410,5.590,196.74,384,1.000,bicubic,-8.840,-3.828,0
tf_efficientnet_b7_ns,77.850,22.150,94.310,5.690,66.35,600,0.949,bicubic,-8.980,-3.774,+1
vit_large_patch16_384,77.810,22.190,94.290,5.710,304.72,384,1.000,bicubic,-9.282,-4.016,-1
beit_base_patch16_384,77.780,22.220,94.330,5.670,86.74,384,1.000,bicubic,-9.028,-3.810,0
swin_base_patch4_window12_384,77.350,22.650,94.330,5.670,87.90,384,1.000,bicubic,-9.086,-3.736,+2
swin_large_patch4_window7_224,77.050,22.950,93.670,6.330,196.53,224,0.900,bicubic,-9.266,-4.220,+3
tf_efficientnet_b6_ns,77.050,22.950,93.790,6.210,43.04,528,0.942,bicubic,-9.396,-4.090,-1
vit_large_r50_s32_384,76.900,23.100,93.680,6.320,329.09,384,1.000,bicubic,-9.280,-4.244,+3
cait_m48_448,76.870,23.130,93.420,6.580,356.46,448,1.000,bicubic,-9.624,-4.330,-4
ig_resnext101_32x48d,76.780,23.220,93.410,6.590,828.41,224,0.875,bilinear,-8.650,-4.172,+17
xcit_large_24_p8_384_dist,76.750,23.250,93.090,6.910,188.93,384,1.000,bicubic,-9.246,-4.598,+5
ig_resnext101_32x32d,76.740,23.260,93.180,6.820,468.53,224,0.875,bilinear,-8.354,-4.258,+26
tf_efficientnet_b5_ns,76.700,23.300,93.510,6.490,30.39,456,0.934,bicubic,-9.376,-4.242,0
tf_efficientnetv2_l_in21ft1k,76.600,23.400,93.760,6.240,118.52,480,1.000,bicubic,-9.692,-4.224,-4
tf_efficientnetv2_xl_in21ft1k,76.570,23.430,93.120,6.880,208.12,512,1.000,bicubic,-9.834,-4.748,-7
cait_m36_384,76.280,23.720,93.040,6.960,271.22,384,1.000,bicubic,-9.776,-4.690,-2
xcit_medium_24_p8_384_dist,76.250,23.750,92.960,7.040,84.32,384,1.000,bicubic,-9.570,-4.634,+1
vit_base_patch16_384,76.160,23.840,93.600,6.400,86.86,384,1.000,bicubic,-9.840,-4.406,-3
vit_large_patch16_224,76.150,23.850,93.470,6.530,304.33,224,0.900,bicubic,-9.688,-4.356,-2
tf_efficientnetv2_l,76.070,23.930,92.960,7.040,118.52,480,1.000,bicubic,-9.432,-4.410,+5
xcit_large_24_p8_224_dist,76.060,23.940,92.700,7.300,188.93,224,1.000,bicubic,-9.340,-4.716,+9
cait_s36_384,76.020,23.980,92.920,7.080,68.37,384,1.000,bicubic,-9.434,-4.562,+4
tf_efficientnet_b7_ap,75.990,24.010,92.930,7.070,66.35,600,0.949,bicubic,-9.130,-4.320,+13
tf_efficientnet_b8_ap,75.970,24.030,92.650,7.350,87.41,672,0.954,bicubic,-9.404,-4.648,+7
xcit_large_24_p16_384_dist,75.840,24.160,92.790,7.210,189.10,384,1.000,bicubic,-9.930,-4.744,-5
tf_efficientnetv2_m_in21ft1k,75.830,24.170,93.170,6.830,54.14,480,1.000,bicubic,-9.768,-4.582,-4
xcit_small_24_p8_384_dist,75.800,24.200,92.960,7.040,47.63,384,1.000,bicubic,-9.766,-4.616,-4
dm_nfnet_f6,75.790,24.210,93.020,6.980,438.36,576,0.956,bicubic,-10.340,-4.720,-16
beit_base_patch16_224,75.680,24.320,93.420,6.580,86.53,224,0.900,bicubic,-9.560,-4.234,+5
ig_resnext101_32x16d,75.670,24.330,92.940,7.060,194.03,224,0.875,bilinear,-8.496,-4.256,+43
xcit_medium_24_p8_224_dist,75.580,24.420,92.810,7.190,84.32,224,1.000,bicubic,-9.488,-4.466,+9
swin_base_patch4_window7_224,75.570,24.430,93.250,6.750,87.77,224,0.900,bicubic,-9.698,-4.308,+1
tf_efficientnet_b4_ns,75.500,24.500,92.860,7.140,19.34,380,0.922,bicubic,-9.650,-4.610,+2
swsl_resnext101_32x8d,75.480,24.520,92.680,7.320,88.79,224,0.875,bilinear,-8.794,-4.494,+35
vit_base_r50_s16_384,75.410,24.590,92.760,7.240,98.95,384,1.000,bicubic,-9.574,-4.538,+11
deit_base_distilled_patch16_384,75.400,24.600,92.520,7.480,87.63,384,1.000,bicubic,-10.022,-4.812,-7
cait_s24_384,75.380,24.620,92.520,7.480,47.06,384,1.000,bicubic,-9.664,-4.830,+6
tf_efficientnet_b6_ap,75.370,24.630,92.300,7.700,43.04,528,0.942,bicubic,-9.414,-4.838,+14
dm_nfnet_f4,75.330,24.670,92.880,7.120,316.07,512,0.951,bicubic,-10.370,-4.634,-18
tf_efficientnetv2_m,75.260,24.740,92.680,7.320,54.14,480,1.000,bicubic,-9.786,-4.604,+2
efficientnetv2_rw_m,75.130,24.870,92.540,7.460,53.24,416,1.000,bicubic,-9.692,-4.606,+10
xcit_medium_24_p16_384_dist,75.100,24.900,92.330,7.670,84.40,384,1.000,bicubic,-10.326,-5.078,-14
xcit_small_24_p8_224_dist,75.000,25.000,92.390,7.610,47.63,224,1.000,bicubic,-9.876,-4.808,+7
xcit_small_12_p8_384_dist,74.990,25.010,92.370,7.630,26.21,384,1.000,bicubic,-10.092,-4.900,-5
dm_nfnet_f3,74.900,25.100,92.860,7.140,254.92,416,0.940,bicubic,-10.632,-4.598,-21
ecaresnet269d,74.880,25.120,92.770,7.230,102.09,352,1.000,bicubic,-10.106,-4.458,-1
dm_nfnet_f5,74.740,25.260,92.480,7.520,377.21,544,0.954,bicubic,-11.066,-5.002,-28
xcit_small_24_p16_384_dist,74.620,25.380,92.520,7.480,47.67,384,1.000,bicubic,-10.484,-4.796,-11
eca_nfnet_l2,74.550,25.450,92.630,7.370,56.72,384,1.000,bicubic,-10.170,-4.628,+4
tf_efficientnet_b8,74.540,25.460,92.170,7.830,87.41,672,0.954,bicubic,-10.810,-5.222,-18
xcit_large_24_p16_224_dist,74.530,25.470,91.990,8.010,189.10,224,1.000,bicubic,-10.400,-5.140,-2
dm_nfnet_f1,74.500,25.500,92.260,7.740,132.63,320,0.910,bicubic,-10.124,-4.836,+4
dm_nfnet_f2,74.490,25.510,92.200,7.800,193.78,352,0.920,bicubic,-10.556,-5.038,-12
tf_efficientnet_b7,74.460,25.540,92.120,7.880,66.35,600,0.949,bicubic,-10.476,-5.086,-6
xcit_small_12_p16_384_dist,74.350,25.650,92.120,7.880,26.25,384,1.000,bicubic,-10.364,-4.996,-1
tf_efficientnet_b5_ap,74.330,25.670,91.940,8.060,30.39,456,0.934,bicubic,-9.928,-5.036,+14
resnest200e,74.240,25.760,91.860,8.140,70.20,320,0.909,bicubic,-9.608,-5.030,+29
tf_efficientnetv2_s_in21ft1k,74.240,25.760,92.400,7.600,21.46,384,1.000,bicubic,-10.056,-4.856,+8
resmlp_big_24_224_in22ft1k,74.220,25.780,92.080,7.920,129.14,224,0.875,bicubic,-10.204,-5.036,+4
xcit_large_24_p8_224,74.170,25.830,90.880,9.120,188.93,224,1.000,bicubic,-10.212,-5.776,+4
vit_large_r50_s32_224,74.140,25.860,92.290,7.710,328.99,224,0.900,bicubic,-10.300,-4.680,-1
seresnet152d,74.110,25.890,91.920,8.080,66.84,320,1.000,bicubic,-10.252,-5.122,+3
cait_xs24_384,74.090,25.910,91.900,8.100,26.67,384,1.000,bicubic,-9.964,-4.986,+14
pit_b_distilled_224,74.080,25.920,91.590,8.410,74.79,224,0.900,bicubic,-10.078,-5.268,+10
vit_base_patch16_224,74.070,25.930,92.400,7.600,86.57,224,0.900,bicubic,-10.470,-4.906,-8
efficientnetv2_rw_s,74.020,25.980,91.750,8.250,23.94,384,1.000,bicubic,-9.810,-4.972,+23
crossvit_18_dagger_408,74.010,25.990,91.300,8.700,44.61,408,1.000,bicubic,-10.174,-5.522,+5
swsl_resnext101_32x4d,74.000,26.000,91.970,8.030,44.18,224,0.875,bilinear,-9.226,-4.798,+43
vit_base_patch16_224_miil,74.000,26.000,91.600,8.400,86.54,224,0.875,bilinear,-10.276,-5.198,-1
tf_efficientnetv2_s,73.980,26.020,91.430,8.570,21.46,384,1.000,bicubic,-9.918,-5.268,+14
resnest269e,73.920,26.080,91.990,8.010,110.93,416,0.928,bicubic,-10.604,-4.996,-13
tf_efficientnet_b6,73.910,26.090,91.730,8.270,43.04,528,0.942,bicubic,-10.202,-5.158,+3
eca_nfnet_l1,73.880,26.120,92.020,7.980,41.41,320,1.000,bicubic,-10.152,-5.012,+8
vit_small_r26_s32_384,73.880,26.120,92.150,7.850,36.47,384,1.000,bicubic,-10.170,-5.172,+4
xcit_small_12_p8_224_dist,73.880,26.120,91.700,8.300,26.21,224,1.000,bicubic,-10.360,-5.172,-4
resnetrs420,73.870,26.130,91.700,8.300,191.89,416,1.000,bicubic,-11.138,-5.426,-32
tf_efficientnet_b3_ns,73.770,26.230,91.850,8.150,12.23,300,0.904,bicubic,-10.272,-5.058,+2
regnetz_d,73.760,26.240,91.850,8.150,27.58,320,0.950,bicubic,-10.274,-5.020,+2
swsl_resnext101_32x16d,73.670,26.330,92.120,7.880,194.03,224,0.875,bilinear,-9.684,-4.716,+25
ig_resnext101_32x8d,73.670,26.330,92.190,7.810,88.79,224,0.875,bilinear,-9.040,-4.450,+49
xcit_medium_24_p16_224_dist,73.610,26.390,91.450,8.550,84.40,224,1.000,bicubic,-10.668,-5.492,-14
xcit_tiny_24_p8_384_dist,73.460,26.540,91.640,8.360,12.11,384,1.000,bicubic,-10.304,-5.064,+11
resnetrs270,73.450,26.550,91.460,8.540,129.86,352,1.000,bicubic,-10.990,-5.694,-22
twins_svt_large,73.420,26.580,90.870,9.130,99.27,224,0.900,bicubic,-10.264,-5.740,+13
resmlp_big_24_distilled_224,73.340,26.660,91.100,8.900,129.14,224,0.875,bicubic,-10.256,-5.556,+14
resnet200d,73.320,26.680,91.470,8.530,64.69,320,1.000,bicubic,-10.650,-5.348,-3
tf_efficientnet_b5,73.280,26.720,91.370,8.630,30.39,456,0.934,bicubic,-10.530,-5.378,+4
efficientnet_b4,73.250,26.750,91.280,8.720,19.34,384,1.000,bicubic,-10.180,-5.314,+14
regnety_160,73.250,26.750,91.650,8.350,83.59,288,1.000,bicubic,-10.452,-5.132,+7
resnet152d,73.250,26.750,91.210,8.790,60.21,320,1.000,bicubic,-10.414,-5.524,+8
vit_small_patch16_384,73.180,26.820,91.900,8.100,22.20,384,1.000,bicubic,-10.614,-5.208,+1
resnetrs200,73.170,26.830,91.110,8.890,93.21,320,1.000,bicubic,-10.888,-5.764,-16
jx_nest_base,73.160,26.840,91.000,9.000,67.72,224,0.875,bicubic,-10.394,-5.364,+7
xcit_small_24_p16_224_dist,73.150,26.850,91.430,8.570,47.67,224,1.000,bicubic,-10.724,-5.298,-11
resnetv2_152x4_bitm,73.150,26.850,91.780,8.220,936.53,480,1.000,bilinear,-11.788,-5.678,-47
xcit_small_24_p8_224,73.150,26.850,91.210,8.790,47.63,224,1.000,bicubic,-10.696,-5.422,-8
resnetrs350,73.130,26.870,91.180,8.820,163.96,384,1.000,bicubic,-11.582,-5.810,-42
xcit_medium_24_p8_224,73.090,26.910,90.440,9.560,84.32,224,1.000,bicubic,-10.646,-5.946,-4
resnetv2_152x2_bitm,73.000,27.000,91.990,8.010,236.34,448,1.000,bilinear,-11.452,-5.446,-40
cait_s24_224,72.990,27.010,91.130,8.870,46.92,224,1.000,bicubic,-10.472,-5.436,+1
deit_base_distilled_patch16_224,72.960,27.040,90.950,9.050,87.34,224,0.900,bicubic,-10.428,-5.540,+2
resnetrs152,72.900,27.100,91.200,8.800,86.62,320,1.000,bicubic,-10.810,-5.410,-7
tf_efficientnet_b4_ap,72.740,27.260,90.990,9.010,19.34,380,0.922,bicubic,-10.518,-5.406,+6
crossvit_15_dagger_408,72.730,27.270,91.040,8.960,28.50,408,1.000,bicubic,-11.096,-5.746,-14
dm_nfnet_f0,72.710,27.290,90.990,9.010,71.49,256,0.900,bicubic,-10.674,-5.590,-1
resnetv2_152x2_bit_teacher_384,72.710,27.290,90.930,9.070,236.34,384,1.000,bicubic,-11.134,-6.188,-18
twins_svt_base,72.710,27.290,90.440,9.560,56.07,224,0.900,bicubic,-10.414,-5.988,+6
vit_base_patch32_384,72.670,27.330,91.170,8.830,88.30,384,1.000,bicubic,-10.676,-5.674,-1
xcit_small_12_p8_224,72.670,27.330,90.710,9.290,26.21,224,1.000,bicubic,-10.676,-5.766,-1
regnety_032,72.640,27.360,90.910,9.090,19.44,288,1.000,bicubic,-10.082,-5.522,+16
pnasnet5large,72.560,27.440,90.540,9.460,86.06,331,0.911,bicubic,-10.238,-5.494,+13
twins_pcpvt_large,72.550,27.450,90.880,9.120,60.99,224,0.900,bicubic,-10.588,-5.728,0
deit_base_patch16_384,72.480,27.520,90.230,9.770,86.86,384,1.000,bicubic,-10.626,-6.146,+2
xcit_small_12_p16_224_dist,72.480,27.520,91.070,8.930,26.25,224,1.000,bicubic,-10.870,-5.352,-8
swsl_resnext50_32x4d,72.450,27.550,90.860,9.140,25.03,224,0.875,bilinear,-9.716,-5.374,+43
nfnet_l0,72.440,27.560,90.860,9.140,35.07,288,1.000,bicubic,-10.312,-5.656,+9
gc_efficientnetv2_rw_t,72.390,27.610,90.820,9.180,13.68,288,1.000,bicubic,-10.088,-5.476,+22
resnetv2_101x3_bitm,72.380,27.620,92.040,7.960,387.93,448,1.000,bilinear,-12.050,-5.332,-56
xcit_tiny_24_p8_224_dist,72.370,27.630,90.790,9.210,12.11,224,1.000,bicubic,-10.206,-5.390,+15
resnet101d,72.350,27.650,90.580,9.420,44.57,320,1.000,bicubic,-10.674,-5.876,-1
jx_nest_small,72.340,27.660,90.720,9.280,38.35,224,0.875,bicubic,-10.778,-5.612,-7
nasnetalarge,72.340,27.660,90.520,9.480,88.75,331,0.911,bicubic,-10.296,-5.530,+7
resnest101e,72.320,27.680,90.780,9.220,48.28,256,0.875,bilinear,-10.556,-5.532,-1
tf_efficientnet_b2_ns,72.320,27.680,91.000,9.000,9.11,260,0.890,bicubic,-10.070,-5.240,+19
efficientnetv2_rw_t,72.310,27.690,90.460,9.540,13.65,288,1.000,bicubic,-10.028,-5.734,+21
twins_pcpvt_base,72.250,27.750,90.580,9.420,43.83,224,0.900,bicubic,-10.462,-5.768,+1
crossvit_18_240,72.200,27.800,90.280,9.720,43.27,240,0.875,bicubic,-10.194,-5.782,+14
tresnet_xl_448,72.170,27.830,90.130,9.870,78.44,448,0.875,bilinear,-10.886,-6.054,-11
resnetv2_50x1_bit_distilled,72.160,27.840,91.090,8.910,25.55,224,0.875,bicubic,-10.662,-5.434,-6
tf_efficientnet_b4,72.160,27.840,90.480,9.520,19.34,380,0.922,bicubic,-10.870,-5.818,-12
regnetz_c,72.150,27.850,90.660,9.340,13.46,320,0.940,bicubic,-10.366,-5.700,+6
cait_xxs36_384,72.110,27.890,90.790,9.210,17.37,384,1.000,bicubic,-10.080,-5.370,+24
tresnet_m,72.100,27.900,90.100,9.900,31.39,224,0.875,bilinear,-10.976,-6.026,-17
xcit_tiny_24_p16_384_dist,72.070,27.930,90.510,9.490,12.12,384,1.000,bicubic,-10.498,-5.784,+1
crossvit_18_dagger_240,72.020,27.980,90.100,9.900,44.27,240,0.875,bicubic,-10.486,-5.972,+3
xcit_tiny_12_p8_384_dist,71.820,28.180,90.700,9.300,6.71,384,1.000,bicubic,-10.572,-5.518,+6
resnetv2_50x3_bitm,71.770,28.230,91.280,8.720,217.32,448,1.000,bilinear,-12.214,-5.850,-55
swin_small_patch4_window7_224,71.750,28.250,90.280,9.720,49.61,224,0.900,bicubic,-11.476,-6.050,-28
crossvit_15_dagger_240,71.650,28.350,89.800,10.200,28.21,240,0.875,bicubic,-10.660,-6.162,+9
pit_b_224,71.650,28.350,89.280,10.720,73.76,224,0.900,bicubic,-10.794,-6.432,0
swsl_resnet50,71.640,28.360,90.500,9.500,25.56,224,0.875,bilinear,-9.506,-5.478,+57
eca_nfnet_l0,71.580,28.420,91.010,8.990,24.14,288,1.000,bicubic,-11.012,-5.476,-11
resnet61q,71.550,28.450,90.010,9.990,36.85,288,1.000,bicubic,-10.972,-6.124,-7
xcit_large_24_p16_224,71.540,28.460,89.200,10.800,189.10,224,1.000,bicubic,-11.358,-6.682,-23
convit_base,71.520,28.480,90.090,9.910,86.54,224,0.875,bicubic,-10.772,-5.844,+7
tresnet_l_448,71.510,28.490,89.950,10.050,55.99,448,0.875,bilinear,-10.752,-6.030,+7
tresnet_xl,71.480,28.520,89.460,10.540,78.44,224,0.875,bilinear,-10.578,-6.472,+13
ssl_resnext101_32x8d,71.470,28.530,90.330,9.670,88.79,224,0.875,bilinear,-10.130,-5.716,+26
efficientnet_b3,71.460,28.540,90.020,9.980,12.23,320,1.000,bicubic,-10.798,-6.096,+5
resnetv2_152x2_bit_teacher,71.400,28.600,90.290,9.710,236.34,224,0.875,bicubic,-11.502,-6.278,-30
xcit_tiny_24_p8_224,71.350,28.650,90.280,9.720,12.11,224,1.000,bicubic,-10.544,-5.704,+15
pit_s_distilled_224,71.330,28.670,89.730,10.270,24.04,224,0.900,bicubic,-10.664,-6.070,+10
resnetv2_101,71.290,28.710,89.780,10.220,44.54,224,0.950,bicubic,-10.742,-6.084,+8
ecaresnet101d,71.240,28.760,90.240,9.760,44.57,224,0.875,bicubic,-10.932,-5.814,+3
mixer_b16_224_miil,71.200,28.800,89.490,10.510,59.88,224,0.875,bilinear,-11.102,-6.224,-5
ssl_resnext101_32x16d,71.170,28.830,90.460,9.540,194.03,224,0.875,bilinear,-10.674,-5.630,+11
ecaresnet50t,71.110,28.890,90.410,9.590,25.57,320,0.950,bicubic,-11.254,-5.732,-12
xcit_small_24_p16_224,71.090,28.910,89.530,10.470,47.67,224,1.000,bicubic,-11.488,-6.470,-25
xcit_small_12_p16_224,71.070,28.930,89.730,10.270,26.25,224,1.000,bicubic,-10.906,-6.088,+3
crossvit_base_240,71.070,28.930,89.780,10.220,105.03,240,0.875,bicubic,-11.136,-6.048,-4
resnet51q,71.070,28.930,90.070,9.930,35.70,288,1.000,bilinear,-11.298,-6.106,-16
convmixer_1536_20,71.050,28.950,89.470,10.530,51.63,224,0.960,bicubic,-10.326,-6.140,+25
coat_lite_small,71.010,28.990,89.460,10.540,19.84,224,0.900,bicubic,-11.292,-6.400,-14
tf_efficientnet_b3_ap,71.010,28.990,89.220,10.780,12.23,300,0.904,bicubic,-10.812,-6.400,+5
deit_base_patch16_224,70.970,29.030,89.170,10.830,86.57,224,0.900,bicubic,-11.014,-6.572,-2
xcit_medium_24_p16_224,70.960,29.040,89.460,10.540,84.40,224,1.000,bicubic,-11.666,-6.516,-36
tnt_s_patch16_224,70.920,29.080,89.510,10.490,23.76,224,0.900,bicubic,-10.594,-6.234,+10
xcit_tiny_12_p8_224_dist,70.910,29.090,89.720,10.280,6.71,224,1.000,bicubic,-10.304,-5.886,+27
vit_large_patch32_384,70.890,29.110,90.460,9.540,306.63,384,1.000,bicubic,-10.616,-5.626,+9
resnest50d_4s2x40d,70.850,29.150,89.520,10.480,30.42,224,0.875,bicubic,-10.270,-6.040,+29
visformer_small,70.850,29.150,89.310,10.690,40.22,224,0.900,bicubic,-11.246,-6.568,-12
rexnet_200,70.840,29.160,89.800,10.200,16.37,224,0.875,bicubic,-10.786,-5.872,+1
tresnet_m_448,70.770,29.230,88.690,11.310,31.39,448,0.875,bilinear,-10.944,-6.880,-3
jx_nest_tiny,70.720,29.280,89.840,10.160,17.06,224,0.875,bicubic,-10.714,-5.780,+8
resnetrs101,70.700,29.300,89.620,10.380,63.62,288,0.940,bicubic,-11.594,-6.382,-24
wide_resnet50_2,70.690,29.310,89.120,10.880,68.88,224,0.875,bicubic,-10.760,-6.398,+5
tresnet_l,70.680,29.320,89.640,10.360,55.99,224,0.875,bilinear,-10.804,-5.980,+3
vit_small_patch16_224,70.670,29.330,90.090,9.910,22.05,224,0.900,bicubic,-10.716,-6.040,+7
convit_small,70.660,29.340,89.570,10.430,27.78,224,0.875,bicubic,-10.752,-6.176,+4
resnetv2_101x1_bitm,70.630,29.370,90.950,9.050,44.54,448,1.000,bilinear,-11.700,-5.578,-33
tf_efficientnet_b1_ns,70.630,29.370,89.930,10.070,7.79,240,0.882,bicubic,-10.754,-5.808,+5
tf_efficientnetv2_b3,70.630,29.370,89.370,10.630,14.36,300,0.904,bicubic,-11.324,-6.414,-17
levit_384,70.610,29.390,89.240,10.760,39.13,224,0.900,bicubic,-11.982,-6.774,-51
crossvit_small_240,70.580,29.420,89.410,10.590,26.86,240,0.875,bicubic,-10.450,-6.056,+20
vit_small_r26_s32_224,70.560,29.440,90.020,9.980,36.43,224,0.900,bicubic,-11.278,-6.006,-17
cait_xxs24_384,70.550,29.450,89.780,10.220,12.03,384,1.000,bicubic,-10.404,-5.858,+23
twins_pcpvt_small,70.490,29.510,89.060,10.940,24.11,224,0.900,bicubic,-10.614,-6.582,+13
legacy_senet154,70.480,29.520,88.960,11.040,115.09,224,0.875,bilinear,-10.846,-6.546,+2
coat_mini,70.470,29.530,89.580,10.420,10.34,224,0.900,bicubic,-10.812,-5.814,+3
gluon_seresnext101_64x4d,70.470,29.530,89.180,10.820,88.23,224,0.875,bicubic,-10.400,-6.126,+24
deit_small_distilled_patch16_224,70.460,29.540,89.400,10.600,22.44,224,0.900,bicubic,-10.742,-5.978,+5
seresnext50_32x4d,70.450,29.550,89.130,10.870,27.56,224,0.875,bicubic,-10.818,-6.496,+1
tf_efficientnet_b3,70.400,29.600,89.270,10.730,12.23,300,0.904,bicubic,-11.246,-6.450,-22
regnetz_b,70.400,29.600,89.440,10.560,9.72,288,0.940,bicubic,-10.318,-6.034,+28
gernet_l,70.380,29.620,88.940,11.060,31.08,256,0.875,bilinear,-10.966,-6.596,-6
resnest50d_1s4x24d,70.360,29.640,89.140,10.860,25.68,224,0.875,bicubic,-10.640,-6.186,+10
ssl_resnext101_32x4d,70.360,29.640,89.810,10.190,44.18,224,0.875,bilinear,-10.562,-5.920,+15
crossvit_15_240,70.350,29.650,89.520,10.480,27.53,240,0.875,bicubic,-11.176,-6.174,-22
gluon_senet154,70.340,29.660,88.960,11.040,115.09,224,0.875,bicubic,-10.884,-6.392,-5
twins_svt_small,70.330,29.670,89.300,10.700,24.06,224,0.900,bicubic,-11.352,-6.378,-29
halonet50ts,70.250,29.750,88.710,11.290,22.73,256,0.940,bicubic,-11.100,-6.574,-13
resnest50d,70.250,29.750,88.630,11.370,27.48,224,0.875,bilinear,-10.712,-6.748,+6
tf_efficientnet_lite4,70.190,29.810,89.040,10.960,13.01,380,0.920,bilinear,-11.350,-6.620,-28
gluon_resnet152_v1s,70.120,29.880,88.890,11.110,60.32,224,0.875,bicubic,-10.900,-6.532,+1
resmlp_36_distilled_224,70.120,29.880,89.060,10.940,44.69,224,0.875,bicubic,-11.034,-6.436,-8
efficientnet_el,70.060,29.940,89.150,10.850,10.59,300,0.904,bicubic,-11.246,-6.386,-15
inception_resnet_v2,70.030,29.970,88.620,11.380,55.84,299,0.897,bicubic,-10.418,-6.688,+27
haloregnetz_b,69.980,30.020,88.850,11.150,11.68,224,0.940,bicubic,-11.062,-6.350,-6
gluon_seresnext101_32x4d,69.940,30.060,88.870,11.130,48.96,224,0.875,bicubic,-10.936,-6.422,+4
repvgg_b3,69.940,30.060,88.660,11.340,123.09,224,0.875,bilinear,-10.576,-6.604,+18
levit_256,69.930,30.070,89.240,10.760,18.89,224,0.900,bicubic,-11.572,-6.240,-32
regnety_320,69.870,30.130,88.760,11.240,145.05,224,0.875,bicubic,-10.924,-6.486,+5
gluon_resnet152_v1d,69.810,30.190,88.490,11.510,60.21,224,0.875,bicubic,-10.666,-6.712,+17
pit_s_224,69.800,30.200,88.830,11.170,23.46,224,0.900,bicubic,-11.300,-6.504,-13
sehalonet33ts,69.770,30.230,88.580,11.420,13.69,256,0.940,bicubic,-11.212,-6.692,-8
ecaresnet101d_pruned,69.710,30.290,89.330,10.670,24.88,224,0.875,bicubic,-11.102,-6.310,0
xcit_tiny_24_p16_224_dist,69.610,30.390,88.730,11.270,12.12,224,1.000,bicubic,-10.852,-6.478,+15
ens_adv_inception_resnet_v2,69.590,30.410,88.350,11.650,55.84,299,0.897,bicubic,-10.388,-6.586,+46
ssl_resnext50_32x4d,69.590,30.410,89.310,10.690,25.03,224,0.875,bilinear,-10.712,-6.108,+25
ecaresnet50d,69.580,30.420,89.290,10.710,25.58,224,0.875,bicubic,-11.040,-6.018,+4
gcresnet50t,69.570,30.430,88.920,11.080,25.90,256,0.900,bicubic,-11.368,-6.520,-10
efficientnet_b3_pruned,69.550,30.450,88.770,11.230,9.86,300,0.904,bicubic,-11.308,-6.470,-7
repvgg_b3g4,69.520,30.480,88.500,11.500,83.83,224,0.875,bilinear,-10.698,-6.604,+29
resmlp_24_distilled_224,69.510,30.490,89.010,10.990,30.02,224,0.875,bicubic,-11.250,-6.210,-7
gernet_m,69.510,30.490,88.590,11.410,21.14,224,0.875,bilinear,-11.216,-6.588,-4
convmixer_768_32,69.500,30.500,88.950,11.050,21.11,224,0.960,bicubic,-10.660,-6.124,+29
gluon_resnext101_64x4d,69.490,30.510,88.250,11.750,83.46,224,0.875,bicubic,-11.136,-6.752,-4
xcit_tiny_12_p16_384_dist,69.470,30.530,88.970,11.030,6.72,384,1.000,bicubic,-11.474,-6.444,-18
efficientnet_el_pruned,69.460,30.540,88.890,11.110,10.59,300,0.904,bicubic,-10.828,-6.332,+16
swin_tiny_patch4_window7_224,69.460,30.540,89.020,10.980,28.29,224,0.900,bicubic,-11.926,-6.516,-46
regnetx_320,69.440,30.560,88.140,11.860,107.81,224,0.875,bicubic,-10.808,-6.886,+16
gcresnext50ts,69.430,30.570,88.770,11.230,15.67,256,0.900,bicubic,-11.164,-6.410,-6
rexnet_150,69.410,30.590,88.970,11.030,9.73,224,0.875,bicubic,-10.900,-6.190,+9
efficientnet_b2,69.390,30.610,88.650,11.350,9.11,288,1.000,bicubic,-11.220,-6.666,-9
inception_v4,69.370,30.630,88.740,11.260,42.68,299,0.875,bicubic,-10.774,-6.232,+21
vit_base_patch32_224,69.350,30.650,89.270,10.730,88.22,224,0.900,bicubic,-11.382,-6.296,-17
ecaresnetlight,69.330,30.670,89.210,10.790,30.16,224,0.875,bicubic,-11.124,-6.042,-4
nf_resnet50,69.320,30.680,88.700,11.300,25.56,288,0.940,bicubic,-11.336,-6.636,-16
xception71,69.270,30.730,88.170,11.830,42.34,299,0.903,bicubic,-10.614,-6.762,+29
resnet50d,69.170,30.830,88.140,11.860,25.58,224,0.875,bicubic,-11.368,-7.020,-13
tf_efficientnetv2_b2,69.090,30.910,88.150,11.850,10.10,260,0.890,bicubic,-11.124,-6.894,+12
legacy_seresnext101_32x4d,69.060,30.940,88.080,11.920,48.96,224,0.875,bilinear,-11.162,-6.932,+9
mixnet_xl,69.040,30.960,88.340,11.660,11.90,224,0.875,bicubic,-11.428,-6.592,-12
regnety_120,68.980,31.020,88.190,11.810,51.82,224,0.875,bicubic,-11.406,-6.932,-7
gluon_resnet152_v1c,68.960,31.040,87.670,12.330,60.21,224,0.875,bicubic,-10.952,-7.182,+21
seresnet33ts,68.960,31.040,88.340,11.660,19.78,256,0.900,bicubic,-11.412,-6.774,-7
vit_small_patch32_384,68.950,31.050,89.660,10.340,22.92,384,1.000,bicubic,-11.536,-5.938,-18
resnetv2_50,68.900,31.100,88.400,11.600,25.55,224,0.950,bicubic,-11.506,-6.680,-13
gluon_resnext101_32x4d,68.880,31.120,88.280,11.720,44.18,224,0.875,bicubic,-11.458,-6.628,-8
hrnet_w64,68.830,31.170,88.140,11.860,128.06,224,0.875,bilinear,-10.626,-6.514,+44
gluon_resnet152_v1b,68.800,31.200,87.570,12.430,60.19,224,0.875,bicubic,-10.880,-7.166,+33
tf_efficientnet_b2_ap,68.790,31.210,88.330,11.670,9.11,260,0.890,bicubic,-11.516,-6.702,-9
gluon_resnet101_v1d,68.780,31.220,88.080,11.920,44.57,224,0.875,bicubic,-11.624,-6.944,-17
xception65,68.760,31.240,88.250,11.750,39.92,299,0.903,bicubic,-10.786,-6.410,+32
seresnet50,68.760,31.240,88.520,11.480,28.09,224,0.875,bicubic,-11.488,-6.550,-9
gluon_xception65,68.760,31.240,87.950,12.050,39.92,299,0.903,bicubic,-10.942,-6.918,+28
repvgg_b2g4,68.760,31.240,88.260,11.740,61.76,224,0.875,bilinear,-10.620,-6.434,+42
eca_resnet33ts,68.760,31.240,88.520,11.480,19.68,256,0.900,bicubic,-11.336,-6.454,+4
cspdarknet53,68.730,31.270,88.540,11.460,27.64,256,0.887,bilinear,-11.320,-6.552,+3
cspresnext50,68.720,31.280,88.020,11.980,20.57,224,0.875,bilinear,-11.332,-6.930,+1
gcresnet33ts,68.700,31.300,88.480,11.520,19.88,256,0.900,bicubic,-11.386,-6.512,-2
resnext50d_32x4d,68.670,31.330,88.230,11.770,25.05,224,0.875,bicubic,-10.994,-6.636,+23
dpn131,68.660,31.340,87.220,12.780,79.25,224,0.875,bicubic,-11.174,-7.492,+10
gluon_resnet101_v1s,68.650,31.350,87.720,12.280,44.67,224,0.875,bicubic,-11.632,-7.442,-18
gmlp_s16_224,68.620,31.380,87.950,12.050,19.42,224,0.875,bicubic,-11.022,-6.672,+22
xcit_tiny_12_p8_224,68.610,31.390,88.690,11.310,6.71,224,1.000,bicubic,-11.100,-6.368,+15
gluon_seresnext50_32x4d,68.580,31.420,88.150,11.850,27.56,224,0.875,bicubic,-11.344,-6.678,-2
regnetx_160,68.520,31.480,88.280,11.720,54.28,224,0.875,bicubic,-11.314,-6.544,+7
regnety_080,68.510,31.490,88.000,12.000,39.18,224,0.875,bicubic,-11.362,-6.832,0
deit_small_patch16_224,68.490,31.510,88.260,11.740,22.05,224,0.900,bicubic,-11.376,-6.796,+1
tf_efficientnet_b2,68.460,31.540,88.010,11.990,9.11,260,0.890,bicubic,-11.608,-6.894,-11
skresnext50_32x4d,68.440,31.560,87.610,12.390,27.48,224,0.875,bicubic,-11.702,-7.034,-16
resnet50,68.440,31.560,87.600,12.400,25.56,224,0.950,bicubic,-11.942,-6.994,-34
dpn107,68.430,31.570,88.080,11.920,86.92,224,0.875,bicubic,-11.742,-6.824,-20
cspresnet50,68.380,31.620,87.950,12.050,21.62,256,0.887,bilinear,-11.196,-6.752,+14
dla102x2,68.380,31.620,87.810,12.190,41.28,224,0.875,bilinear,-11.060,-6.834,+20
resnext50_32x4d,68.380,31.620,87.590,12.410,25.03,224,0.875,bicubic,-11.420,-7.024,0
cait_xxs36_224,68.350,31.650,88.610,11.390,17.30,224,1.000,bicubic,-11.412,-6.258,+1
ssl_resnet50,68.350,31.650,88.580,11.420,25.56,224,0.875,bilinear,-10.886,-6.252,+31
xcit_tiny_24_p16_224,68.340,31.660,88.120,11.880,12.12,224,1.000,bicubic,-11.112,-6.768,+15
regnety_064,68.330,31.670,88.030,11.970,30.58,224,0.875,bicubic,-11.400,-6.732,-1
vit_base_patch16_sam_224,68.310,31.690,87.680,12.320,86.57,224,0.900,bicubic,-11.932,-7.082,-32
dpn98,68.300,31.700,87.570,12.430,61.57,224,0.875,bicubic,-11.354,-7.034,+3
resmlp_big_24_224,68.280,31.720,87.700,12.300,129.14,224,0.875,bicubic,-12.752,-7.322,-81
ecaresnet26t,68.240,31.760,88.660,11.340,16.01,320,0.950,bicubic,-11.594,-6.424,-11
ese_vovnet39b,68.230,31.770,88.290,11.710,24.57,224,0.875,bicubic,-11.074,-6.434,+17
regnetx_120,68.230,31.770,87.580,12.420,46.11,224,0.875,bicubic,-11.376,-7.150,+1
rexnet_130,68.220,31.780,88.000,12.000,7.56,224,0.875,bicubic,-11.276,-6.674,+3
efficientnet_b2_pruned,68.220,31.780,88.080,11.920,8.31,260,0.890,bicubic,-11.686,-6.774,-21
gluon_resnext50_32x4d,68.160,31.840,87.360,12.640,25.03,224,0.875,bicubic,-11.204,-7.064,+9
ecaresnet50d_pruned,68.140,31.860,88.340,11.660,19.94,224,0.875,bicubic,-11.566,-6.534,-9
tf_efficientnet_el,68.100,31.900,88.020,11.980,10.59,300,0.904,bicubic,-12.148,-7.104,-43
resnetv2_50x1_bitm,67.930,32.070,89.090,10.910,25.55,448,1.000,bilinear,-12.414,-6.596,-53
regnetx_080,67.920,32.080,87.070,12.930,39.57,224,0.875,bicubic,-11.300,-7.476,+18
resmlp_36_224,67.920,32.080,88.220,11.780,44.69,224,0.875,bicubic,-11.856,-6.666,-17
tf_efficientnet_lite3,67.920,32.080,87.710,12.290,8.20,300,0.904,bilinear,-11.900,-7.200,-20
pit_xs_distilled_224,67.900,32.100,87.710,12.290,11.00,224,0.900,bicubic,-11.394,-6.664,+10
resnetrs50,67.890,32.110,87.660,12.340,35.69,224,0.910,bicubic,-11.980,-7.310,-28
legacy_seresnext50_32x4d,67.880,32.120,87.590,12.410,27.56,224,0.875,bilinear,-11.198,-6.842,+20
gluon_resnet50_v1d,67.870,32.130,86.940,13.060,25.58,224,0.875,bicubic,-11.194,-7.520,+20
levit_192,67.840,32.160,87.820,12.180,10.95,224,0.900,bicubic,-12.020,-6.982,-29
nf_regnet_b1,67.840,32.160,88.080,11.920,10.22,288,0.900,bicubic,-11.456,-6.662,+4
tf_efficientnetv2_b1,67.840,32.160,87.620,12.380,8.14,240,0.882,bicubic,-11.634,-7.100,-10
hrnet_w48,67.800,32.200,87.370,12.630,77.47,224,0.875,bilinear,-11.522,-7.144,-3
resnext101_32x8d,67.760,32.240,87.360,12.640,88.79,224,0.875,bilinear,-11.552,-7.162,-3
tf_efficientnet_b0_ns,67.720,32.280,87.940,12.060,5.29,224,0.875,bicubic,-10.938,-6.430,+33
resmlp_24_224,67.700,32.300,87.570,12.430,30.02,224,0.875,bicubic,-11.686,-6.976,-10
halonet26t,67.690,32.310,87.310,12.690,12.48,256,0.950,bicubic,-11.444,-7.006,+8
hrnet_w44,67.690,32.310,87.490,12.510,67.06,224,0.875,bilinear,-11.200,-6.892,+19
regnetx_064,67.670,32.330,87.470,12.530,26.21,224,0.875,bicubic,-11.390,-6.996,+11
coat_lite_mini,67.660,32.340,87.720,12.280,11.01,224,0.900,bicubic,-11.440,-6.882,+7
dla169,67.650,32.350,87.460,12.540,53.39,224,0.875,bilinear,-11.048,-6.872,+24
regnety_040,67.620,32.380,87.390,12.610,20.65,224,0.875,bicubic,-11.608,-7.256,-2
efficientnet_em,67.570,32.430,88.110,11.890,6.90,240,0.882,bicubic,-11.690,-6.682,-5
dpn92,67.550,32.450,87.290,12.710,37.67,224,0.875,bicubic,-12.444,-7.546,-52
xception,67.550,32.450,87.520,12.480,22.86,299,0.897,bicubic,-11.498,-6.876,+6
gluon_inception_v3,67.540,32.460,87.250,12.750,23.83,299,0.875,bicubic,-11.258,-7.130,+16
dpn68b,67.520,32.480,87.490,12.510,12.61,224,0.875,bicubic,-11.696,-6.932,-5
legacy_seresnet152,67.510,32.490,87.500,12.500,66.82,224,0.875,bilinear,-11.152,-6.876,+19
lambda_resnet26t,67.490,32.510,87.650,12.350,10.96,256,0.940,bicubic,-11.618,-6.938,-4
efficientnet_b1,67.490,32.510,87.430,12.570,7.79,256,1.000,bicubic,-11.314,-6.916,+12
hrnet_w40,67.470,32.530,87.140,12.860,57.56,224,0.875,bilinear,-11.456,-7.338,+5
resnetblur50,67.440,32.560,87.580,12.420,25.56,224,0.875,bicubic,-11.860,-6.950,-19
tf_efficientnet_b1_ap,67.430,32.570,87.540,12.460,7.79,240,0.882,bicubic,-11.844,-6.762,-16
tf_efficientnet_cc_b1_8e,67.380,32.620,87.280,12.720,39.72,240,0.882,bicubic,-11.946,-7.088,-25
res2net50_26w_8s,67.360,32.640,87.130,12.870,48.40,224,0.875,bilinear,-11.620,-7.154,-1
res2net101_26w_4s,67.360,32.640,87.170,12.830,45.21,224,0.875,bilinear,-11.832,-7.268,-12
gluon_resnet101_v1b,67.350,32.650,87.050,12.950,44.55,224,0.875,bicubic,-11.950,-7.586,-23
cait_xxs24_224,67.310,32.690,87.490,12.510,11.96,224,1.000,bicubic,-11.066,-6.826,+26
xception41,67.310,32.690,87.150,12.850,26.97,299,0.903,bicubic,-11.222,-7.134,+12
gluon_resnet101_v1c,67.290,32.710,87.060,12.940,44.57,224,0.875,bicubic,-12.244,-7.528,-40
resnet33ts,67.170,32.830,87.410,12.590,19.68,256,0.900,bicubic,-12.044,-7.162,-18
regnetx_032,67.150,32.850,86.980,13.020,15.30,224,0.875,bicubic,-11.000,-7.106,+31
coat_tiny,67.120,32.880,87.380,12.620,5.50,224,0.900,bicubic,-11.314,-6.654,+17
resnest26d,67.120,32.880,87.130,12.870,17.07,224,0.875,bilinear,-11.358,-7.166,+10
dla60_res2net,67.110,32.890,87.080,12.920,20.85,224,0.875,bilinear,-11.352,-7.128,+11
legacy_seresnet101,67.100,32.900,87.020,12.980,49.33,224,0.875,bilinear,-11.284,-7.244,+16
dla60x,67.080,32.920,87.200,12.800,17.35,224,0.875,bilinear,-11.166,-6.824,+22
dla102x,67.000,33.000,86.730,13.270,26.31,224,0.875,bilinear,-11.512,-7.496,+4
res2net50_26w_6s,66.980,33.020,86.830,13.170,37.05,224,0.875,bilinear,-11.586,-7.288,+1
xcit_tiny_12_p16_224_dist,66.970,33.030,87.340,12.660,6.72,224,1.000,bicubic,-11.610,-6.864,-1
repvgg_b2,66.950,33.050,87.260,12.740,89.02,224,0.875,bilinear,-11.844,-7.166,-8
gluon_resnet50_v1s,66.940,33.060,86.800,13.200,25.68,224,0.875,bicubic,-11.756,-7.448,-6
mixnet_l,66.940,33.060,86.790,13.210,7.33,224,0.875,bicubic,-12.040,-7.390,-20
pit_xs_224,66.940,33.060,87.190,12.810,10.62,224,0.900,bicubic,-11.244,-6.974,+18
tv_resnet152,66.930,33.070,87.440,12.560,60.19,224,0.875,bilinear,-11.392,-6.604,+11
eca_halonext26ts,66.820,33.180,87.070,12.930,10.76,256,0.940,bicubic,-12.020,-7.186,-17
repvgg_b1,66.820,33.180,86.690,13.310,57.42,224,0.875,bilinear,-11.558,-7.414,+6
tf_efficientnet_b1,66.810,33.190,86.920,13.080,7.79,240,0.882,bicubic,-12.026,-7.274,-18
lambda_resnet26rpt_256,66.800,33.200,87.060,12.940,10.99,256,0.940,bicubic,-12.168,-7.368,-24
efficientnet_es,66.720,33.280,86.670,13.330,5.44,224,0.875,bicubic,-11.362,-7.274,+17
xcit_nano_12_p8_384_dist,66.720,33.280,87.050,12.950,3.05,384,1.000,bicubic,-11.098,-6.984,+32
gluon_resnet50_v1c,66.710,33.290,86.110,13.890,25.58,224,0.875,bicubic,-11.296,-7.878,+17
dla60_res2next,66.710,33.290,86.940,13.060,17.03,224,0.875,bilinear,-11.732,-7.218,-4
hrnet_w30,66.690,33.310,86.740,13.260,37.71,224,0.875,bilinear,-11.512,-7.488,+7
resnet32ts,66.690,33.310,87.130,12.870,17.96,256,0.900,bicubic,-12.330,-7.232,-33
hrnet_w32,66.650,33.350,87.190,12.810,41.23,224,0.875,bilinear,-11.792,-7.006,-7
regnetx_040,66.650,33.350,86.530,13.470,22.12,224,0.875,bicubic,-11.834,-7.724,-14
selecsls60b,66.650,33.350,86.590,13.410,32.77,224,0.875,bicubic,-11.758,-7.586,-7
tf_mixnet_l,66.630,33.370,86.380,13.620,7.33,224,0.875,bicubic,-12.148,-7.620,-25
dla102,66.590,33.410,86.930,13.070,33.27,224,0.875,bilinear,-11.438,-7.028,+9
wide_resnet101_2,66.570,33.430,87.010,12.990,126.89,224,0.875,bilinear,-12.284,-7.274,-33
tf_efficientnetv2_b0,66.520,33.480,86.620,13.380,7.14,224,0.875,bicubic,-11.850,-7.406,-7
levit_128,66.500,33.500,86.710,13.290,9.21,224,0.900,bicubic,-11.966,-7.300,-18
adv_inception_v3,66.370,33.630,86.380,13.620,23.83,299,0.875,bicubic,-11.208,-7.360,+26
vit_tiny_patch16_384,66.330,33.670,87.160,12.840,5.79,384,1.000,bicubic,-12.116,-7.384,-18
tf_inception_v3,66.320,33.680,86.570,13.430,23.83,299,0.875,bicubic,-11.540,-7.076,+14
selecsls60,66.310,33.690,86.290,13.710,30.67,224,0.875,bicubic,-11.674,-7.542,+5
resmlp_12_distilled_224,66.280,33.720,86.470,13.530,15.35,224,0.875,bicubic,-11.664,-7.092,+6
hardcorenas_f,66.240,33.760,86.250,13.750,8.20,224,0.875,bilinear,-11.864,-7.544,-3
coat_lite_tiny,66.230,33.770,86.950,13.050,5.72,224,0.900,bicubic,-11.284,-6.966,+23
bat_resnext26ts,66.210,33.790,86.650,13.350,10.73,256,0.900,bicubic,-12.052,-7.450,-14
efficientnet_b0,66.120,33.880,86.100,13.900,5.29,224,0.875,bicubic,-11.584,-7.422,+13
tf_efficientnet_cc_b0_8e,66.120,33.880,86.100,13.900,24.01,224,0.875,bicubic,-11.788,-7.556,+3
legacy_seresnet50,66.090,33.910,86.290,13.710,28.09,224,0.875,bilinear,-11.548,-7.456,+12
gmixer_24_224,66.080,33.920,85.980,14.020,24.72,224,0.875,bicubic,-11.972,-7.688,-7
res2net50_14w_8s,66.030,33.970,86.200,13.800,25.06,224,0.875,bilinear,-12.104,-7.656,-11
tf_efficientnet_em,66.030,33.970,86.210,13.790,6.90,240,0.882,bicubic,-12.112,-7.848,-13
res2net50_26w_4s,66.010,33.990,86.590,13.410,25.70,224,0.875,bilinear,-11.976,-7.258,-7
inception_v3,66.000,34.000,86.120,13.880,23.83,299,0.875,bicubic,-11.464,-7.356,+16
hardcorenas_e,65.990,34.010,85.980,14.020,8.07,224,0.875,bilinear,-11.810,-7.716,+4
regnety_016,65.960,34.040,86.270,13.730,11.20,224,0.875,bicubic,-11.904,-7.454,-3
efficientnet_b1_pruned,65.950,34.050,86.510,13.490,6.33,240,0.882,bicubic,-12.300,-7.326,-24
tv_resnext50_32x4d,65.940,34.060,86.030,13.970,25.03,224,0.875,bilinear,-11.670,-7.654,+4
gluon_resnet50_v1b,65.910,34.090,86.230,13.770,25.56,224,0.875,bicubic,-11.666,-7.492,+7
tv_resnet101,65.820,34.180,85.980,14.020,44.55,224,0.875,bilinear,-11.548,-7.580,+13
gcresnext26ts,65.810,34.190,85.850,14.150,10.48,256,0.900,bicubic,-12.010,-7.976,-4
rexnet_100,65.810,34.190,86.510,13.490,4.80,224,0.875,bicubic,-12.050,-7.366,-8
seresnext26t_32x4d,65.780,34.220,85.610,14.390,16.81,224,0.875,bicubic,-12.198,-8.132,-15
resnet34d,65.770,34.230,86.620,13.380,21.82,224,0.875,bicubic,-11.344,-6.762,+17
repvgg_b1g4,65.760,34.240,85.970,14.030,39.97,224,0.875,bilinear,-11.834,-7.872,-2
densenet161,65.700,34.300,86.510,13.490,28.68,224,0.875,bicubic,-11.652,-7.126,+8
skresnet34,65.660,34.340,85.960,14.040,22.28,224,0.875,bicubic,-11.260,-7.360,+23
eca_resnext26ts,65.630,34.370,85.780,14.220,10.30,256,0.900,bicubic,-11.820,-7.798,+3
mobilenetv3_large_100_miil,65.620,34.380,85.210,14.790,5.48,224,0.875,bilinear,-12.292,-7.694,-19
res2next50,65.610,34.390,85.810,14.190,24.67,224,0.875,bilinear,-12.632,-8.094,-35
hardcorenas_d,65.570,34.430,85.530,14.470,7.50,224,0.875,bilinear,-11.854,-7.956,+1
selecsls42b,65.550,34.450,85.870,14.130,32.46,224,0.875,bicubic,-11.640,-7.520,+7
xcit_tiny_12_p16_224,65.500,34.500,86.190,13.810,6.72,224,1.000,bicubic,-11.620,-7.528,+7
resnet26t,65.470,34.530,86.240,13.760,16.01,256,0.940,bicubic,-12.402,-7.594,-22
seresnext26ts,65.450,34.550,86.020,13.980,10.39,256,0.900,bicubic,-12.398,-7.768,-19
convmixer_1024_20_ks9_p14,65.430,34.570,85.520,14.480,24.38,224,0.960,bicubic,-11.514,-7.838,+13
tf_efficientnet_lite2,65.300,34.700,86.010,13.990,6.09,260,0.890,bicubic,-12.182,-7.738,-8
densenet201,65.290,34.710,85.660,14.340,20.01,224,0.875,bicubic,-12.000,-7.820,-2
seresnext26d_32x4d,65.260,34.740,85.810,14.190,16.81,224,0.875,bicubic,-12.326,-7.794,-15
densenetblur121d,65.250,34.750,85.780,14.220,8.00,224,0.875,bicubic,-11.340,-7.412,+20
crossvit_9_dagger_240,65.230,34.770,86.470,13.530,8.78,240,0.875,bicubic,-11.760,-7.136,+5
res2net50_48w_2s,65.220,34.780,85.920,14.080,25.29,224,0.875,bilinear,-12.314,-7.638,-15
tf_efficientnet_b0_ap,65.200,34.800,85.490,14.510,5.29,224,0.875,bicubic,-11.904,-7.774,-1
hrnet_w18,65.110,34.890,85.690,14.310,21.30,224,0.875,bilinear,-11.648,-7.748,+11
ese_vovnet19b_dw,65.100,34.900,85.420,14.580,6.54,224,0.875,bicubic,-11.724,-7.860,+8
dla60,65.070,34.930,85.700,14.300,22.04,224,0.875,bilinear,-11.964,-7.624,-1
gernet_s,65.000,35.000,85.520,14.480,8.17,224,0.875,bilinear,-11.906,-7.614,+4
tf_efficientnet_cc_b0_4e,64.960,35.040,85.020,14.980,13.31,224,0.875,bicubic,-12.360,-8.302,-13
mobilenetv2_120d,64.920,35.080,85.850,14.150,5.83,224,0.875,bicubic,-12.366,-7.662,-12
hardcorenas_c,64.850,35.150,85.240,14.760,5.52,224,0.875,bilinear,-12.200,-7.932,-6
legacy_seresnext26_32x4d,64.830,35.170,85.550,14.450,16.79,224,0.875,bicubic,-12.264,-7.760,-8
mixnet_m,64.740,35.260,85.510,14.490,5.01,224,0.875,bicubic,-12.534,-7.912,-14
resnet26d,64.590,35.410,85.090,14.910,16.01,224,0.875,bicubic,-12.100,-8.058,+3
xcit_nano_12_p8_224_dist,64.520,35.480,85.900,14.100,3.05,224,1.000,bicubic,-11.810,-7.186,+12
tf_efficientnet_lite1,64.490,35.510,85.520,14.480,5.42,240,0.882,bicubic,-12.174,-7.714,+2
tf_mixnet_m,64.460,35.540,84.930,15.070,5.01,224,0.875,bicubic,-12.498,-8.236,-9
levit_128s,64.440,35.560,84.690,15.310,7.78,224,0.900,bicubic,-12.098,-8.174,+5
densenet169,64.420,35.580,85.250,14.750,14.15,224,0.875,bicubic,-11.478,-7.774,+16
resnext26ts,64.380,35.620,85.000,15.000,10.30,256,0.900,bicubic,-12.392,-8.130,-5
resmlp_12_224,64.340,35.660,85.600,14.400,15.35,224,0.875,bicubic,-12.314,-7.572,-2
repvgg_a2,64.270,35.730,84.980,15.020,28.21,224,0.875,bilinear,-12.210,-8.040,+4
regnetx_016,64.230,35.770,85.440,14.560,9.19,224,0.875,bicubic,-12.716,-7.986,-14
xcit_nano_12_p16_384_dist,64.230,35.770,85.280,14.720,3.05,384,1.000,bicubic,-11.238,-7.396,+19
hardcorenas_b,64.210,35.790,84.860,15.140,5.18,224,0.875,bilinear,-12.320,-7.892,-1
tf_efficientnet_b0,64.160,35.840,85.170,14.830,5.29,224,0.875,bicubic,-12.686,-8.060,-13
dpn68,64.030,35.970,84.990,15.010,12.61,224,0.875,bicubic,-12.264,-7.972,+2
tf_efficientnet_es,63.900,36.100,84.580,15.420,5.44,224,0.875,bicubic,-12.690,-8.632,-6
vit_small_patch32_224,63.880,36.120,85.590,14.410,22.88,224,0.900,bicubic,-12.114,-7.686,+3
mobilenetv2_140,63.870,36.130,84.950,15.050,6.11,224,0.875,bicubic,-12.646,-8.050,-5
densenet121,63.730,36.270,84.600,15.400,7.98,224,0.875,bicubic,-11.838,-8.052,+8
regnety_008,63.730,36.270,85.240,14.760,6.26,224,0.875,bicubic,-12.590,-7.828,-4
hardcorenas_a,63.680,36.320,84.470,15.530,5.26,224,0.875,bilinear,-12.232,-8.044,+1
resnest14d,63.550,36.450,84.010,15.990,10.61,224,0.875,bilinear,-11.956,-8.510,+7
mixnet_s,63.540,36.460,84.710,15.290,4.13,224,0.875,bicubic,-12.454,-8.082,-4
tf_mixnet_s,63.430,36.570,84.090,15.910,4.13,224,0.875,bicubic,-12.254,-8.546,+1
resnet26,63.420,36.580,84.210,15.790,16.00,224,0.875,bicubic,-11.872,-8.364,+9
mobilenetv3_large_100,63.310,36.690,84.050,15.950,5.48,224,0.875,bicubic,-12.464,-8.490,-2
efficientnet_es_pruned,63.300,36.700,84.840,15.160,5.44,224,0.875,bicubic,-11.696,-7.600,+15
mobilenetv3_rw,63.270,36.730,84.560,15.440,5.48,224,0.875,bicubic,-12.348,-8.152,-2
tv_resnet50,63.200,36.800,84.640,15.360,25.56,224,0.875,bilinear,-12.952,-8.238,-11
vit_tiny_r_s16_p8_384,63.190,36.810,85.120,14.880,6.36,384,1.000,bicubic,-12.782,-8.152,-9
efficientnet_lite0,63.160,36.840,84.350,15.650,4.65,224,0.875,bicubic,-12.344,-8.166,-1
mixer_b16_224,63.160,36.840,83.080,16.920,59.88,224,0.875,bicubic,-13.462,-9.148,-24
vit_tiny_patch16_224,63.100,36.900,84.900,15.100,5.72,224,0.900,bicubic,-12.354,-7.952,-1
pit_ti_distilled_224,63.090,36.910,84.010,15.990,5.10,224,0.900,bicubic,-11.440,-8.090,+15
semnasnet_100,63.050,36.950,84.450,15.550,3.89,224,0.875,bicubic,-12.402,-8.156,-2
resnet34,62.850,37.150,84.150,15.850,21.80,224,0.875,bilinear,-12.262,-8.126,+2
tv_densenet121,62.790,37.210,84.120,15.880,7.98,224,0.875,bicubic,-11.956,-8.034,+8
legacy_seresnet34,62.770,37.230,84.200,15.800,21.96,224,0.875,bilinear,-12.022,-7.928,+6
regnety_006,62.740,37.260,84.100,15.900,6.06,224,0.875,bicubic,-12.526,-8.434,-4
deit_tiny_distilled_patch16_224,62.720,37.280,83.800,16.200,5.91,224,0.900,bicubic,-11.804,-8.096,+10
hrnet_w18_small_v2,62.660,37.340,83.850,16.150,15.60,224,0.875,bilinear,-12.446,-8.562,-2
swsl_resnet18,62.650,37.350,84.290,15.710,11.69,224,0.875,bilinear,-10.632,-7.468,+22
mobilenetv2_110d,62.620,37.380,84.450,15.550,4.52,224,0.875,bicubic,-12.432,-7.738,-2
repvgg_b0,62.620,37.380,83.660,16.340,15.82,224,0.875,bilinear,-12.532,-8.754,-8
tf_efficientnet_lite0,62.560,37.440,84.140,15.860,4.65,224,0.875,bicubic,-12.272,-8.036,-2
regnetx_008,62.510,37.490,83.980,16.020,7.26,224,0.875,bicubic,-12.546,-8.368,-6
dla34,62.500,37.500,83.860,16.140,15.74,224,0.875,bilinear,-12.108,-8.198,0
gluon_resnet34_v1b,62.460,37.540,83.920,16.080,21.80,224,0.875,bicubic,-12.132,-8.076,0
xcit_nano_12_p8_224,62.450,37.550,84.190,15.810,3.05,224,1.000,bicubic,-11.462,-7.976,+7
fbnetc_100,62.380,37.620,83.370,16.630,5.57,224,0.875,bilinear,-12.740,-9.004,-13
tf_mobilenetv3_large_100,62.230,37.770,83.850,16.150,5.48,224,0.875,bilinear,-13.280,-8.758,-23
crossvit_9_240,62.110,37.890,84.300,15.700,8.55,240,0.875,bicubic,-11.872,-7.670,+3
crossvit_tiny_240,62.060,37.940,83.780,16.220,7.01,240,0.875,bicubic,-11.284,-8.142,+9
regnety_004,61.990,38.010,83.440,16.560,4.34,224,0.875,bicubic,-12.022,-8.326,-1
vgg19_bn,61.910,38.090,83.380,16.620,143.68,224,0.875,bilinear,-12.324,-8.474,-4
mnasnet_100,61.900,38.100,83.730,16.270,4.38,224,0.875,bicubic,-12.774,-8.368,-10
ssl_resnet18,61.530,38.470,83.300,16.700,11.69,224,0.875,bilinear,-11.082,-8.120,+12
eca_botnext26ts_256,61.520,38.480,82.760,17.240,10.59,256,0.950,bicubic,-12.358,-9.028,-1
convit_tiny,61.470,38.530,83.990,16.010,5.71,224,0.875,bicubic,-11.642,-7.730,+6
tv_resnet34,61.150,38.850,82.640,17.360,21.80,224,0.875,bilinear,-12.154,-8.782,+3
regnetx_006,61.120,38.880,83.250,16.750,6.20,224,0.875,bicubic,-12.726,-8.432,-3
spnasnet_100,61.070,38.930,82.750,17.250,4.42,224,0.875,bilinear,-13.008,-9.070,-10
pit_ti_224,60.940,39.060,83.820,16.180,4.85,224,0.900,bicubic,-11.982,-7.590,+5
vgg16_bn,60.820,39.180,83.010,16.990,138.37,224,0.875,bilinear,-12.540,-8.482,-4
skresnet18,60.820,39.180,82.870,17.130,11.96,224,0.875,bicubic,-12.202,-8.300,+2
ghostnet_100,60.610,39.390,82.270,17.730,5.18,224,0.875,bilinear,-13.374,-9.190,-12
tf_mobilenetv3_large_075,60.360,39.640,81.800,18.200,3.99,224,0.875,bilinear,-13.090,-9.540,-7
xcit_nano_12_p16_224_dist,60.330,39.670,82.490,17.510,3.05,224,1.000,bicubic,-11.982,-8.362,+5
mobilenetv2_100,60.210,39.790,82.040,17.960,3.50,224,0.875,bicubic,-12.742,-8.962,-2
vit_base_patch32_sam_224,59.970,40.030,81.300,18.700,88.22,224,0.900,bicubic,-13.730,-9.708,-37
deit_tiny_patch16_224,59.920,40.080,82.730,17.270,5.72,224,0.900,bicubic,-12.240,-8.382,+6
resnet18d,59.860,40.140,82.310,17.690,11.71,224,0.875,bicubic,-12.408,-8.374,+3
legacy_seresnet18,59.730,40.270,81.600,18.400,11.78,224,0.875,bicubic,-12.004,-8.738,+7
vgg19,59.720,40.280,81.420,18.580,143.67,224,0.875,bilinear,-12.668,-9.466,-2
regnetx_004,59.260,40.740,81.830,18.170,5.16,224,0.875,bicubic,-13.130,-8.988,-4
tf_mobilenetv3_large_minimal_100,59.040,40.960,80.880,19.120,3.92,224,0.875,bilinear,-13.212,-9.756,0
hrnet_w18_small,58.920,41.080,81.340,18.660,13.19,224,0.875,bilinear,-13.412,-9.346,-4
vit_tiny_r_s16_p8_224,58.880,41.120,81.630,18.370,6.34,224,0.900,bicubic,-12.918,-9.194,+1
vgg13_bn,58.850,41.150,81.040,18.960,133.05,224,0.875,bilinear,-12.714,-9.334,+3
vgg16,58.630,41.370,81.670,18.330,138.36,224,0.875,bilinear,-12.954,-8.720,+1
xcit_nano_12_p16_224,58.340,41.660,80.900,19.100,3.05,224,1.000,bicubic,-11.632,-8.858,+5
gluon_resnet18_v1b,58.300,41.700,80.990,19.010,11.69,224,0.875,bicubic,-12.534,-8.770,+1
resnet18,57.240,42.760,80.090,19.910,11.69,224,0.875,bilinear,-12.500,-8.996,+5
vgg13,57.100,42.900,79.610,20.390,133.05,224,0.875,bilinear,-12.838,-9.648,+3
vgg11_bn,57.040,42.960,79.760,20.240,132.87,224,0.875,bilinear,-13.322,-10.046,-1
regnety_002,56.980,43.020,79.830,20.170,3.16,224,0.875,bicubic,-13.302,-9.714,-1
mixer_l16_224,56.200,43.800,75.690,24.310,208.20,224,0.875,bicubic,-15.866,-11.964,-9
dla60x_c,56.090,43.910,78.950,21.050,1.32,224,0.875,bilinear,-11.822,-9.468,+5
vgg11,55.900,44.100,78.760,21.240,132.86,224,0.875,bilinear,-13.148,-9.876,0
regnetx_002,55.790,44.210,79.240,20.760,2.68,224,0.875,bicubic,-12.960,-9.320,0
tf_mobilenetv3_small_100,54.530,45.470,77.010,22.990,2.54,224,0.875,bilinear,-13.396,-10.666,+1
botnet26t_256,53.690,46.310,77.400,22.600,12.49,256,0.950,bicubic,-14.856,-11.296,-1
dla46x_c,53.120,46.880,76.810,23.190,1.07,224,0.875,bilinear,-12.856,-10.178,+1
tf_mobilenetv3_small_075,52.360,47.640,75.470,24.530,2.04,224,0.875,bilinear,-13.360,-10.666,+1
dla46_c,52.020,47.980,75.730,24.270,1.30,224,0.875,bilinear,-12.850,-10.564,+1
tf_mobilenetv3_small_minimal_100,49.560,50.440,72.820,27.180,2.04,224,0.875,bilinear,-13.348,-11.426,+1

1 model top1 top1_err top5 top5_err param_count img_size cropt_pct interpolation top1_diff top5_diff rank_diff
2 tf_efficientnet_l2_ns_475 beit_large_patch16_512 80.460 80.770 19.540 19.230 95.730 95.860 4.270 4.140 480.31 305.67 475 512 0.936 1.000 bicubic -7.774 -7.814 -2.816 -2.800 +1 0
3 tf_efficientnet_l2_ns tf_efficientnet_l2_ns_475 80.250 80.500 19.750 19.500 95.840 95.630 4.160 4.370 480.31 800 475 0.960 0.936 bicubic -8.102 -7.738 -2.810 -2.920 -1 +2
4 tf_efficientnet_b7_ns beit_large_patch16_384 78.510 80.280 21.490 19.720 94.380 95.610 5.620 4.390 66.35 305.00 600 384 0.949 1.000 bicubic -8.330 -8.102 -3.714 -2.998 +2 -1
5 vit_large_patch16_384 tf_efficientnet_l2_ns 77.940 80.100 22.060 19.900 94.450 95.860 5.550 4.140 304.72 480.31 384 800 1.000 0.960 bicubic -9.140 -8.246 -3.850 -2.794 0 -1
6 tf_efficientnet_b6_ns beit_large_patch16_224 77.280 79.340 22.720 20.660 93.890 94.940 6.110 5.060 43.04 304.43 528 224 0.942 0.900 bicubic -9.172 -8.136 -3.992 -3.378 +2 0
7 vit_large_r50_s32_384 swin_large_patch4_window12_384 77.060 78.310 22.940 21.690 93.720 94.410 6.280 5.590 329.09 196.74 384 1.000 bicubic -9.124 -8.840 -4.198 -3.828 +5 0
8 swin_large_patch4_window12_384 tf_efficientnet_b7_ns 77.040 77.850 22.960 22.150 93.750 94.310 6.250 5.690 196.74 66.35 384 600 1.000 0.949 bicubic -10.108 -8.980 -4.484 -3.774 -4 +1
9 tf_efficientnetv2_l_in21ft1k vit_large_patch16_384 76.940 77.810 23.060 22.190 93.950 94.290 6.050 5.710 118.52 304.72 480 384 1.000 bicubic -9.364 -9.282 -4.028 -4.016 +2 -1
10 cait_m48_448 beit_base_patch16_384 76.870 77.780 23.130 22.220 93.370 94.330 6.630 5.670 356.46 86.74 448 384 1.000 bicubic -9.614 -9.028 -4.384 -3.810 -3 0
11 ig_resnext101_32x48d swin_base_patch4_window12_384 76.870 77.350 23.130 22.650 93.310 94.330 6.690 5.670 828.41 87.90 224 384 0.875 1.000 bilinear bicubic -8.558 -9.086 -4.262 -3.736 +13 +2
12 ig_resnext101_32x32d swin_large_patch4_window7_224 76.840 77.050 23.160 22.950 93.200 93.670 6.800 6.330 468.53 196.53 224 0.875 0.900 bilinear bicubic -8.254 -9.266 -4.238 -4.220 +19 +3
13 tf_efficientnet_b5_ns tf_efficientnet_b6_ns 76.810 77.050 23.190 22.950 93.580 93.790 6.420 6.210 30.39 43.04 456 528 0.934 0.942 bicubic -9.278 -9.396 -4.172 -4.090 +1 -1
14 vit_base_patch16_384 vit_large_r50_s32_384 76.500 76.900 23.500 23.100 93.750 93.680 6.250 6.320 86.86 329.09 384 1.000 bicubic -9.506 -9.280 -4.250 -4.244 +2 +3
15 cait_m36_384 cait_m48_448 76.320 76.870 23.680 23.130 93.050 93.420 6.950 6.580 271.22 356.46 384 448 1.000 bicubic -9.734 -9.624 -4.680 -4.330 0 -4
16 vit_large_patch16_224 ig_resnext101_32x48d 76.290 76.780 23.710 23.220 93.600 93.410 6.400 6.590 304.33 828.41 224 0.900 0.875 bicubic bilinear -9.552 -8.650 -4.224 -4.172 +1 +17
17 swin_base_patch4_window12_384 xcit_large_24_p8_384_dist 76.280 76.750 23.720 23.250 93.320 93.090 6.680 6.910 87.90 188.93 384 1.000 bicubic -10.152 -9.246 -4.738 -4.598 -8 +5
18 tf_efficientnetv2_l ig_resnext101_32x32d 76.280 76.740 23.720 23.260 92.970 93.180 7.030 6.820 118.52 468.53 480 224 1.000 0.875 bicubic bilinear -9.210 -8.354 -4.402 -4.258 +4 +26
19 swin_large_patch4_window7_224 tf_efficientnet_b5_ns 76.270 76.700 23.730 23.300 93.420 93.510 6.580 6.490 196.53 30.39 224 456 0.900 0.934 bicubic -10.050 -9.376 -4.476 -4.242 -9 0
20 cait_s36_384 tf_efficientnetv2_l_in21ft1k 76.210 76.600 23.790 23.400 92.970 93.760 7.030 6.240 68.37 118.52 384 480 1.000 bicubic -9.250 -9.692 -4.510 -4.224 +3 -4
21 dm_nfnet_f6 tf_efficientnetv2_xl_in21ft1k 76.130 76.570 23.870 23.430 93.110 93.120 6.890 6.880 438.36 208.12 576 512 0.956 1.000 bicubic -10.014 -9.834 -4.620 -4.748 -8 -7
22 tf_efficientnet_b7_ap cait_m36_384 76.090 76.280 23.910 23.720 92.970 93.040 7.030 6.960 66.35 271.22 600 384 0.949 1.000 bicubic -9.030 -9.776 -4.282 -4.690 +8 -2
23 tf_efficientnet_b8_ap xcit_medium_24_p8_384_dist 76.090 76.250 23.910 23.750 92.730 92.960 7.270 7.040 87.41 84.32 672 384 0.954 1.000 bicubic -9.280 -9.570 -4.564 -4.634 +4 +1
24 tf_efficientnetv2_m_in21ft1k vit_base_patch16_384 75.920 76.160 24.080 23.840 93.280 93.600 6.720 6.400 54.14 86.86 480 384 1.000 bicubic -9.668 -9.840 -4.472 -4.406 -4 -3
25 dm_nfnet_f4 vit_large_patch16_224 75.850 76.150 24.150 23.850 92.950 93.470 7.050 6.530 316.07 304.33 512 224 0.951 0.900 bicubic -9.864 -9.688 -4.570 -4.356 -6 -2
26 ig_resnext101_32x16d tf_efficientnetv2_l 75.720 76.070 24.280 23.930 92.910 92.960 7.090 7.040 194.03 118.52 224 480 0.875 1.000 bilinear bicubic -8.450 -9.432 -4.286 -4.410 +31 +5
27 tf_efficientnet_b4_ns xcit_large_24_p8_224_dist 75.670 76.060 24.330 23.940 93.050 92.700 6.950 7.300 19.34 188.93 380 224 0.922 1.000 bicubic -9.492 -9.340 -4.420 -4.716 +2 +9
28 vit_base_r50_s16_384 cait_s36_384 75.590 76.020 24.410 23.980 92.790 92.920 7.210 7.080 98.95 68.37 384 1.000 bicubic -9.382 -9.434 -4.498 -4.562 +9 +4
29 deit_base_distilled_patch16_384 tf_efficientnet_b7_ap 75.550 75.990 24.450 24.010 92.500 92.930 7.500 7.070 87.63 66.35 384 600 1.000 0.949 bicubic -9.872 -9.130 -4.832 -4.320 -4 +13
30 tf_efficientnetv2_m tf_efficientnet_b8_ap 75.520 75.970 24.480 24.030 92.620 92.650 7.380 7.350 54.14 87.41 480 672 1.000 0.954 bicubic -9.524 -9.404 -4.658 -4.648 +4 +7
31 cait_s24_384 xcit_large_24_p16_384_dist 75.480 75.840 24.520 24.160 92.600 92.790 7.400 7.210 47.06 189.10 384 1.000 bicubic -9.566 -9.930 -4.746 -4.744 +2 -5
32 swsl_resnext101_32x8d tf_efficientnetv2_m_in21ft1k 75.430 75.830 24.570 24.170 92.760 93.170 7.240 6.830 88.79 54.14 224 480 0.875 1.000 bilinear bicubic -8.854 -9.768 -4.416 -4.582 +22 -4
33 tf_efficientnet_b6_ap xcit_small_24_p8_384_dist 75.380 75.800 24.620 24.200 92.440 92.960 7.560 7.040 43.04 47.63 528 384 0.942 1.000 bicubic -9.408 -9.766 -4.698 -4.616 +8 -4
34 dm_nfnet_f3 dm_nfnet_f6 75.210 75.790 24.790 24.210 92.940 93.020 7.060 6.980 254.92 438.36 416 576 0.940 0.956 bicubic -10.312 -10.340 -4.522 -4.720 -13 -16
35 efficientnetv2_rw_m beit_base_patch16_224 75.170 75.680 24.830 24.320 92.570 93.420 7.430 6.580 53.24 86.53 416 224 1.000 0.900 bicubic -9.638 -9.560 -4.578 -4.234 +5
36 ecaresnet269d ig_resnext101_32x16d 75.120 75.670 24.880 24.330 92.840 92.940 7.160 7.060 102.09 194.03 352 224 1.000 0.875 bicubic bilinear -9.856 -8.496 -4.386 -4.256 0 +43
37 dm_nfnet_f5 xcit_medium_24_p8_224_dist 75.000 75.580 25.000 24.420 92.600 92.810 7.400 7.190 377.21 84.32 544 224 0.954 1.000 bicubic -10.814 -9.488 -4.888 -4.466 -19 +9
38 tf_efficientnet_b8 swin_base_patch4_window7_224 74.940 75.570 25.060 24.430 92.310 93.250 7.690 6.750 87.41 87.77 672 224 0.954 0.900 bicubic -10.430 -9.698 -5.080 -4.308 -12 +1
39 eca_nfnet_l2 tf_efficientnet_b4_ns 74.830 75.500 25.170 24.500 92.650 92.860 7.350 7.140 56.72 19.34 384 380 1.000 0.922 bicubic -9.868 -9.650 -4.614 -4.610 +4 +2
40 tf_efficientnet_b7 swsl_resnext101_32x8d 74.720 75.480 25.280 24.520 92.220 92.680 7.780 7.320 66.35 88.79 600 224 0.949 0.875 bicubic bilinear -10.216 -8.794 -4.984 -4.494 -2 +35
41 dm_nfnet_f2 vit_base_r50_s16_384 74.620 75.410 25.380 24.590 92.260 92.760 7.740 7.240 193.78 98.95 352 384 0.920 1.000 bicubic -10.444 -9.574 -4.980 -4.538 -9 +11
42 tf_efficientnet_b5_ap deit_base_distilled_patch16_384 74.600 75.400 25.400 24.600 91.990 92.520 8.010 7.480 30.39 87.63 456 384 0.934 1.000 bicubic -9.652 -10.022 -4.984 -4.812 +14 -7
43 dm_nfnet_f1 cait_s24_384 74.570 75.380 25.430 24.620 92.260 92.520 7.740 7.480 132.63 47.06 320 384 0.910 1.000 bicubic -10.056 -9.664 -4.840 -4.830 +1 +6
44 swin_base_patch4_window7_224 tf_efficientnet_b6_ap 74.570 75.370 25.430 24.630 92.560 92.300 7.440 7.700 87.77 43.04 224 528 0.900 0.942 bicubic -10.682 -9.414 -5.002 -4.838 -16 +14
45 seresnet152d dm_nfnet_f4 74.510 75.330 25.490 24.670 92.080 92.880 7.920 7.120 66.84 316.07 320 512 1.000 0.951 bicubic -9.852 -10.370 -4.960 -4.634 +7 -18
46 resnest200e tf_efficientnetv2_m 74.480 75.260 25.520 24.740 91.860 92.680 8.140 7.320 70.20 54.14 320 480 0.909 1.000 bicubic -9.352 -9.786 -5.034 -4.604 +23 +2
47 tf_efficientnetv2_s_in21ft1k efficientnetv2_rw_m 74.450 75.130 25.550 24.870 92.510 92.540 7.490 7.460 21.46 53.24 384 416 1.000 bicubic -9.852 -9.692 -4.742 -4.606 +6 +10
48 efficientnetv2_rw_s xcit_medium_24_p16_384_dist 74.170 75.100 25.830 24.900 91.710 92.330 8.290 7.670 23.94 84.40 384 1.000 bicubic -9.638 -10.326 -5.014 -5.078 +23 -14
49 resnest269e xcit_small_24_p8_224_dist 74.170 75.000 25.830 25.000 91.950 92.390 8.050 7.610 110.93 47.63 416 224 0.928 1.000 bicubic -10.348 -9.876 -5.036 -4.808 -3 +7
50 cait_xs24_384 xcit_small_12_p8_384_dist 74.160 74.990 25.840 25.010 91.910 92.370 8.090 7.630 26.67 26.21 384 1.000 bicubic -9.902 -10.092 -4.978 -4.900 +11 -5
51 pit_b_distilled_224 dm_nfnet_f3 74.160 74.900 25.840 25.100 91.680 92.860 8.320 7.140 74.79 254.92 224 416 0.900 0.940 bicubic -9.984 -10.632 -5.176 -4.598 +7 -21
52 swsl_resnext101_32x4d ecaresnet269d 74.140 74.880 25.860 25.120 91.990 92.770 8.010 7.230 44.18 102.09 224 352 0.875 1.000 bilinear bicubic -9.090 -10.106 -4.770 -4.458 +33 -1
53 eca_nfnet_l1 dm_nfnet_f5 74.120 74.740 25.880 25.260 92.070 92.480 7.930 7.520 41.41 377.21 320 544 1.000 0.954 bicubic -9.890 -11.066 -4.958 -5.002 +12 -28
54 vit_large_r50_s32_224 xcit_small_24_p16_384_dist 74.100 74.620 25.900 25.380 92.390 92.520 7.610 7.480 328.99 47.67 224 384 0.900 1.000 bicubic -10.334 -10.484 -4.774 -4.796 -4 -11
55 vit_base_patch16_224_miil eca_nfnet_l2 74.040 74.550 25.960 25.450 91.700 92.630 8.300 7.370 86.54 56.72 224 384 0.875 1.000 bilinear bicubic -10.228 -10.170 -5.102 -4.628 0 +4
56 swsl_resnext101_32x16d tf_efficientnet_b8 74.020 74.540 25.980 25.460 92.160 92.170 7.840 7.830 194.03 87.41 224 672 0.875 0.954 bilinear bicubic -9.326 -10.810 -4.686 -5.222 +27 -18
57 resnetv2_152x4_bitm xcit_large_24_p16_224_dist 74.010 74.530 25.990 25.470 92.340 91.990 7.660 8.010 936.53 189.10 480 224 1.000 bilinear bicubic -10.906 -10.400 -5.102 -5.140 -18 -2
58 tf_efficientnetv2_s dm_nfnet_f1 74.000 74.500 26.000 25.500 91.530 92.260 8.470 7.740 21.46 132.63 384 320 1.000 0.910 bicubic -9.894 -10.124 -5.168 -4.836 +9 +4
59 vit_base_patch16_224 dm_nfnet_f2 74.000 74.490 26.000 25.510 92.470 92.200 7.530 7.800 86.57 193.78 224 352 0.900 0.920 bicubic -10.532 -10.556 -4.824 -5.038 -14 -12
60 resnetrs420 tf_efficientnet_b7 73.920 74.460 26.080 25.540 91.760 92.120 8.240 7.880 191.89 66.35 416 600 1.000 0.949 bicubic -11.088 -10.476 -5.364 -5.086 -25 -6
61 resnetv2_152x2_bitm xcit_small_12_p16_384_dist 73.920 74.350 26.080 25.650 92.670 92.120 7.330 7.880 236.34 26.25 448 384 1.000 bilinear bicubic -10.590 -10.364 -4.762 -4.996 -14 -1
62 tf_efficientnet_b6 tf_efficientnet_b5_ap 73.900 74.330 26.100 25.670 91.750 91.940 8.250 8.060 43.04 30.39 528 456 0.942 0.934 bicubic -10.210 -9.928 -5.136 -5.036 -3 +14
63 tf_efficientnet_b3_ns resnest200e 73.890 74.240 26.110 25.760 91.870 91.860 8.130 8.140 12.23 70.20 300 320 0.904 0.909 bicubic -10.158 -9.608 -5.040 -5.030 -1 +29
64 resmlp_big_24_224_in22ft1k tf_efficientnetv2_s_in21ft1k 73.880 74.240 26.120 25.760 91.750 92.400 8.250 7.600 129.14 21.46 224 384 0.875 1.000 bicubic -10.514 -10.056 -5.370 -4.856 -13 +8
65 vit_small_r26_s32_384 resmlp_big_24_224_in22ft1k 73.800 74.220 26.200 25.780 92.300 92.080 7.700 7.920 36.47 129.14 384 224 1.000 0.875 bicubic -10.246 -10.204 -5.028 -5.036 -2 +4
66 resnetrs270 xcit_large_24_p8_224 73.710 74.170 26.290 25.830 91.580 90.880 8.420 9.120 129.86 188.93 352 224 1.000 bicubic -10.724 -10.212 -5.390 -5.776 -17 +4
67 resnet200d vit_large_r50_s32_224 73.680 74.140 26.320 25.860 91.570 92.290 8.430 7.710 64.69 328.99 320 224 1.000 0.900 bicubic -10.282 -10.300 -5.254 -4.680 -1
68 resnetv2_101x3_bitm seresnet152d 73.670 74.110 26.330 25.890 92.470 91.920 7.530 8.080 387.93 66.84 448 320 1.000 bilinear bicubic -10.770 -10.252 -4.912 -5.122 -20 +3
69 ig_resnext101_32x8d cait_xs24_384 73.650 74.090 26.350 25.910 92.190 91.900 7.810 8.100 88.79 26.67 224 384 0.875 1.000 bilinear bicubic -9.038 -9.964 -4.446 -4.986 +32 +14
70 tf_efficientnet_b5 pit_b_distilled_224 73.550 74.080 26.450 25.920 91.460 91.590 8.540 8.410 30.39 74.79 456 224 0.934 0.900 bicubic -10.262 -10.078 -5.288 -5.268 0 +10
71 resnet152d vit_base_patch16_224 73.520 74.070 26.480 25.930 91.230 92.400 8.770 7.600 60.21 86.57 320 224 1.000 0.900 bicubic -10.160 -10.470 -5.508 -4.906 +4 -8
72 resnetrs200 efficientnetv2_rw_s 73.500 74.020 26.500 25.980 91.250 91.750 8.750 8.250 93.21 23.94 320 384 1.000 bicubic -10.566 -9.810 -5.624 -4.972 -12 +23
73 resnetrs350 crossvit_18_dagger_408 73.400 74.010 26.600 25.990 91.310 91.300 8.690 8.700 163.96 44.61 384 408 1.000 bicubic -11.320 -10.174 -5.678 -5.522 -31 +5
74 twins_svt_large swsl_resnext101_32x4d 73.390 74.000 26.610 26.000 90.910 91.970 9.090 8.030 99.27 44.18 224 0.900 0.875 bicubic bilinear -10.288 -9.226 -5.684 -4.798 +2 +43
75 regnety_160 vit_base_patch16_224_miil 73.360 74.000 26.640 26.000 91.690 91.600 8.310 8.400 83.59 86.54 288 224 1.000 0.875 bicubic bilinear -10.326 -10.276 -5.086 -5.198 -1
76 efficientnet_b4 tf_efficientnetv2_s 73.320 73.980 26.680 26.020 91.280 91.430 8.720 8.570 19.34 21.46 384 1.000 bicubic -10.108 -9.918 -5.316 -5.268 +3 +14
77 resmlp_big_24_distilled_224 resnest269e 73.290 73.920 26.710 26.080 91.160 91.990 8.840 8.010 129.14 110.93 224 416 0.875 0.928 bicubic -10.300 -10.604 -5.488 -4.996 0 -13
78 vit_small_patch16_384 tf_efficientnet_b6 73.290 73.910 26.710 26.090 91.990 91.730 8.010 8.270 22.20 43.04 384 528 1.000 0.942 bicubic -10.512 -10.202 -5.112 -5.158 -6 +3
79 deit_base_distilled_patch16_224 eca_nfnet_l1 73.240 73.880 26.760 26.120 91.000 92.020 9.000 7.980 87.34 41.41 224 320 0.900 1.000 bicubic -10.148 -10.152 -5.488 -5.012 +1 +8
80 resnetrs152 vit_small_r26_s32_384 73.200 73.880 26.800 26.120 91.260 92.150 8.740 7.850 86.62 36.47 320 384 1.000 bicubic -10.512 -10.170 -5.354 -5.172 -7 +4
81 vit_base_patch32_384 xcit_small_12_p8_224_dist 73.130 73.880 26.870 26.120 91.240 91.700 8.760 8.300 88.30 26.21 384 224 1.000 bicubic -10.220 -10.360 -5.596 -5.172 +1 -4
82 cait_s24_224 resnetrs420 73.070 73.870 26.930 26.130 91.130 91.700 8.870 8.300 46.92 191.89 224 416 1.000 bicubic -10.382 -11.138 -5.434 -5.426 -4 -32
83 resnetv2_152x2_bit_teacher_384 tf_efficientnet_b3_ns 72.890 73.770 27.110 26.230 91.550 91.850 8.450 8.150 236.34 12.23 384 300 1.000 0.904 bicubic -10.954 -10.272 -5.568 -5.058 -15 +2
84 tf_efficientnet_b4_ap regnetz_d 72.890 73.760 27.110 26.240 90.980 91.850 9.020 8.150 19.34 27.58 380 320 0.922 0.950 bicubic -10.358 -10.274 -5.412 -5.020 0 +2
85 dm_nfnet_f0 swsl_resnext101_32x16d 72.880 73.670 27.120 26.330 91.080 92.120 8.920 7.880 71.49 194.03 256 224 0.900 0.875 bicubic bilinear -10.506 -9.684 -5.492 -4.716 -4 +25
86 regnety_032 ig_resnext101_32x8d 72.770 73.670 27.230 26.330 90.950 92.190 9.050 7.810 19.44 88.79 288 224 1.000 0.875 bicubic bilinear -9.954 -9.040 -5.474 -4.450 +13 +49
87 nfnet_l0 xcit_medium_24_p16_224_dist 72.610 73.610 27.390 26.390 91.010 91.450 8.990 8.550 35.07 84.40 288 224 1.000 bicubic -10.140 -10.668 -5.506 -5.492 +11 -14
88 pnasnet5large xcit_tiny_24_p8_384_dist 72.610 73.460 27.390 26.540 90.510 91.640 9.490 8.360 86.06 12.11 331 384 0.911 1.000 bicubic -10.172 -10.304 -5.530 -5.064 +9 +11
89 twins_pcpvt_large resnetrs270 72.580 73.450 27.420 26.550 90.700 91.460 9.300 8.540 60.99 129.86 224 352 0.900 1.000 bicubic -10.560 -10.990 -5.898 -5.694 -2 -22
90 resnest101e twins_svt_large 72.570 73.420 27.430 26.580 90.820 90.870 9.180 9.130 48.28 99.27 256 224 0.875 0.900 bilinear bicubic -10.320 -10.264 -5.500 -5.740 +4 +13
91 swsl_resnext50_32x4d resmlp_big_24_distilled_224 72.560 73.340 27.440 26.660 90.870 91.100 9.130 8.900 25.03 129.14 224 0.875 bilinear bicubic -9.622 -10.256 -5.360 -5.556 +26 +14
92 twins_svt_base resnet200d 72.550 73.320 27.450 26.680 90.460 91.470 9.540 8.530 56.07 64.69 224 320 0.900 1.000 bicubic -10.586 -10.650 -5.958 -5.348 -5 -3
93 tresnet_xl_448 tf_efficientnet_b5 72.550 73.280 27.450 26.720 90.310 91.370 9.690 8.630 78.44 30.39 448 456 0.875 0.934 bilinear bicubic -10.500 -10.530 -5.864 -5.378 -1 +4
94 deit_base_patch16_384 efficientnet_b4 72.530 73.250 27.470 26.750 90.250 91.280 9.750 8.720 86.86 19.34 384 1.000 bicubic -10.576 -10.180 -6.122 -5.314 -5 +14
95 resnetv2_50x3_bitm regnety_160 72.530 73.250 27.470 26.750 91.760 91.650 8.240 8.350 217.32 83.59 448 288 1.000 bilinear bicubic -11.484 -10.452 -5.364 -5.132 -31 +7
96 resnet101d resnet152d 72.410 73.250 27.590 26.750 90.650 91.210 9.350 8.790 44.57 60.21 320 1.000 bicubic -10.612 -10.414 -5.796 -5.524 -4 +8
97 tf_efficientnet_b4 vit_small_patch16_384 72.290 73.180 27.710 26.820 90.590 91.900 9.410 8.100 19.34 22.20 380 384 0.922 1.000 bicubic -10.732 -10.614 -5.710 -5.208 -4 +1
98 tf_efficientnet_b2_ns resnetrs200 72.280 73.170 27.720 26.830 91.090 91.110 8.910 8.890 9.11 93.21 260 320 0.890 1.000 bicubic -10.100 -10.888 -5.158 -5.764 +8 -16
99 tresnet_m jx_nest_base 72.270 73.160 27.730 26.840 90.240 91.000 9.760 9.000 31.39 67.72 224 0.875 bilinear bicubic -10.810 -10.394 -5.878 -5.364 -9 +7
100 resnetv2_50x1_bit_distilled xcit_small_24_p16_224_dist 72.260 73.150 27.740 26.850 91.010 91.430 8.990 8.570 25.55 47.67 224 0.875 1.000 bicubic -10.558 -10.724 -5.512 -5.298 -4 -11
101 nasnetalarge resnetv2_152x4_bitm 72.230 73.150 27.770 26.850 90.470 91.780 9.530 8.220 88.75 936.53 331 480 0.911 1.000 bicubic bilinear -10.390 -11.788 -5.576 -5.678 +1 -47
102 cait_xxs36_384 xcit_small_24_p8_224 72.190 73.150 27.810 26.850 90.840 91.210 9.160 8.790 17.37 47.63 384 224 1.000 bicubic -10.004 -10.696 -5.308 -5.422 +14 -8
103 twins_pcpvt_base resnetrs350 72.180 73.130 27.820 26.870 90.510 91.180 9.490 8.820 43.83 163.96 224 384 0.900 1.000 bicubic -10.528 -11.582 -5.836 -5.810 -3 -42
104 eca_nfnet_l0 xcit_medium_24_p8_224 71.840 73.090 28.160 26.910 91.110 90.440 8.890 9.560 24.14 84.32 288 224 1.000 bicubic -10.740 -10.646 -5.380 -5.946 0 -4
105 swin_small_patch4_window7_224 resnetv2_152x2_bitm 71.740 73.000 28.260 27.000 90.240 91.990 9.760 8.010 49.61 236.34 224 448 0.900 1.000 bicubic bilinear -11.472 -11.452 -6.082 -5.446 -19 -40
106 swsl_resnet50 cait_s24_224 71.700 72.990 28.300 27.010 90.500 91.130 9.500 8.870 25.56 46.92 224 0.875 1.000 bilinear bicubic -9.466 -10.472 -5.472 -5.436 +42 +1
107 pit_b_224 deit_base_distilled_patch16_224 71.700 72.960 28.300 27.040 89.250 90.950 10.750 9.050 73.76 87.34 224 0.900 bicubic -10.746 -10.428 -6.460 -5.540 -1 +2
108 tresnet_xl resnetrs152 71.660 72.900 28.340 27.100 89.630 91.200 10.370 8.800 78.44 86.62 224 320 0.875 1.000 bilinear bicubic -10.394 -10.810 -6.306 -5.410 +12 -7
109 convit_base tf_efficientnet_b4_ap 71.600 72.740 28.400 27.260 90.150 90.990 9.850 9.010 86.54 19.34 224 380 0.875 0.922 bicubic -10.690 -10.518 -5.788 -5.406 +3 +6
110 tresnet_l_448 crossvit_15_dagger_408 71.600 72.730 28.400 27.270 90.050 91.040 9.950 8.960 55.99 28.50 448 408 0.875 1.000 bilinear bicubic -10.668 -11.096 -5.926 -5.746 +4 -14
111 ssl_resnext101_32x8d dm_nfnet_f0 71.500 72.710 28.500 27.290 90.460 90.990 9.540 9.010 88.79 71.49 224 256 0.875 0.900 bilinear bicubic -10.116 -10.674 -5.578 -5.590 +20 -1
112 ecaresnet101d resnetv2_152x2_bit_teacher_384 71.490 72.710 28.510 27.290 90.330 90.930 9.670 9.070 44.57 236.34 224 384 0.875 1.000 bicubic -10.682 -11.134 -5.716 -6.188 +6 -18
113 efficientnet_b3 twins_svt_base 71.480 72.710 28.520 27.290 90.060 90.440 9.940 9.560 12.23 56.07 320 224 1.000 0.900 bicubic -10.762 -10.414 -6.054 -5.988 +2 +6
114 resnet51q vit_base_patch32_384 71.430 72.670 28.570 27.330 90.180 91.170 9.820 8.830 35.70 88.30 288 384 1.000 bilinear bicubic -10.930 -10.676 -6.000 -5.674 -7 -1
115 ssl_resnext101_32x16d xcit_small_12_p8_224 71.410 72.670 28.590 27.330 90.560 90.710 9.440 9.290 194.03 26.21 224 0.875 1.000 bilinear bicubic -10.434 -10.676 -5.536 -5.766 +10 -1
116 pit_s_distilled_224 regnety_032 71.380 72.640 28.620 27.360 89.780 90.910 10.220 9.090 24.04 19.44 224 288 0.900 1.000 bicubic -10.616 -10.082 -6.018 -5.522 +6 +16
117 mixer_b16_224_miil pnasnet5large 71.300 72.560 28.700 27.440 89.650 90.540 10.350 9.460 59.88 86.06 224 331 0.875 0.911 bilinear bicubic -11.008 -10.238 -6.066 -5.494 -6 +13
118 resnetv2_152x2_bit_teacher twins_pcpvt_large 71.290 72.550 28.710 27.450 90.430 90.880 9.570 9.120 236.34 60.99 224 0.875 0.900 bicubic -11.572 -10.588 -6.138 -5.728 -23 0
119 ecaresnet50t deit_base_patch16_384 71.280 72.480 28.720 27.520 90.420 90.230 9.580 9.770 25.57 86.86 320 384 0.950 1.000 bicubic -11.066 -10.626 -5.718 -6.146 -11 +2
120 deit_base_patch16_224 xcit_small_12_p16_224_dist 71.170 72.480 28.830 27.520 89.200 91.070 10.800 8.930 86.57 26.25 224 0.900 1.000 bicubic -10.828 -10.870 -6.534 -5.352 +1 -8
121 resnetv2_101x1_bitm swsl_resnext50_32x4d 71.010 72.450 28.990 27.550 91.090 90.860 8.910 9.140 44.54 25.03 448 224 1.000 0.875 bilinear -11.322 -9.716 -5.428 -5.374 -12 +43
122 visformer_small nfnet_l0 71.010 72.440 28.990 27.560 89.460 90.860 10.540 9.140 40.22 35.07 224 288 0.900 1.000 bicubic -11.096 -10.312 -6.412 -5.656 -3 +9
123 tresnet_m_448 gc_efficientnetv2_rw_t 70.990 72.390 29.010 27.610 88.680 90.820 11.320 9.180 31.39 13.68 448 288 0.875 1.000 bilinear bicubic -10.724 -10.088 -6.892 -5.476 +4 +22
124 resnest50d_4s2x40d resnetv2_101x3_bitm 70.950 72.380 29.050 27.620 89.710 92.040 10.290 7.960 30.42 387.93 224 448 0.875 1.000 bicubic bilinear -10.158 -12.050 -5.848 -5.332 +27 -56
125 wide_resnet50_2 xcit_tiny_24_p8_224_dist 70.950 72.370 29.050 27.630 89.230 90.790 10.770 9.210 68.88 12.11 224 0.875 1.000 bicubic -10.506 -10.206 -6.302 -5.390 +12 +15
126 tnt_s_patch16_224 resnet101d 70.930 72.350 29.070 27.650 89.600 90.580 10.400 9.420 23.76 44.57 224 320 0.900 1.000 bicubic -10.588 -10.674 -6.148 -5.876 +7 -1
127 vit_small_patch16_224 jx_nest_small 70.930 72.340 29.070 27.660 90.140 90.720 9.860 9.280 22.05 38.35 224 0.900 0.875 bicubic -10.472 -10.778 -5.994 -5.612 +12 -7
128 tf_efficientnet_b3_ap nasnetalarge 70.920 72.340 29.080 27.660 89.430 90.520 10.570 9.480 12.23 88.75 300 331 0.904 0.911 bicubic -10.902 -10.296 -6.194 -5.530 -2 +7
129 tf_efficientnet_b1_ns resnest101e 70.870 72.320 29.130 27.680 90.120 90.780 9.880 9.220 7.79 48.28 240 256 0.882 0.875 bicubic bilinear -10.518 -10.556 -5.618 -5.532 +11 -1
130 vit_large_patch32_384 tf_efficientnet_b2_ns 70.860 72.320 29.140 27.680 90.570 91.000 9.430 9.000 306.63 9.11 384 260 1.000 0.890 bicubic -10.646 -10.070 -5.522 -5.240 +5 +19
131 rexnet_200 efficientnetv2_rw_t 70.840 72.310 29.160 27.690 89.700 90.460 10.300 9.540 16.37 13.65 224 288 0.875 1.000 bicubic -10.792 -10.028 -5.968 -5.734 -2 +21
132 tresnet_l twins_pcpvt_base 70.840 72.250 29.160 27.750 89.630 90.580 10.370 9.420 55.99 43.83 224 0.875 0.900 bilinear bicubic -10.650 -10.462 -5.994 -5.768 +3 +1
133 resnetrs101 crossvit_18_240 70.840 72.200 29.160 27.800 89.830 90.280 10.170 9.720 63.62 43.27 288 240 0.940 0.875 bicubic -11.448 -10.194 -6.178 -5.782 -18 +14
134 tf_efficientnetv2_b3 tresnet_xl_448 70.830 72.170 29.170 27.830 89.500 90.130 10.500 9.870 14.36 78.44 300 448 0.904 0.875 bicubic bilinear -11.140 -10.886 -6.282 -6.054 -11
135 coat_lite_small resnetv2_50x1_bit_distilled 70.800 72.160 29.200 27.840 89.570 91.090 10.430 8.910 19.84 25.55 224 0.900 0.875 bicubic -11.508 -10.662 -6.280 -5.434 -25 -6
136 levit_384 tf_efficientnet_b4 70.750 72.160 29.250 27.840 89.300 90.480 10.700 9.520 39.13 19.34 224 380 0.900 0.922 bicubic -11.836 -10.870 -6.716 -5.818 -33 -12
137 tf_efficientnet_b3 regnetz_c 70.640 72.150 29.360 27.850 89.440 90.660 10.560 9.340 12.23 13.46 300 320 0.904 0.940 bicubic -10.996 -10.366 -6.278 -5.700 -8 +6
138 cait_xxs24_384 cait_xxs36_384 70.600 72.110 29.400 27.890 89.720 90.790 10.280 9.210 12.03 17.37 384 1.000 bicubic -10.366 -10.080 -5.926 -5.370 +20 +24
139 gluon_senet154 tresnet_m 70.600 72.100 29.400 27.900 88.920 90.100 11.080 9.900 115.09 31.39 224 0.875 bicubic bilinear -10.634 -10.976 -6.428 -6.026 +8 -17
140 convit_small xcit_tiny_24_p16_384_dist 70.580 72.070 29.420 27.930 89.580 90.510 10.420 9.490 27.78 12.12 224 384 0.875 1.000 bicubic -10.846 -10.498 -6.164 -5.784 -2 +1
141 twins_pcpvt_small crossvit_18_dagger_240 70.550 72.020 29.450 27.980 89.070 90.100 10.930 9.900 24.11 44.27 224 240 0.900 0.875 bicubic -10.538 -10.486 -6.572 -5.972 +12 +3
142 ssl_resnext101_32x4d xcit_tiny_12_p8_384_dist 70.530 71.820 29.470 28.180 89.760 90.700 10.240 9.300 44.18 6.71 224 384 0.875 1.000 bilinear bicubic -10.394 -10.572 -5.968 -5.518 +17 +6
143 deit_small_distilled_patch16_224 resnetv2_50x3_bitm 70.520 71.770 29.480 28.230 89.470 91.280 10.530 8.720 22.44 217.32 224 448 0.900 1.000 bicubic bilinear -10.680 -12.214 -5.908 -5.850 +5 -55
144 vit_small_r26_s32_224 swin_small_patch4_window7_224 70.520 71.750 29.480 28.250 90.110 90.280 9.890 9.720 36.43 49.61 224 0.900 bicubic -11.338 -11.476 -5.912 -6.050 -20 -28
145 legacy_senet154 crossvit_15_dagger_240 70.500 71.650 29.500 28.350 89.010 89.800 10.990 10.200 115.09 28.21 224 240 0.875 bilinear bicubic -10.810 -10.660 -6.486 -6.162 -1 +9
146 twins_svt_small pit_b_224 70.440 71.650 29.560 28.350 89.360 89.280 10.640 10.720 24.06 73.76 224 0.900 bicubic -11.242 -10.794 -6.310 -6.432 -18 0
147 gluon_seresnext101_64x4d swsl_resnet50 70.430 71.640 29.570 28.360 89.350 90.500 10.650 9.500 88.23 25.56 224 0.875 bicubic bilinear -10.464 -9.506 -5.958 -5.478 +14 +57
148 tf_efficientnet_lite4 eca_nfnet_l0 70.430 71.580 29.570 28.420 89.110 91.010 10.890 8.990 13.01 24.14 380 288 0.920 1.000 bilinear bicubic -11.106 -11.012 -6.558 -5.476 -16 -11
149 resnest50d resnet61q 70.410 71.550 29.590 28.450 88.760 90.010 11.240 9.990 27.48 36.85 224 288 0.875 1.000 bilinear bicubic -10.564 -10.972 -6.618 -6.124 +8 -7
150 resnest50d_1s4x24d xcit_large_24_p16_224 70.400 71.540 29.600 28.460 89.220 89.200 10.780 10.800 25.68 189.10 224 0.875 1.000 bicubic -10.588 -11.358 -6.102 -6.682 +6 -23
151 seresnext50_32x4d convit_base 70.400 71.520 29.600 28.480 89.110 90.090 10.890 9.910 27.56 86.54 224 0.875 bicubic -10.866 -10.772 -6.510 -5.844 -5 +7
152 gernet_l tresnet_l_448 70.350 71.510 29.650 28.490 88.980 89.950 11.020 10.050 31.08 55.99 256 448 0.875 bilinear -11.004 -10.752 -6.556 -6.030 -10 +7
153 gluon_resnet152_v1s tresnet_xl 70.290 71.480 29.710 28.520 88.850 89.460 11.150 10.540 60.32 78.44 224 0.875 bicubic bilinear -10.726 -10.578 -6.562 -6.472 +2 +13
154 repvgg_b3 ssl_resnext101_32x8d 70.250 71.470 29.750 28.530 88.730 90.330 11.270 9.670 123.09 88.79 224 0.875 bilinear -10.242 -10.130 -6.530 -5.716 +19 +26
155 coat_mini efficientnet_b3 70.220 71.460 29.780 28.540 89.440 90.020 10.560 9.980 10.34 12.23 224 320 0.900 1.000 bicubic -11.048 -10.798 -5.952 -6.096 -10 +5
156 ecaresnet101d_pruned resnetv2_152x2_bit_teacher 70.130 71.400 29.870 28.600 89.590 90.290 10.410 9.710 24.88 236.34 224 0.875 bicubic -10.688 -11.502 -6.038 -6.278 +7 -30
157 efficientnet_el xcit_tiny_24_p8_224 70.120 71.350 29.880 28.650 89.290 90.280 10.710 9.720 10.59 12.11 300 224 0.904 1.000 bicubic -11.196 -10.544 -6.236 -5.704 -14 +15
158 inception_resnet_v2 pit_s_distilled_224 70.120 71.330 29.880 28.670 88.700 89.730 11.300 10.270 55.84 24.04 299 224 0.897 0.900 bicubic -10.338 -10.664 -6.606 -6.070 +20 +10
159 resmlp_36_distilled_224 resnetv2_101 70.090 71.290 29.910 28.710 89.100 89.780 10.900 10.220 44.69 44.54 224 0.875 0.950 bicubic -11.070 -10.742 -6.388 -6.084 -9 +8
160 gluon_seresnext101_32x4d ecaresnet101d 70.010 71.240 29.990 28.760 88.900 90.240 11.100 9.760 48.96 44.57 224 0.875 bicubic -10.894 -10.932 -6.394 -5.814 0 +3
161 regnety_320 mixer_b16_224_miil 70.000 71.200 30.000 28.800 88.890 89.490 11.110 10.510 145.05 59.88 224 0.875 bicubic bilinear -10.812 -11.102 -6.354 -6.224 +3 -5
162 levit_256 ssl_resnext101_32x16d 69.970 71.170 30.030 28.830 89.250 90.460 10.750 9.540 18.89 194.03 224 0.900 0.875 bicubic bilinear -11.540 -10.674 -6.240 -5.630 -28 +11
163 gluon_resnet152_v1d ecaresnet50t 69.960 71.110 30.040 28.890 88.490 90.410 11.510 9.590 60.21 25.57 224 320 0.875 0.950 bicubic -10.514 -11.254 -6.716 -5.732 +13 -12
164 pit_s_224 xcit_small_24_p16_224 69.890 71.090 30.110 28.910 88.930 89.530 11.070 10.470 23.46 47.67 224 0.900 1.000 bicubic -11.204 -11.488 -6.402 -6.470 -12 -25
165 ecaresnet50d xcit_small_12_p16_224 69.840 71.070 30.160 28.930 89.400 89.730 10.600 10.270 25.58 26.25 224 0.875 1.000 bicubic -10.752 -10.906 -5.920 -6.088 +6 +3
166 ssl_resnext50_32x4d crossvit_base_240 69.710 71.070 30.290 28.930 89.440 89.780 10.560 10.220 25.03 105.03 224 240 0.875 bilinear bicubic -10.608 -11.136 -5.966 -6.048 +17 -4
167 gluon_resnext101_64x4d resnet51q 69.680 71.070 30.320 28.930 88.270 90.070 11.730 9.930 83.46 35.70 224 288 0.875 1.000 bicubic bilinear -10.924 -11.298 -6.718 -6.106 +3 -16
168 resmlp_24_distilled_224 convmixer_1536_20 69.680 71.050 30.320 28.950 89.050 89.470 10.950 10.530 30.02 51.63 224 0.875 0.960 bicubic -11.086 -10.326 -6.168 -6.140 -3 +25
169 efficientnet_b3_pruned coat_lite_small 69.580 71.010 30.420 28.990 88.980 89.460 11.020 10.540 9.86 19.84 300 224 0.904 0.900 bicubic -11.278 -11.292 -6.262 -6.400 -7 -14
170 nf_resnet50 tf_efficientnet_b3_ap 69.540 71.010 30.460 28.990 88.730 89.220 11.270 10.780 25.56 12.23 288 300 0.940 0.904 bicubic -11.120 -10.812 -6.606 -6.400 -2 +5
171 gernet_m deit_base_patch16_224 69.530 70.970 30.470 29.030 88.690 89.170 11.310 10.830 21.14 86.57 224 0.875 0.900 bilinear bicubic -11.202 -11.014 -6.494 -6.572 -5 -2
172 repvgg_b3g4 xcit_medium_24_p16_224 69.520 70.960 30.480 29.040 88.450 89.460 11.550 10.540 83.83 84.40 224 0.875 1.000 bilinear bicubic -10.692 -11.666 -6.660 -6.516 +18 -36
173 ens_adv_inception_resnet_v2 tnt_s_patch16_224 69.520 70.920 30.480 29.080 88.510 89.510 11.490 10.490 55.84 23.76 299 224 0.897 0.900 bicubic -10.462 -10.594 -6.428 -6.234 +28 +10
174 efficientnet_el_pruned xcit_tiny_12_p8_224_dist 69.520 70.910 30.480 29.090 88.930 89.720 11.070 10.280 10.59 6.71 300 224 0.904 1.000 bicubic -10.780 -10.304 -6.098 -5.886 +15 +27
175 efficientnet_b2 vit_large_patch32_384 69.500 70.890 30.500 29.110 88.680 90.460 11.320 9.540 9.11 306.63 288 384 1.000 bicubic -11.112 -10.616 -6.638 -5.626 -6 +9
176 rexnet_150 resnest50d_4s2x40d 69.470 70.850 30.530 29.150 88.980 89.520 11.020 10.480 9.73 30.42 224 0.875 bicubic -10.840 -10.270 -6.186 -6.040 +8 +29
177 swin_tiny_patch4_window7_224 visformer_small 69.450 70.850 30.550 29.150 89.020 89.310 10.980 10.690 28.29 40.22 224 0.900 bicubic -11.928 -11.246 -6.520 -6.568 -36 -12
178 regnetx_320 rexnet_200 69.440 70.840 30.560 29.160 88.270 89.800 11.730 10.200 107.81 16.37 224 0.875 bicubic -10.806 -10.786 -6.756 -5.872 +12 +1
179 vit_base_patch32_224 tresnet_m_448 69.410 70.770 30.590 29.230 89.420 88.690 10.580 11.310 88.22 31.39 224 448 0.900 0.875 bicubic bilinear -11.314 -10.944 -6.148 -6.880 -12 -3
180 inception_v4 jx_nest_tiny 69.360 70.720 30.640 29.280 88.780 89.840 11.220 10.160 42.68 17.06 299 224 0.875 bicubic -10.808 -10.714 -6.188 -5.780 +14 +8
181 legacy_seresnext101_32x4d resnetrs101 69.360 70.700 30.640 29.300 88.070 89.620 11.930 10.380 48.96 63.62 224 288 0.875 0.940 bilinear bicubic -10.868 -11.594 -6.948 -6.382 +10 -24
182 ecaresnetlight wide_resnet50_2 69.340 70.690 30.660 29.310 89.220 89.120 10.780 10.880 30.16 68.88 224 0.875 bicubic -11.122 -10.760 -6.030 -6.398 -5 +5
183 resnet50d tresnet_l 69.330 70.680 30.670 29.320 88.220 89.640 11.780 10.360 25.58 55.99 224 0.875 bicubic bilinear -11.200 -10.804 -6.940 -5.980 -11 +3
184 xception71 vit_small_patch16_224 69.320 70.670 30.680 29.330 88.260 90.090 11.740 9.910 42.34 22.05 299 224 0.903 0.900 bicubic -10.554 -10.716 -6.662 -6.040 +23 +7
185 vit_small_patch32_384 convit_small 69.290 70.660 30.710 29.340 89.820 89.570 10.180 10.430 22.92 27.78 384 224 1.000 0.875 bicubic -11.190 -10.752 -5.778 -6.176 -11 +4
186 gluon_xception65 resnetv2_101x1_bitm 69.160 70.630 30.840 29.370 88.090 90.950 11.910 9.050 39.92 44.54 299 448 0.903 1.000 bicubic bilinear -10.556 -11.700 -6.770 -5.578 +33 -33
187 gluon_resnet152_v1c tf_efficientnet_b1_ns 69.140 70.630 30.860 29.370 87.870 89.930 12.130 10.070 60.21 7.79 224 240 0.875 0.882 bicubic -10.770 -10.754 -6.970 -5.808 +17 +5
188 mixnet_xl tf_efficientnetv2_b3 69.100 70.630 30.900 29.370 88.310 89.370 11.690 10.630 11.90 14.36 224 300 0.875 0.904 bicubic -11.376 -11.324 -6.626 -6.414 -13 -17
189 tf_efficientnetv2_b2 levit_384 69.090 70.610 30.910 29.390 88.220 89.240 11.780 10.760 10.10 39.13 260 224 0.890 0.900 bicubic -11.118 -11.982 -6.822 -6.774 +4 -51
190 gluon_resnet101_v1d crossvit_small_240 69.010 70.580 30.990 29.420 88.100 89.410 11.900 10.590 44.57 26.86 224 240 0.875 bicubic -11.404 -10.450 -6.914 -6.056 -11 +20
191 repvgg_b2g4 vit_small_r26_s32_224 69.000 70.560 31.000 29.440 88.360 90.020 11.640 9.980 61.76 36.43 224 0.875 0.900 bilinear bicubic -10.366 -11.278 -6.328 -6.006 +41 -17
192 seresnet50 cait_xxs24_384 68.980 70.550 31.020 29.450 88.710 89.780 11.290 10.220 28.09 12.03 224 384 0.875 1.000 bicubic -11.294 -10.404 -6.360 -5.858 -4 +23
193 xception65 twins_pcpvt_small 68.980 70.490 31.020 29.510 88.480 89.060 11.520 10.940 39.92 24.11 299 224 0.903 0.900 bicubic -10.572 -10.614 -6.174 -6.582 +32 +13
194 gluon_resnext101_32x4d legacy_senet154 68.960 70.480 31.040 29.520 88.360 88.960 11.640 11.040 44.18 115.09 224 0.875 bicubic bilinear -11.374 -10.846 -6.566 -6.546 -12 +2
195 tf_efficientnet_b2_ap coat_mini 68.920 70.470 31.080 29.530 88.350 89.580 11.650 10.420 9.11 10.34 260 224 0.890 0.900 bicubic -11.380 -10.812 -6.868 -5.814 -9 +3
196 cspdarknet53 gluon_seresnext101_64x4d 68.890 70.470 31.110 29.530 88.600 89.180 11.400 10.820 27.64 88.23 256 224 0.887 0.875 bilinear bicubic -11.168 -10.400 -6.484 -6.126 +2 +24
197 regnety_120 deit_small_distilled_patch16_224 68.850 70.460 31.150 29.540 88.330 89.400 11.670 10.600 51.82 22.44 224 0.875 0.900 bicubic -11.516 -10.742 -6.796 -5.978 -17 +5
198 gluon_resnet152_v1b seresnext50_32x4d 68.820 70.450 31.180 29.550 87.710 89.130 12.290 10.870 60.19 27.56 224 0.875 bicubic -10.866 -10.818 -7.026 -6.496 +22 +1
199 dpn131 tf_efficientnet_b3 68.770 70.400 31.230 29.600 87.470 89.270 12.530 10.730 79.25 12.23 224 300 0.875 0.904 bicubic -11.052 -11.246 -7.240 -6.450 +13 -22
200 cspresnext50 regnetz_b 68.760 70.400 31.240 29.600 87.950 89.440 12.050 10.560 20.57 9.72 224 288 0.875 0.940 bilinear bicubic -11.280 -10.318 -6.994 -6.034 -1 +28
201 tf_efficientnet_b2 gernet_l 68.750 70.380 31.250 29.620 87.990 88.940 12.010 11.060 9.11 31.08 260 256 0.890 0.875 bicubic bilinear -11.336 -10.966 -6.918 -6.596 -4 -6
202 resnext50d_32x4d resnest50d_1s4x24d 68.740 70.360 31.260 29.640 88.300 89.140 11.700 10.860 25.05 25.68 224 0.875 bicubic -10.936 -10.640 -6.566 -6.186 +19 +10
203 deit_small_patch16_224 ssl_resnext101_32x4d 68.720 70.360 31.280 29.640 88.200 89.810 11.800 10.190 22.05 44.18 224 0.900 0.875 bicubic bilinear -11.136 -10.562 -6.852 -5.920 +5 +15
204 gluon_resnet101_v1s crossvit_15_240 68.710 70.350 31.290 29.650 87.910 89.520 12.090 10.480 44.67 27.53 224 240 0.875 bicubic -11.592 -11.176 -7.250 -6.174 -19 -22
205 regnety_080 gluon_senet154 68.700 70.340 31.300 29.660 87.970 88.960 12.030 11.040 39.18 115.09 224 0.875 bicubic -11.176 -10.884 -6.860 -6.392 +1 -5
206 dpn107 twins_svt_small 68.690 70.330 31.310 29.670 88.130 89.300 11.870 10.700 86.92 24.06 224 0.875 0.900 bicubic -11.466 -11.352 -6.780 -6.378 -11 -29
207 gluon_seresnext50_32x4d halonet50ts 68.670 70.250 31.330 29.750 88.310 88.710 11.690 11.290 27.56 22.73 224 256 0.875 0.940 bicubic -11.248 -11.100 -6.512 -6.574 -5 -13
208 hrnet_w64 resnest50d 68.640 70.250 31.360 29.750 88.050 88.630 11.950 11.370 128.06 27.48 224 0.875 bilinear -10.834 -10.712 -6.602 -6.748 +20 +6
209 resnext50_32x4d tf_efficientnet_lite4 68.640 70.190 31.360 29.810 87.570 89.040 12.430 10.960 25.03 13.01 224 380 0.875 0.920 bicubic bilinear -11.128 -11.350 -7.028 -6.620 +6 -28
210 dpn98 gluon_resnet152_v1s 68.590 70.120 31.410 29.880 87.680 88.890 12.320 11.110 61.57 60.32 224 0.875 bicubic -11.052 -10.900 -6.918 -6.532 +12 +1
211 regnetx_160 resmlp_36_distilled_224 68.530 70.120 31.470 29.880 88.450 89.060 11.550 10.940 54.28 44.69 224 0.875 bicubic -11.326 -11.034 -6.380 -6.436 -2 -8
212 cspresnet50 efficientnet_el 68.460 70.060 31.540 29.940 88.010 89.150 11.990 10.850 21.62 10.59 256 300 0.887 0.904 bilinear bicubic -11.114 -11.246 -6.702 -6.386 +12 -15
213 rexnet_130 inception_resnet_v2 68.450 70.030 31.550 29.970 88.040 88.620 11.960 11.380 7.56 55.84 224 299 0.875 0.897 bicubic -11.050 -10.418 -6.642 -6.688 +14 +27
214 tf_efficientnet_el haloregnetz_b 68.420 69.980 31.580 30.020 88.210 88.850 11.790 11.150 10.59 11.68 300 224 0.904 0.940 bicubic -11.830 -11.062 -6.918 -6.350 -27 -6
215 ecaresnet50d_pruned gluon_seresnext101_32x4d 68.420 69.940 31.580 30.060 88.370 88.870 11.630 11.130 19.94 48.96 224 0.875 bicubic -11.296 -10.936 -6.510 -6.422 +4
216 regnety_064 repvgg_b3 68.420 69.940 31.580 30.060 88.080 88.660 11.920 11.340 30.58 123.09 224 0.875 bicubic bilinear -11.302 -10.576 -6.688 -6.604 +2 +18
217 ssl_resnet50 levit_256 68.410 69.930 31.590 30.070 88.560 89.240 11.440 10.760 25.56 18.89 224 0.875 0.900 bilinear bicubic -10.812 -11.572 -6.272 -6.240 +26 -32
218 cait_xxs36_224 regnety_320 68.410 69.870 31.590 30.130 88.630 88.760 11.370 11.240 17.30 145.05 224 1.000 0.875 bicubic -11.340 -10.924 -6.236 -6.486 -1 +5
219 skresnext50_32x4d gluon_resnet152_v1d 68.350 69.810 31.650 30.190 87.570 88.490 12.430 11.510 27.48 60.21 224 0.875 bicubic -11.806 -10.666 -7.072 -6.712 -23 +17
220 dla102x2 pit_s_224 68.330 69.800 31.670 30.200 87.890 88.830 12.110 11.170 41.28 23.46 224 0.875 0.900 bilinear bicubic -11.118 -11.300 -6.750 -6.504 +10 -13
221 efficientnet_b2_pruned sehalonet33ts 68.320 69.770 31.680 30.230 88.100 88.580 11.900 11.420 8.31 13.69 260 256 0.890 0.940 bicubic -11.596 -11.212 -6.756 -6.692 -18 -8
222 resmlp_big_24_224 ecaresnet101d_pruned 68.320 69.710 31.680 30.290 87.520 89.330 12.480 10.670 129.14 24.88 224 0.875 bicubic -12.708 -11.102 -7.502 -6.310 -68 0
223 gluon_resnext50_32x4d xcit_tiny_24_p16_224_dist 68.310 69.610 31.690 30.390 87.300 88.730 12.700 11.270 25.03 12.12 224 0.875 1.000 bicubic -11.044 -10.852 -7.126 -6.478 +10 +15
224 ecaresnet26t ens_adv_inception_resnet_v2 68.230 69.590 31.770 30.410 88.790 88.350 11.210 11.650 16.01 55.84 320 299 0.950 0.897 bicubic -11.624 -10.388 -6.294 -6.586 -14 +46
225 tf_efficientnet_lite3 ssl_resnext50_32x4d 68.230 69.590 31.770 30.410 87.740 89.310 12.260 10.690 8.20 25.03 300 224 0.904 0.875 bilinear -11.590 -10.712 -7.174 -6.108 -12 +25
226 ese_vovnet39b ecaresnet50d 68.210 69.580 31.790 30.420 88.250 89.290 11.750 10.710 24.57 25.58 224 0.875 bicubic -11.110 -11.040 -6.462 -6.018 +8 +4
227 regnetx_120 gcresnet50t 68.150 69.570 31.850 30.430 87.660 88.920 12.340 11.080 46.11 25.90 224 256 0.875 0.900 bicubic -11.446 -11.368 -7.078 -6.520 -4 -10
228 resmlp_36_224 efficientnet_b3_pruned 68.080 69.550 31.920 30.450 88.190 88.770 11.810 11.230 44.69 9.86 224 300 0.875 0.904 bicubic -11.690 -11.308 -6.696 -6.470 -14 -7
229 resnetrs50 repvgg_b3g4 68.030 69.520 31.970 30.480 87.710 88.500 12.290 11.500 35.69 83.83 224 0.910 0.875 bicubic bilinear -11.862 -10.698 -7.258 -6.604 -24 +29
230 pit_xs_distilled_224 resmlp_24_distilled_224 68.020 69.510 31.980 30.490 87.720 89.010 12.280 10.990 11.00 30.02 224 0.900 0.875 bicubic -11.286 -11.250 -6.644 -6.210 +8 -7
231 dpn92 gernet_m 67.990 69.510 32.010 30.490 87.580 88.590 12.420 11.410 37.67 21.14 224 0.875 bicubic bilinear -12.018 -11.216 -7.256 -6.588 -31 -4
232 nf_regnet_b1 convmixer_768_32 67.960 69.500 32.040 30.500 88.200 88.950 11.800 11.050 10.22 21.11 288 224 0.900 0.960 bicubic -11.332 -10.660 -6.548 -6.124 +8 +29
233 gluon_resnet50_v1d gluon_resnext101_64x4d 67.940 69.490 32.060 30.510 87.130 88.250 12.870 11.750 25.58 83.46 224 0.875 bicubic -11.134 -11.136 -7.340 -6.752 +19 -4
234 resnetv2_50x1_bitm xcit_tiny_12_p16_384_dist 67.920 69.470 32.080 30.530 89.300 88.970 10.700 11.030 25.55 6.72 448 384 1.000 bilinear bicubic -12.422 -11.474 -6.384 -6.444 -53 -18
235 levit_192 efficientnet_el_pruned 67.900 69.460 32.100 30.540 87.890 88.890 12.110 11.110 10.95 10.59 224 300 0.900 0.904 bicubic -11.942 -10.828 -6.896 -6.332 -24 +16
236 tf_efficientnetv2_b1 swin_tiny_patch4_window7_224 67.890 69.460 32.110 30.540 87.800 89.020 12.200 10.980 8.14 28.29 240 224 0.882 0.900 bicubic -11.572 -11.926 -6.922 -6.516 -7 -46
237 regnetx_080 regnetx_320 67.880 69.440 32.120 30.560 86.990 88.140 13.010 11.860 39.57 107.81 224 0.875 bicubic -11.314 -10.808 -7.570 -6.886 +12 +16
238 resnext101_32x8d gcresnext50ts 67.860 69.430 32.140 30.570 87.490 88.770 12.510 11.230 88.79 15.67 224 256 0.875 0.900 bilinear bicubic -11.448 -11.164 -7.028 -6.410 -3 -6
239 legacy_seresnext50_32x4d rexnet_150 67.840 69.410 32.160 30.590 87.620 88.970 12.380 11.030 27.56 9.73 224 0.875 bilinear bicubic -11.238 -10.900 -6.816 -6.190 +11 +9
240 efficientnet_em efficientnet_b2 67.840 69.390 32.160 30.610 88.120 88.650 11.880 11.350 6.90 9.11 240 288 0.882 1.000 bicubic -11.412 -11.220 -6.674 -6.666 +4 -9
241 resmlp_24_224 inception_v4 67.810 69.370 32.190 30.630 87.610 88.740 12.390 11.260 30.02 42.68 224 299 0.875 bicubic -11.564 -10.774 -6.936 -6.232 -10 +21
242 hrnet_w48 vit_base_patch32_224 67.770 69.350 32.230 30.650 87.420 89.270 12.580 10.730 77.47 88.22 224 0.875 0.900 bilinear bicubic -11.530 -11.382 -7.092 -6.296 -3 -17
243 hrnet_w44 ecaresnetlight 67.740 69.330 32.260 30.670 87.560 89.210 12.440 10.790 67.06 30.16 224 0.875 bilinear bicubic -11.156 -11.124 -6.808 -6.042 +15 -4
244 coat_lite_mini nf_resnet50 67.720 69.320 32.280 30.680 87.700 88.700 12.300 11.300 11.01 25.56 224 288 0.900 0.940 bicubic -11.368 -11.336 -6.904 -6.636 +6 -16
245 tf_efficientnet_b0_ns xception71 67.710 69.270 32.290 30.730 88.070 88.170 11.930 11.830 5.29 42.34 224 299 0.875 0.903 bicubic -10.948 -10.614 -6.306 -6.762 +23 +29
246 regnetx_064 resnet50d 67.680 69.170 32.320 30.830 87.520 88.140 12.480 11.860 26.21 25.58 224 0.875 bicubic -11.392 -11.368 -6.938 -7.020 +7 -13
247 xception tf_efficientnetv2_b2 67.650 69.090 32.350 30.910 87.570 88.150 12.430 11.850 22.86 10.10 299 260 0.897 0.890 bicubic -11.402 -11.124 -6.822 -6.894 +7 +12
248 dpn68b legacy_seresnext101_32x4d 67.630 69.060 32.370 30.940 87.660 88.080 12.340 11.920 12.61 48.96 224 0.875 bicubic bilinear -11.586 -11.162 -6.754 -6.932 -2 +9
249 dla169 mixnet_xl 67.610 69.040 32.390 30.960 87.590 88.340 12.410 11.660 53.39 11.90 224 0.875 bilinear bicubic -11.078 -11.428 -6.746 -6.592 +17 -12
250 gluon_inception_v3 regnety_120 67.590 68.980 32.410 31.020 87.470 88.190 12.530 11.810 23.83 51.82 299 224 0.875 bicubic -11.216 -11.406 -6.900 -6.932 +11 -7
251 gluon_resnet101_v1c gluon_resnet152_v1c 67.580 68.960 32.420 31.040 87.180 87.670 12.820 12.330 44.57 60.21 224 0.875 bicubic -11.954 -10.952 -7.398 -7.182 -25 +21
252 regnety_040 seresnet33ts 67.580 68.960 32.420 31.040 87.510 88.340 12.490 11.660 20.65 19.78 224 256 0.875 0.900 bicubic -11.640 -11.412 -7.146 -6.774 -7
253 res2net50_26w_8s vit_small_patch32_384 67.570 68.950 32.430 31.050 87.280 89.660 12.720 10.340 48.40 22.92 224 384 0.875 1.000 bilinear bicubic -11.628 -11.536 -7.088 -5.938 -6 -18
254 hrnet_w40 resnetv2_50 67.560 68.900 32.440 31.100 87.140 88.400 12.860 11.600 57.56 25.55 224 0.875 0.950 bilinear bicubic -11.360 -11.506 -7.330 -6.680 +3 -13
255 legacy_seresnet152 gluon_resnext101_32x4d 67.520 68.880 32.480 31.120 87.390 88.280 12.610 11.720 66.82 44.18 224 0.875 bilinear bicubic -11.140 -11.458 -6.980 -6.628 +12 -8
256 tf_efficientnet_b1_ap hrnet_w64 67.520 68.830 32.480 31.170 87.760 88.140 12.240 11.860 7.79 128.06 240 224 0.882 0.875 bicubic bilinear -11.760 -10.626 -6.546 -6.514 -14 +44
257 efficientnet_b1 gluon_resnet152_v1b 67.470 68.800 32.530 31.200 87.510 87.570 12.490 12.430 7.79 60.19 256 224 1.000 0.875 bicubic -11.324 -10.880 -6.832 -7.166 +5 +33
258 gluon_resnet101_v1b tf_efficientnet_b2_ap 67.460 68.790 32.540 31.210 87.240 88.330 12.760 11.670 44.55 9.11 224 260 0.875 0.890 bicubic -11.846 -11.516 -7.284 -6.702 -21 -9
259 tf_efficientnet_cc_b1_8e gluon_resnet101_v1d 67.450 68.780 32.550 31.220 87.310 88.080 12.690 11.920 39.72 44.57 240 224 0.882 0.875 bicubic -11.858 -11.624 -7.060 -6.944 -23 -17
260 res2net101_26w_4s xception65 67.440 68.760 32.560 31.240 87.010 88.250 12.990 11.750 45.21 39.92 224 299 0.875 0.903 bilinear bicubic -11.758 -10.786 -7.422 -6.410 -12 +32
261 resnet50 seresnet50 67.440 68.760 32.560 31.240 87.420 88.520 12.580 11.480 25.56 28.09 224 0.875 bicubic -11.598 -11.488 -6.970 -6.550 -6 -9
262 resnetblur50 gluon_xception65 67.430 68.760 32.570 31.240 87.440 87.950 12.560 12.050 25.56 39.92 224 299 0.875 0.903 bicubic -11.856 -10.942 -7.198 -6.918 -21 +28
263 cait_xxs24_224 repvgg_b2g4 67.330 68.760 32.670 31.240 87.510 88.260 12.490 11.740 11.96 61.76 224 1.000 0.875 bicubic bilinear -11.056 -10.620 -6.800 -6.434 +18 +42
264 regnetx_032 eca_resnet33ts 67.290 68.760 32.710 31.240 87.000 88.520 13.000 11.480 15.30 19.68 224 256 0.875 0.900 bicubic -10.882 -11.336 -7.088 -6.454 +27 +4
265 xception41 cspdarknet53 67.250 68.730 32.750 31.270 87.200 88.540 12.800 11.460 26.97 27.64 299 256 0.903 0.887 bicubic bilinear -11.266 -11.320 -7.078 -6.552 +4 +3
266 coat_tiny cspresnext50 67.250 68.720 32.750 31.280 87.340 88.020 12.660 11.980 5.50 20.57 224 0.900 0.875 bicubic bilinear -11.184 -11.332 -6.698 -6.930 +13 +1
267 resnest26d gcresnet33ts 67.200 68.700 32.800 31.300 87.170 88.480 12.830 11.520 17.07 19.88 224 256 0.875 0.900 bilinear bicubic -11.278 -11.386 -7.128 -6.512 +7 -2
268 repvgg_b2 resnext50d_32x4d 67.160 68.670 32.840 31.330 87.330 88.230 12.670 11.770 89.02 25.05 224 0.875 bilinear bicubic -11.632 -10.994 -7.084 -6.636 -6 +23
269 legacy_seresnet101 dpn131 67.160 68.660 32.840 31.340 87.060 87.220 12.940 12.780 49.33 79.25 224 0.875 bilinear bicubic -11.222 -11.174 -7.204 -7.492 +14 +10
270 dla60x gluon_resnet101_v1s 67.100 68.650 32.900 31.350 87.190 87.720 12.810 12.280 17.35 44.67 224 0.875 bilinear bicubic -11.146 -11.632 -6.828 -7.442 +16 -18
271 gluon_resnet50_v1s gmlp_s16_224 67.060 68.620 32.940 31.380 86.860 87.950 13.140 12.050 25.68 19.42 224 0.875 bicubic -11.652 -11.022 -7.378 -6.672 -6 +22
272 tv_resnet152 xcit_tiny_12_p8_224 67.050 68.610 32.950 31.390 87.550 88.690 12.450 11.310 60.19 6.71 224 0.875 1.000 bilinear bicubic -11.262 -11.100 -6.488 -6.368 +13 +15
273 dla60_res2net gluon_seresnext50_32x4d 67.020 68.580 32.980 31.420 87.160 88.150 12.840 11.850 20.85 27.56 224 0.875 bilinear bicubic -11.444 -11.344 -7.046 -6.678 +2 -2
274 dla102x regnetx_160 67.010 68.520 32.990 31.480 86.770 88.280 13.230 11.720 26.31 54.28 224 0.875 bilinear bicubic -11.500 -11.314 -7.458 -6.544 -3 +7
275 mixnet_l regnety_080 66.940 68.510 33.060 31.490 86.910 88.000 13.090 12.000 7.33 39.18 224 0.875 bicubic -12.036 -11.362 -7.272 -6.832 -19 0
276 pit_xs_224 deit_small_patch16_224 66.920 68.490 33.080 31.510 87.280 88.260 12.720 11.740 10.62 22.05 224 0.900 bicubic -11.262 -11.376 -6.888 -6.796 +14 +1
277 res2net50_26w_6s tf_efficientnet_b2 66.910 68.460 33.090 31.540 86.860 88.010 13.140 11.990 37.05 9.11 224 260 0.875 0.890 bilinear bicubic -11.660 -11.608 -7.264 -6.894 -8 -11
278 repvgg_b1 skresnext50_32x4d 66.900 68.440 33.100 31.560 86.780 87.610 13.220 12.390 57.42 27.48 224 0.875 bilinear bicubic -11.466 -11.702 -7.318 -7.034 +5 -16
279 tf_efficientnet_b1 resnet50 66.880 68.440 33.120 31.560 87.010 87.600 12.990 12.400 7.79 25.56 240 224 0.882 0.950 bicubic -11.946 -11.942 -7.188 -6.994 -20 -34
280 efficientnet_es dpn107 66.880 68.430 33.120 31.570 86.730 88.080 13.270 11.920 5.44 86.92 224 0.875 bicubic -11.186 -11.742 -7.196 -6.824 +16 -20
281 regnetx_040 cspresnet50 66.840 68.380 33.160 31.620 86.730 87.950 13.270 12.050 22.12 21.62 224 256 0.875 0.887 bicubic bilinear -11.642 -11.196 -7.514 -6.752 -8 +14
282 hrnet_w30 dla102x2 66.780 68.380 33.220 31.620 86.800 87.810 13.200 12.190 37.71 41.28 224 0.875 bilinear -11.426 -11.060 -7.422 -6.834 +7 +20
283 tf_mixnet_l resnext50_32x4d 66.780 68.380 33.220 31.620 86.470 87.590 13.530 12.410 7.33 25.03 224 0.875 bicubic -11.994 -11.420 -7.528 -7.024 -19 0
284 selecsls60b cait_xxs36_224 66.760 68.350 33.240 31.650 86.530 88.610 13.470 11.390 32.77 17.30 224 0.875 1.000 bicubic -11.652 -11.412 -7.644 -6.258 -4 +1
285 hrnet_w32 ssl_resnet50 66.750 68.350 33.250 31.650 87.300 88.580 12.700 11.420 41.23 25.56 224 0.875 bilinear -11.700 -10.886 -6.886 -6.252 -9 +31
286 wide_resnet101_2 xcit_tiny_24_p16_224 66.730 68.340 33.270 31.660 87.030 88.120 12.970 11.880 126.89 12.12 224 0.875 1.000 bilinear bicubic -12.126 -11.112 -7.252 -6.768 -27 +15
287 tf_efficientnetv2_b0 regnety_064 66.700 68.330 33.300 31.670 86.710 88.030 13.290 11.970 7.14 30.58 224 0.875 bicubic -11.656 -11.400 -7.314 -6.732 -3 -1
288 adv_inception_v3 vit_base_patch16_sam_224 66.650 68.310 33.350 31.690 86.540 87.680 13.460 12.320 23.83 86.57 299 224 0.875 0.900 bicubic -10.932 -11.932 -7.196 -7.082 +26 -32
289 dla60_res2next dpn98 66.640 68.300 33.360 31.700 87.030 87.570 12.970 12.430 17.03 61.57 224 0.875 bilinear bicubic -11.800 -11.354 -7.122 -7.034 -12 +3
290 vit_tiny_patch16_384 resmlp_big_24_224 66.610 68.280 33.390 31.720 87.260 87.700 12.740 12.300 5.79 129.14 384 224 1.000 0.875 bicubic -11.820 -12.752 -7.282 -7.322 -11 -81
291 gluon_resnet50_v1c ecaresnet26t 66.560 68.240 33.440 31.760 86.180 88.660 13.820 11.340 25.58 16.01 224 320 0.875 0.950 bicubic -11.452 -11.594 -7.808 -6.424 +7 -11
292 levit_128 ese_vovnet39b 66.550 68.230 33.450 31.770 86.750 88.290 13.250 11.710 9.21 24.57 224 0.900 0.875 bicubic -11.936 -11.074 -7.260 -6.434 -20 +17
293 dla102 regnetx_120 66.540 68.230 33.460 31.770 86.910 87.580 13.090 12.420 33.27 46.11 224 0.875 bilinear bicubic -11.492 -11.376 -7.036 -7.150 +4 +1
294 gmixer_24_224 rexnet_130 66.420 68.220 33.580 31.780 86.150 88.000 13.850 12.000 24.72 7.56 224 0.875 bicubic -11.616 -11.276 -7.514 -6.674 +2 +3
295 tf_inception_v3 efficientnet_b2_pruned 66.410 68.220 33.590 31.780 86.660 88.080 13.340 11.920 23.83 8.31 299 260 0.875 0.890 bicubic -11.452 -11.686 -6.980 -6.774 +11 -21
296 hardcorenas_f gluon_resnext50_32x4d 66.370 68.160 33.630 31.840 86.200 87.360 13.800 12.640 8.20 25.03 224 0.875 bilinear bicubic -11.734 -11.204 -7.602 -7.064 -2 +9
297 coat_lite_tiny ecaresnet50d_pruned 66.290 68.140 33.710 31.860 86.980 88.340 13.020 11.660 5.72 19.94 224 0.900 0.875 bicubic -11.222 -11.566 -6.936 -6.534 +20 -9
298 efficientnet_b0 tf_efficientnet_el 66.290 68.100 33.710 31.900 85.960 88.020 14.040 11.980 5.29 10.59 224 300 0.875 0.904 bicubic -11.408 -12.148 -7.572 -7.104 +11 -43
299 legacy_seresnet50 resnetv2_50x1_bitm 66.250 67.930 33.750 32.070 86.330 89.090 13.670 10.910 28.09 25.55 224 448 0.875 1.000 bilinear -11.380 -12.414 -7.418 -6.596 +11 -53
300 selecsls60 regnetx_080 66.210 67.920 33.790 32.080 86.340 87.070 13.660 12.930 30.67 39.57 224 0.875 bicubic -11.772 -11.300 -7.488 -7.476 0 +18
301 tf_efficientnet_em resmlp_36_224 66.180 67.920 33.820 32.080 86.360 88.220 13.640 11.780 6.90 44.69 240 224 0.882 0.875 bicubic -11.950 -11.856 -7.684 -6.666 -8 -17
302 tv_resnext50_32x4d tf_efficientnet_lite3 66.180 67.920 33.820 32.080 86.040 87.710 13.960 12.290 25.03 8.20 224 300 0.875 0.904 bilinear -11.440 -11.900 -7.656 -7.200 +9 -20
303 tf_efficientnet_cc_b0_8e pit_xs_distilled_224 66.170 67.900 33.830 32.100 86.240 87.710 13.760 12.290 24.01 11.00 224 0.875 0.900 bicubic -11.738 -11.394 -7.414 -6.664 +1 +10
304 inception_v3 resnetrs50 66.160 67.890 33.840 32.110 86.320 87.660 13.680 12.340 23.83 35.69 299 224 0.875 0.910 bicubic -11.278 -11.980 -7.154 -7.310 +15 -28
305 res2net50_26w_4s legacy_seresnext50_32x4d 66.140 67.880 33.860 32.120 86.600 87.590 13.400 12.410 25.70 27.56 224 0.875 bilinear -11.824 -11.198 -7.254 -6.842 -4 +20
306 resmlp_12_distilled_224 gluon_resnet50_v1d 66.130 67.870 33.870 32.130 86.630 86.940 13.370 13.060 15.35 25.58 224 0.875 bicubic -11.814 -11.194 -6.928 -7.520 -4 +20
307 efficientnet_b1_pruned levit_192 66.090 67.840 33.910 32.160 86.570 87.820 13.430 12.180 6.33 10.95 240 224 0.882 0.900 bicubic -12.146 -12.020 -7.264 -6.982 -19 -29
308 gluon_resnet50_v1b nf_regnet_b1 66.070 67.840 33.930 32.160 86.260 88.080 13.740 11.920 25.56 10.22 224 288 0.875 0.900 bicubic -11.510 -11.456 -7.456 -6.662 +7 +4
309 rexnet_100 tf_efficientnetv2_b1 66.070 67.840 33.930 32.160 86.490 87.620 13.510 12.380 4.80 8.14 224 240 0.875 0.882 bicubic -11.788 -11.634 -7.380 -7.100 -2 -10
310 regnety_016 hrnet_w48 66.060 67.800 33.940 32.200 86.380 87.370 13.620 12.630 11.20 77.47 224 0.875 bicubic bilinear -11.802 -11.522 -7.340 -7.144 -5 -3
311 res2net50_14w_8s resnext101_32x8d 66.020 67.760 33.980 32.240 86.250 87.360 13.750 12.640 25.06 88.79 224 0.875 bilinear -12.130 -11.552 -7.598 -7.162 -19 -3
312 seresnext26t_32x4d tf_efficientnet_b0_ns 65.880 67.720 34.120 32.280 85.680 87.940 14.320 12.060 16.81 5.29 224 0.875 bicubic -12.106 -10.938 -8.066 -6.430 -13 +33
313 repvgg_b1g4 resmlp_24_224 65.850 67.700 34.150 32.300 86.120 87.570 13.880 12.430 39.97 30.02 224 0.875 bilinear bicubic -11.744 -11.686 -7.706 -6.976 0 -10
314 res2next50 halonet26t 65.850 67.690 34.150 32.310 85.840 87.310 14.160 12.690 24.67 12.48 224 256 0.875 0.950 bilinear bicubic -12.396 -11.444 -8.052 -7.006 -27 +8
315 densenet161 hrnet_w44 65.840 67.690 34.160 32.310 86.450 87.490 13.550 12.510 28.68 67.06 224 0.875 bicubic bilinear -11.518 -11.200 -7.188 -6.892 +7 +19
316 hardcorenas_e regnetx_064 65.840 67.670 34.160 32.330 85.980 87.470 14.020 12.530 8.07 26.21 224 0.875 bilinear bicubic -11.954 -11.390 -7.714 -6.996 -8 +11
317 resnet34d coat_lite_mini 65.780 67.660 34.220 32.340 86.710 87.720 13.290 12.280 21.82 11.01 224 0.875 0.900 bicubic -11.336 -11.440 -6.672 -6.882 +11 +7
318 mobilenetv3_large_100_miil dla169 65.760 67.650 34.240 32.350 85.200 87.460 14.800 12.540 5.48 53.39 224 0.875 bilinear -12.156 -11.048 -7.710 -6.872 -15 +24
319 skresnet34 regnety_040 65.750 67.620 34.250 32.380 85.960 87.390 14.040 12.610 22.28 20.65 224 0.875 bicubic -11.162 -11.608 -7.362 -7.256 +17 -2
320 tv_resnet101 efficientnet_em 65.690 67.570 34.310 32.430 85.980 88.110 14.020 11.890 44.55 6.90 224 240 0.875 0.882 bilinear bicubic -11.684 -11.690 -7.560 -6.682 +1 -5
321 hardcorenas_d dpn92 65.630 67.550 34.370 32.450 85.460 87.290 14.540 12.710 7.50 37.67 224 0.875 bilinear bicubic -11.802 -12.444 -8.024 -7.546 -1 -52
322 selecsls42b xception 65.610 67.550 34.390 32.450 85.810 87.520 14.190 12.480 32.46 22.86 224 299 0.875 0.897 bicubic -11.564 -11.498 -7.580 -6.876 +5 +6
323 tf_efficientnet_b0_ap gluon_inception_v3 65.490 67.540 34.510 32.460 85.580 87.250 14.420 12.750 5.29 23.83 224 299 0.875 bicubic -11.596 -11.258 -7.676 -7.130 +7 +16
324 seresnext26d_32x4d dpn68b 65.410 67.520 34.590 32.480 85.970 87.490 14.030 12.510 16.81 12.61 224 0.875 bicubic -12.192 -11.696 -7.638 -6.932 -12 -5
325 tf_efficientnet_lite2 legacy_seresnet152 65.380 67.510 34.620 32.490 85.990 87.500 14.010 12.500 6.09 66.82 260 224 0.890 0.875 bicubic bilinear -12.088 -11.152 -7.764 -6.876 -7 +19
326 res2net50_48w_2s lambda_resnet26t 65.350 67.490 34.650 32.510 85.960 87.650 14.040 12.350 25.29 10.96 224 256 0.875 0.940 bilinear bicubic -12.172 -11.618 -7.594 -6.938 -10 -4
327 densenet201 efficientnet_b1 65.290 67.490 34.710 32.510 85.690 87.430 14.310 12.570 20.01 7.79 224 256 0.875 1.000 bicubic -11.996 -11.314 -7.788 -6.916 -3 +12
328 densenetblur121d hrnet_w40 65.280 67.470 34.720 32.530 85.710 87.140 14.290 12.860 8.00 57.56 224 0.875 bicubic bilinear -11.308 -11.456 -7.482 -7.338 +17 +5
329 dla60 resnetblur50 65.200 67.440 34.800 32.560 85.760 87.580 14.240 12.420 22.04 25.56 224 0.875 bilinear bicubic -11.832 -11.860 -7.558 -6.950 +3 -19
330 ese_vovnet19b_dw tf_efficientnet_b1_ap 65.190 67.430 34.810 32.570 85.470 87.540 14.530 12.460 6.54 7.79 224 240 0.875 0.882 bicubic -11.608 -11.844 -7.798 -6.762 +8 -16
331 tf_efficientnet_cc_b0_4e tf_efficientnet_cc_b1_8e 65.150 67.380 34.850 32.620 85.160 87.280 14.840 12.720 13.31 39.72 224 240 0.875 0.882 bicubic -12.156 -11.946 -8.174 -7.088 -8 -25
332 gernet_s res2net50_26w_8s 65.120 67.360 34.880 32.640 85.510 87.130 14.490 12.870 8.17 48.40 224 0.875 bilinear -11.796 -11.620 -7.622 -7.154 +3 -1
333 legacy_seresnext26_32x4d res2net101_26w_4s 65.050 67.360 34.950 32.640 85.660 87.170 14.340 12.830 16.79 45.21 224 0.875 bicubic bilinear -12.054 -11.832 -7.656 -7.268 -4 -12
334 mobilenetv2_120d gluon_resnet101_v1b 65.030 67.350 34.970 32.650 85.960 87.050 14.040 12.950 5.83 44.55 224 0.875 bicubic -12.254 -11.950 -7.532 -7.586 -9 -23
335 hrnet_w18 cait_xxs24_224 64.920 67.310 35.080 32.690 85.740 87.490 14.260 12.510 21.30 11.96 224 0.875 1.000 bilinear bicubic -11.838 -11.066 -7.704 -6.826 +4 +26
336 hardcorenas_c xception41 64.860 67.310 35.140 32.690 85.250 87.150 14.750 12.850 5.52 26.97 224 299 0.875 0.903 bilinear bicubic -12.194 -11.222 -7.908 -7.134 -5 +12
337 densenet169 gluon_resnet101_v1c 64.760 67.290 35.240 32.710 85.240 87.060 14.760 12.940 14.15 44.57 224 0.875 bicubic -11.146 -12.244 -7.786 -7.528 +20 -40
338 mixnet_m resnet33ts 64.700 67.170 35.300 32.830 85.450 87.410 14.550 12.590 5.01 19.68 224 256 0.875 0.900 bicubic -12.560 -12.044 -7.974 -7.162 -12 -18
339 resnet26d regnetx_032 64.680 67.150 35.320 32.850 85.120 86.980 14.880 13.020 16.01 15.30 224 0.875 bicubic -12.016 -11.000 -8.030 -7.106 +1 +31
340 levit_128s coat_tiny 64.610 67.120 35.390 32.880 84.730 87.380 15.270 12.620 7.78 5.50 224 0.900 bicubic -11.920 -11.314 -8.136 -6.654 +7 +17
341 repvgg_a2 resnest26d 64.450 67.120 35.550 32.880 85.130 87.130 14.870 12.870 28.21 17.07 224 0.875 bilinear -12.010 -11.358 -7.874 -7.166 +8 +10
342 hardcorenas_b dla60_res2net 64.420 67.110 35.580 32.890 84.870 87.080 15.130 12.920 5.18 20.85 224 0.875 bilinear -12.118 -11.352 -7.884 -7.128 +4 +11
343 tf_efficientnet_lite1 legacy_seresnet101 64.380 67.100 35.620 32.900 85.470 87.020 14.530 12.980 5.42 49.33 240 224 0.882 0.875 bicubic bilinear -12.262 -11.284 -7.756 -7.244 -2 +16
344 regnetx_016 dla60x 64.380 67.080 35.620 32.920 85.470 87.200 14.530 12.800 9.19 17.35 224 0.875 bicubic bilinear -12.570 -11.166 -7.950 -6.824 -10 +22
345 resmlp_12_224 dla102x 64.350 67.000 35.650 33.000 85.580 86.730 14.420 13.270 15.35 26.31 224 0.875 bicubic bilinear -12.304 -11.512 -7.600 -7.496 -4 +4
346 tf_efficientnet_b0 res2net50_26w_6s 64.310 66.980 35.690 33.020 85.280 86.830 14.720 13.170 5.29 37.05 224 0.875 bicubic bilinear -12.538 -11.586 -7.948 -7.288 -9 +1
347 tf_mixnet_m xcit_tiny_12_p16_224_dist 64.270 66.970 35.730 33.030 85.090 87.340 14.910 12.660 5.01 6.72 224 0.875 1.000 bicubic -12.672 -11.610 -8.062 -6.864 -13 -1
348 dpn68 repvgg_b2 64.230 66.950 35.770 33.050 85.180 87.260 14.820 12.740 12.61 89.02 224 0.875 bicubic bilinear -12.088 -11.844 -7.798 -7.166 +2 -8
349 tf_efficientnet_es gluon_resnet50_v1s 64.230 66.940 35.770 33.060 84.740 86.800 15.260 13.200 5.44 25.68 224 0.875 bicubic -12.364 -11.756 -8.462 -7.448 -5 -6
350 regnety_008 mixnet_l 64.160 66.940 35.840 33.060 85.270 86.790 14.730 13.210 6.26 7.33 224 0.875 bicubic -12.156 -12.040 -7.796 -7.390 +1 -20
351 vit_small_patch32_224 pit_xs_224 64.070 66.940 35.930 33.060 85.560 87.190 14.440 12.810 22.88 10.62 224 0.900 bicubic -11.920 -11.244 -7.712 -6.974 +3 +18
352 mobilenetv2_140 tv_resnet152 64.060 66.930 35.940 33.070 85.040 87.440 14.960 12.560 6.11 60.19 224 0.875 bicubic bilinear -12.456 -11.392 -7.956 -6.604 -4 +11
353 densenet121 eca_halonext26ts 63.750 66.820 36.250 33.180 84.590 87.070 15.410 12.930 7.98 10.76 224 256 0.875 0.940 bicubic -11.828 -12.020 -8.062 -7.186 +8 -17
354 hardcorenas_a repvgg_b1 63.710 66.820 36.290 33.180 84.400 86.690 15.600 13.310 5.26 57.42 224 0.875 bilinear -12.206 -11.558 -8.114 -7.414 +2 +6
355 resnest14d tf_efficientnet_b1 63.590 66.810 36.410 33.190 84.250 86.920 15.750 13.080 10.61 7.79 224 240 0.875 0.882 bilinear bicubic -11.916 -12.026 -8.268 -7.274 +8 -18
356 tf_mixnet_s lambda_resnet26rpt_256 63.560 66.800 36.440 33.200 84.270 87.060 15.730 12.940 4.13 10.99 224 256 0.875 0.940 bicubic -12.090 -12.168 -8.358 -7.368 +3 -24
357 resnet26 efficientnet_es 63.470 66.720 36.530 33.280 84.260 86.670 15.740 13.330 16.00 5.44 224 0.875 bicubic -11.822 -11.362 -8.310 -7.274 +10 +17
358 mixnet_s xcit_nano_12_p8_384_dist 63.390 66.720 36.610 33.280 84.740 87.050 15.260 12.950 4.13 3.05 224 384 0.875 1.000 bicubic -12.602 -11.098 -8.056 -6.984 -5 +32
359 mobilenetv3_large_100 gluon_resnet50_v1c 63.360 66.710 36.640 33.290 84.090 86.110 15.910 13.890 5.48 25.58 224 0.875 bicubic -12.406 -11.296 -8.452 -7.878 -1 +17
360 vit_tiny_r_s16_p8_384 dla60_res2next 63.340 66.710 36.660 33.290 85.280 86.940 14.720 13.060 6.36 17.03 384 224 1.000 0.875 bicubic bilinear -12.612 -11.732 -7.980 -7.218 -5 -4
361 efficientnet_es_pruned hrnet_w30 63.330 66.690 36.670 33.310 84.950 86.740 15.050 13.260 5.44 37.71 224 0.875 bicubic bilinear -11.670 -11.512 -7.498 -7.488 +14 +7
362 tv_resnet50 resnet32ts 63.330 66.690 36.670 33.310 84.640 87.130 15.360 12.870 25.56 17.96 224 256 0.875 0.900 bilinear bicubic -12.808 -12.330 -8.224 -7.232 -10 -33
363 mixer_b16_224 hrnet_w32 63.280 66.650 36.720 33.350 83.310 87.190 16.690 12.810 59.88 41.23 224 0.875 bicubic bilinear -13.322 -11.792 -8.918 -7.006 -20 -7
364 efficientnet_lite0 regnetx_040 63.240 66.650 36.760 33.350 84.440 86.530 15.560 13.470 4.65 22.12 224 0.875 bicubic -12.244 -11.834 -8.070 -7.724 0 -14
365 mobilenetv3_rw selecsls60b 63.220 66.650 36.780 33.350 84.510 86.590 15.490 13.410 5.48 32.77 224 0.875 bicubic -12.414 -11.758 -8.198 -7.586 -5 -7
366 pit_ti_distilled_224 tf_mixnet_l 63.150 66.630 36.850 33.370 83.960 86.380 16.040 13.620 5.10 7.33 224 0.900 0.875 bicubic -11.380 -12.148 -8.136 -7.620 +16 -25
367 semnasnet_100 dla102 63.150 66.590 36.850 33.410 84.520 86.930 15.480 13.070 3.89 33.27 224 0.875 bicubic bilinear -12.298 -11.438 -8.084 -7.028 -1 +9
368 regnety_006 wide_resnet101_2 63.110 66.570 36.890 33.430 84.250 87.010 15.750 12.990 6.06 126.89 224 0.875 bicubic bilinear -12.136 -12.284 -8.282 -7.274 0 -33
369 vit_tiny_patch16_224 tf_efficientnetv2_b0 63.110 66.520 36.890 33.480 84.850 86.620 15.150 13.380 5.72 7.14 224 0.900 0.875 bicubic -12.344 -11.850 -7.998 -7.406 -4 -7
370 tv_densenet121 levit_128 62.940 66.500 37.060 33.500 84.250 86.710 15.750 13.290 7.98 9.21 224 0.875 0.900 bicubic -11.798 -11.966 -7.900 -7.300 +8 -18
371 resnet34 adv_inception_v3 62.870 66.370 37.130 33.630 84.140 86.380 15.860 13.620 21.80 23.83 224 299 0.875 bilinear bicubic -12.240 -11.208 -8.144 -7.360 +1 +26
372 legacy_seresnet34 vit_tiny_patch16_384 62.850 66.330 37.150 33.670 84.210 87.160 15.790 12.840 21.96 5.79 224 384 0.875 1.000 bilinear bicubic -11.958 -12.116 -7.914 -7.384 +5 -18
373 mobilenetv2_110d tf_inception_v3 62.830 66.320 37.170 33.680 84.500 86.570 15.500 13.430 4.52 23.83 224 299 0.875 bicubic -12.206 -11.540 -7.686 -7.076 +1 +14
374 deit_tiny_distilled_patch16_224 selecsls60 62.810 66.310 37.190 33.690 83.930 86.290 16.070 13.710 5.91 30.67 224 0.900 0.875 bicubic -11.700 -11.674 -7.960 -7.542 +9 +5
375 hrnet_w18_small_v2 resmlp_12_distilled_224 62.800 66.280 37.200 33.720 83.980 86.470 16.020 13.530 15.60 15.35 224 0.875 bilinear bicubic -12.314 -11.664 -8.436 -7.092 -4 +6
376 swsl_resnet18 hardcorenas_f 62.760 66.240 37.240 33.760 84.300 86.250 15.700 13.750 11.69 8.20 224 0.875 bilinear -10.516 -11.864 -7.434 -7.544 +16 -3
377 repvgg_b0 coat_lite_tiny 62.720 66.230 37.280 33.770 83.860 86.950 16.140 13.050 15.82 5.72 224 0.875 0.900 bilinear bicubic -12.432 -11.284 -8.558 -6.966 -8 +23
378 gluon_resnet34_v1b bat_resnext26ts 62.570 66.210 37.430 33.790 83.990 86.650 16.010 13.350 21.80 10.73 224 256 0.875 0.900 bicubic -12.018 -12.052 -8.000 -7.450 +3 -14
379 tf_efficientnet_lite0 efficientnet_b0 62.550 66.120 37.450 33.880 84.220 86.100 15.780 13.900 4.65 5.29 224 0.875 bicubic -12.280 -11.584 -7.956 -7.422 -3 +13
380 regnetx_008 tf_efficientnet_cc_b0_8e 62.490 66.120 37.510 33.880 84.020 86.100 15.980 13.900 7.26 24.01 224 0.875 bicubic -12.548 -11.788 -8.316 -7.556 -7 +3
381 dla34 legacy_seresnet50 62.480 66.090 37.520 33.910 83.910 86.290 16.090 13.710 15.74 28.09 224 0.875 bilinear -12.150 -11.548 -8.168 -7.456 -1 +12
382 tf_mobilenetv3_large_100 gmixer_24_224 62.460 66.080 37.540 33.920 83.970 85.980 16.030 14.020 5.48 24.72 224 0.875 bilinear bicubic -13.058 -11.972 -8.636 -7.688 -20 -7
383 fbnetc_100 res2net50_14w_8s 62.440 66.030 37.560 33.970 83.380 86.200 16.620 13.800 5.57 25.06 224 0.875 bilinear -12.684 -12.104 -9.006 -7.656 -13 -11
384 mnasnet_100 tf_efficientnet_em 61.900 66.030 38.100 33.970 83.710 86.210 16.290 13.790 4.38 6.90 224 240 0.875 0.882 bicubic -12.758 -12.112 -8.404 -7.848 -5 -13
385 regnety_004 res2net50_26w_4s 61.870 66.010 38.130 33.990 83.430 86.590 16.570 13.410 4.34 25.70 224 0.875 bicubic bilinear -12.164 -11.976 -8.322 -7.258 +1 -7
386 vgg19_bn inception_v3 61.860 66.000 38.140 34.000 83.450 86.120 16.550 13.880 143.68 23.83 224 299 0.875 bilinear bicubic -12.354 -11.464 -8.392 -7.356 -2 +16
387 convit_tiny hardcorenas_e 61.590 65.990 38.410 34.010 84.120 85.980 15.880 14.020 5.71 8.07 224 0.875 bicubic bilinear -11.526 -11.810 -7.594 -7.716 +6 +4
388 ssl_resnet18 regnety_016 61.480 65.960 38.520 34.040 83.300 86.270 16.700 13.730 11.69 11.20 224 0.875 bilinear bicubic -11.130 -11.904 -8.116 -7.454 +9 -3
389 regnetx_006 efficientnet_b1_pruned 61.350 65.950 38.650 34.050 83.450 86.510 16.550 13.490 6.20 6.33 224 240 0.875 0.882 bicubic -12.502 -12.300 -8.222 -7.326 -1 -24
390 spnasnet_100 tv_resnext50_32x4d 61.220 65.940 38.780 34.060 82.790 86.030 17.210 13.970 4.42 25.03 224 0.875 bilinear -12.864 -11.670 -9.028 -7.654 -5 +4
391 tv_resnet34 gluon_resnet50_v1b 61.190 65.910 38.810 34.090 82.710 86.230 17.290 13.770 21.80 25.56 224 0.875 bilinear bicubic -12.122 -11.666 -8.716 -7.492 0 +7
392 pit_ti_224 tv_resnet101 60.980 65.820 39.020 34.180 83.860 85.980 16.140 14.020 4.85 44.55 224 0.900 0.875 bicubic bilinear -11.932 -11.548 -7.542 -7.580 +4 +13
393 skresnet18 gcresnext26ts 60.860 65.810 39.140 34.190 82.880 85.850 17.120 14.150 11.96 10.48 224 256 0.875 0.900 bicubic -12.178 -12.010 -8.288 -7.976 +1 -4
394 ghostnet_100 rexnet_100 60.830 65.810 39.170 34.190 82.360 86.510 17.640 13.490 5.18 4.80 224 0.875 bilinear bicubic -13.148 -12.050 -9.096 -7.366 -7 -8
395 vgg16_bn seresnext26t_32x4d 60.760 65.780 39.240 34.220 82.950 85.610 17.050 14.390 138.37 16.81 224 0.875 bilinear bicubic -12.590 -12.198 -8.556 -8.132 -5 -15
396 tf_mobilenetv3_large_075 resnet34d 60.400 65.770 39.600 34.230 81.950 86.620 18.050 13.380 3.99 21.82 224 0.875 bilinear bicubic -13.038 -11.344 -9.400 -6.762 -7 +17
397 mobilenetv2_100 repvgg_b1g4 60.190 65.760 39.810 34.240 82.240 85.970 17.760 14.030 3.50 39.97 224 0.875 bicubic bilinear -12.780 -11.834 -8.776 -7.872 -2
398 resnet18d densenet161 60.160 65.700 39.840 34.300 82.300 86.510 17.700 13.490 11.71 28.68 224 0.875 bicubic -12.100 -11.652 -8.396 -7.126 +3 +8
399 deit_tiny_patch16_224 skresnet34 59.830 65.660 40.170 34.340 82.670 85.960 17.330 14.040 5.72 22.28 224 0.900 0.875 bicubic -12.338 -11.260 -8.448 -7.360 +4 +23
400 legacy_seresnet18 eca_resnext26ts 59.800 65.630 40.200 34.370 81.690 85.780 18.310 14.220 11.78 10.30 224 256 0.875 0.900 bicubic -11.942 -11.820 -8.644 -7.798 +6 +3
401 vgg19 mobilenetv3_large_100_miil 59.710 65.620 40.290 34.380 81.450 85.210 18.550 14.790 143.67 5.48 224 0.875 bilinear -12.658 -12.292 -9.422 -7.694 -2 -19
402 regnetx_004 res2next50 59.410 65.610 40.590 34.390 81.690 85.810 18.310 14.190 5.16 24.67 224 0.875 bicubic bilinear -12.986 -12.632 -9.140 -8.094 -4 -35
403 tf_mobilenetv3_large_minimal_100 hardcorenas_d 59.070 65.570 40.930 34.430 81.150 85.530 18.850 14.470 3.92 7.50 224 0.875 bilinear -13.178 -11.854 -9.480 -7.956 -1 +1
404 vit_tiny_r_s16_p8_224 selecsls42b 59.070 65.550 40.930 34.450 81.760 85.870 18.240 14.130 6.34 32.46 224 0.900 0.875 bicubic -12.718 -11.640 -9.068 -7.520 +1 +7
405 vgg13_bn xcit_tiny_12_p16_224 59.000 65.500 41.000 34.500 81.070 86.190 18.930 13.810 133.05 6.72 224 0.875 1.000 bilinear bicubic -12.594 -11.620 -9.306 -7.528 +2 +7
406 hrnet_w18_small resnet26t 58.950 65.470 41.050 34.530 81.340 86.240 18.660 13.760 13.19 16.01 224 256 0.875 0.940 bilinear bicubic -13.392 -12.402 -9.338 -7.594 -6 -22
407 vgg16 seresnext26ts 58.830 65.450 41.170 34.550 81.660 86.020 18.340 13.980 138.36 10.39 224 256 0.875 0.900 bilinear bicubic -12.764 -12.398 -8.722 -7.768 +1 -19
408 gluon_resnet18_v1b convmixer_1024_20_ks9_p14 58.340 65.430 41.660 34.570 80.970 85.520 19.030 14.480 11.69 24.38 224 0.875 0.960 bicubic -12.496 -11.514 -8.792 -7.838 +1 +13
409 vgg11_bn tf_efficientnet_lite2 57.410 65.300 42.590 34.700 80.020 86.010 19.980 13.990 132.87 6.09 224 260 0.875 0.890 bilinear bicubic -12.950 -12.182 -9.782 -7.738 +1 -8
410 resnet18 densenet201 57.170 65.290 42.830 34.710 80.200 85.660 19.800 14.340 11.69 20.01 224 0.875 bilinear bicubic -12.578 -12.000 -8.878 -7.820 +3 -2
411 vgg13 seresnext26d_32x4d 57.150 65.260 42.850 34.740 79.540 85.810 20.460 14.190 133.05 16.81 224 0.875 bilinear bicubic -12.776 -12.326 -9.706 -7.794 +1 -15
412 regnety_002 densenetblur121d 57.000 65.250 43.000 34.750 79.840 85.780 20.160 14.220 3.16 8.00 224 0.875 bicubic -13.252 -11.340 -9.700 -7.412 -1 +20
413 mixer_l16_224 crossvit_9_dagger_240 56.690 65.230 43.310 34.770 75.990 86.470 24.010 13.530 208.20 8.78 224 240 0.875 bicubic -15.368 -11.760 -11.678 -7.136 -9 +5
414 regnetx_002 res2net50_48w_2s 56.050 65.220 43.950 34.780 79.210 85.920 20.790 14.080 2.68 25.29 224 0.875 bicubic bilinear -12.712 -12.314 -9.346 -7.638 +1 -15
415 dla60x_c tf_efficientnet_b0_ap 56.000 65.200 44.000 34.800 78.930 85.490 21.070 14.510 1.32 5.29 224 0.875 bilinear bicubic -11.892 -11.904 -9.496 -7.774 +2 -1
416 vgg11 hrnet_w18 55.800 65.110 44.200 34.890 78.830 85.690 21.170 14.310 132.86 21.30 224 0.875 bilinear -13.224 -11.648 -9.798 -7.748 -2 +11
417 tf_mobilenetv3_small_100 ese_vovnet19b_dw 54.530 65.100 45.470 34.900 77.060 85.420 22.940 14.580 2.54 6.54 224 0.875 bilinear bicubic -13.392 -11.724 -10.604 -7.860 -1 +8
418 dla46x_c dla60 53.050 65.070 46.950 34.930 76.870 85.700 23.130 14.300 1.07 22.04 224 0.875 bilinear -12.920 -11.964 -10.110 -7.624 0 -1
419 tf_mobilenetv3_small_075 gernet_s 52.160 65.000 47.840 35.000 75.470 85.520 24.530 14.480 2.04 8.17 224 0.875 bilinear -13.556 -11.906 -10.660 -7.614 0 +4
420 dla46_c tf_efficientnet_cc_b0_4e 52.130 64.960 47.870 35.040 75.690 85.020 24.310 14.980 1.30 13.31 224 0.875 bilinear bicubic -12.736 -12.360 -10.602 -8.302 0 -13
421 tf_mobilenetv3_small_minimal_100 mobilenetv2_120d 49.500 64.920 50.500 35.080 73.050 85.850 26.950 14.150 2.04 5.83 224 0.875 bilinear bicubic -13.406 -12.366 -11.180 -7.662 0 -12
422 hardcorenas_c 64.850 35.150 85.240 14.760 5.52 224 0.875 bilinear -12.200 -7.932 -6
423 legacy_seresnext26_32x4d 64.830 35.170 85.550 14.450 16.79 224 0.875 bicubic -12.264 -7.760 -8
424 mixnet_m 64.740 35.260 85.510 14.490 5.01 224 0.875 bicubic -12.534 -7.912 -14
425 resnet26d 64.590 35.410 85.090 14.910 16.01 224 0.875 bicubic -12.100 -8.058 +3
426 xcit_nano_12_p8_224_dist 64.520 35.480 85.900 14.100 3.05 224 1.000 bicubic -11.810 -7.186 +12
427 tf_efficientnet_lite1 64.490 35.510 85.520 14.480 5.42 240 0.882 bicubic -12.174 -7.714 +2
428 tf_mixnet_m 64.460 35.540 84.930 15.070 5.01 224 0.875 bicubic -12.498 -8.236 -9
429 levit_128s 64.440 35.560 84.690 15.310 7.78 224 0.900 bicubic -12.098 -8.174 +5
430 densenet169 64.420 35.580 85.250 14.750 14.15 224 0.875 bicubic -11.478 -7.774 +16
431 resnext26ts 64.380 35.620 85.000 15.000 10.30 256 0.900 bicubic -12.392 -8.130 -5
432 resmlp_12_224 64.340 35.660 85.600 14.400 15.35 224 0.875 bicubic -12.314 -7.572 -2
433 repvgg_a2 64.270 35.730 84.980 15.020 28.21 224 0.875 bilinear -12.210 -8.040 +4
434 regnetx_016 64.230 35.770 85.440 14.560 9.19 224 0.875 bicubic -12.716 -7.986 -14
435 xcit_nano_12_p16_384_dist 64.230 35.770 85.280 14.720 3.05 384 1.000 bicubic -11.238 -7.396 +19
436 hardcorenas_b 64.210 35.790 84.860 15.140 5.18 224 0.875 bilinear -12.320 -7.892 -1
437 tf_efficientnet_b0 64.160 35.840 85.170 14.830 5.29 224 0.875 bicubic -12.686 -8.060 -13
438 dpn68 64.030 35.970 84.990 15.010 12.61 224 0.875 bicubic -12.264 -7.972 +2
439 tf_efficientnet_es 63.900 36.100 84.580 15.420 5.44 224 0.875 bicubic -12.690 -8.632 -6
440 vit_small_patch32_224 63.880 36.120 85.590 14.410 22.88 224 0.900 bicubic -12.114 -7.686 +3
441 mobilenetv2_140 63.870 36.130 84.950 15.050 6.11 224 0.875 bicubic -12.646 -8.050 -5
442 densenet121 63.730 36.270 84.600 15.400 7.98 224 0.875 bicubic -11.838 -8.052 +8
443 regnety_008 63.730 36.270 85.240 14.760 6.26 224 0.875 bicubic -12.590 -7.828 -4
444 hardcorenas_a 63.680 36.320 84.470 15.530 5.26 224 0.875 bilinear -12.232 -8.044 +1
445 resnest14d 63.550 36.450 84.010 15.990 10.61 224 0.875 bilinear -11.956 -8.510 +7
446 mixnet_s 63.540 36.460 84.710 15.290 4.13 224 0.875 bicubic -12.454 -8.082 -4
447 tf_mixnet_s 63.430 36.570 84.090 15.910 4.13 224 0.875 bicubic -12.254 -8.546 +1
448 resnet26 63.420 36.580 84.210 15.790 16.00 224 0.875 bicubic -11.872 -8.364 +9
449 mobilenetv3_large_100 63.310 36.690 84.050 15.950 5.48 224 0.875 bicubic -12.464 -8.490 -2
450 efficientnet_es_pruned 63.300 36.700 84.840 15.160 5.44 224 0.875 bicubic -11.696 -7.600 +15
451 mobilenetv3_rw 63.270 36.730 84.560 15.440 5.48 224 0.875 bicubic -12.348 -8.152 -2
452 tv_resnet50 63.200 36.800 84.640 15.360 25.56 224 0.875 bilinear -12.952 -8.238 -11
453 vit_tiny_r_s16_p8_384 63.190 36.810 85.120 14.880 6.36 384 1.000 bicubic -12.782 -8.152 -9
454 efficientnet_lite0 63.160 36.840 84.350 15.650 4.65 224 0.875 bicubic -12.344 -8.166 -1
455 mixer_b16_224 63.160 36.840 83.080 16.920 59.88 224 0.875 bicubic -13.462 -9.148 -24
456 vit_tiny_patch16_224 63.100 36.900 84.900 15.100 5.72 224 0.900 bicubic -12.354 -7.952 -1
457 pit_ti_distilled_224 63.090 36.910 84.010 15.990 5.10 224 0.900 bicubic -11.440 -8.090 +15
458 semnasnet_100 63.050 36.950 84.450 15.550 3.89 224 0.875 bicubic -12.402 -8.156 -2
459 resnet34 62.850 37.150 84.150 15.850 21.80 224 0.875 bilinear -12.262 -8.126 +2
460 tv_densenet121 62.790 37.210 84.120 15.880 7.98 224 0.875 bicubic -11.956 -8.034 +8
461 legacy_seresnet34 62.770 37.230 84.200 15.800 21.96 224 0.875 bilinear -12.022 -7.928 +6
462 regnety_006 62.740 37.260 84.100 15.900 6.06 224 0.875 bicubic -12.526 -8.434 -4
463 deit_tiny_distilled_patch16_224 62.720 37.280 83.800 16.200 5.91 224 0.900 bicubic -11.804 -8.096 +10
464 hrnet_w18_small_v2 62.660 37.340 83.850 16.150 15.60 224 0.875 bilinear -12.446 -8.562 -2
465 swsl_resnet18 62.650 37.350 84.290 15.710 11.69 224 0.875 bilinear -10.632 -7.468 +22
466 mobilenetv2_110d 62.620 37.380 84.450 15.550 4.52 224 0.875 bicubic -12.432 -7.738 -2
467 repvgg_b0 62.620 37.380 83.660 16.340 15.82 224 0.875 bilinear -12.532 -8.754 -8
468 tf_efficientnet_lite0 62.560 37.440 84.140 15.860 4.65 224 0.875 bicubic -12.272 -8.036 -2
469 regnetx_008 62.510 37.490 83.980 16.020 7.26 224 0.875 bicubic -12.546 -8.368 -6
470 dla34 62.500 37.500 83.860 16.140 15.74 224 0.875 bilinear -12.108 -8.198 0
471 gluon_resnet34_v1b 62.460 37.540 83.920 16.080 21.80 224 0.875 bicubic -12.132 -8.076 0
472 xcit_nano_12_p8_224 62.450 37.550 84.190 15.810 3.05 224 1.000 bicubic -11.462 -7.976 +7
473 fbnetc_100 62.380 37.620 83.370 16.630 5.57 224 0.875 bilinear -12.740 -9.004 -13
474 tf_mobilenetv3_large_100 62.230 37.770 83.850 16.150 5.48 224 0.875 bilinear -13.280 -8.758 -23
475 crossvit_9_240 62.110 37.890 84.300 15.700 8.55 240 0.875 bicubic -11.872 -7.670 +3
476 crossvit_tiny_240 62.060 37.940 83.780 16.220 7.01 240 0.875 bicubic -11.284 -8.142 +9
477 regnety_004 61.990 38.010 83.440 16.560 4.34 224 0.875 bicubic -12.022 -8.326 -1
478 vgg19_bn 61.910 38.090 83.380 16.620 143.68 224 0.875 bilinear -12.324 -8.474 -4
479 mnasnet_100 61.900 38.100 83.730 16.270 4.38 224 0.875 bicubic -12.774 -8.368 -10
480 ssl_resnet18 61.530 38.470 83.300 16.700 11.69 224 0.875 bilinear -11.082 -8.120 +12
481 eca_botnext26ts_256 61.520 38.480 82.760 17.240 10.59 256 0.950 bicubic -12.358 -9.028 -1
482 convit_tiny 61.470 38.530 83.990 16.010 5.71 224 0.875 bicubic -11.642 -7.730 +6
483 tv_resnet34 61.150 38.850 82.640 17.360 21.80 224 0.875 bilinear -12.154 -8.782 +3
484 regnetx_006 61.120 38.880 83.250 16.750 6.20 224 0.875 bicubic -12.726 -8.432 -3
485 spnasnet_100 61.070 38.930 82.750 17.250 4.42 224 0.875 bilinear -13.008 -9.070 -10
486 pit_ti_224 60.940 39.060 83.820 16.180 4.85 224 0.900 bicubic -11.982 -7.590 +5
487 vgg16_bn 60.820 39.180 83.010 16.990 138.37 224 0.875 bilinear -12.540 -8.482 -4
488 skresnet18 60.820 39.180 82.870 17.130 11.96 224 0.875 bicubic -12.202 -8.300 +2
489 ghostnet_100 60.610 39.390 82.270 17.730 5.18 224 0.875 bilinear -13.374 -9.190 -12
490 tf_mobilenetv3_large_075 60.360 39.640 81.800 18.200 3.99 224 0.875 bilinear -13.090 -9.540 -7
491 xcit_nano_12_p16_224_dist 60.330 39.670 82.490 17.510 3.05 224 1.000 bicubic -11.982 -8.362 +5
492 mobilenetv2_100 60.210 39.790 82.040 17.960 3.50 224 0.875 bicubic -12.742 -8.962 -2
493 vit_base_patch32_sam_224 59.970 40.030 81.300 18.700 88.22 224 0.900 bicubic -13.730 -9.708 -37
494 deit_tiny_patch16_224 59.920 40.080 82.730 17.270 5.72 224 0.900 bicubic -12.240 -8.382 +6
495 resnet18d 59.860 40.140 82.310 17.690 11.71 224 0.875 bicubic -12.408 -8.374 +3
496 legacy_seresnet18 59.730 40.270 81.600 18.400 11.78 224 0.875 bicubic -12.004 -8.738 +7
497 vgg19 59.720 40.280 81.420 18.580 143.67 224 0.875 bilinear -12.668 -9.466 -2
498 regnetx_004 59.260 40.740 81.830 18.170 5.16 224 0.875 bicubic -13.130 -8.988 -4
499 tf_mobilenetv3_large_minimal_100 59.040 40.960 80.880 19.120 3.92 224 0.875 bilinear -13.212 -9.756 0
500 hrnet_w18_small 58.920 41.080 81.340 18.660 13.19 224 0.875 bilinear -13.412 -9.346 -4
501 vit_tiny_r_s16_p8_224 58.880 41.120 81.630 18.370 6.34 224 0.900 bicubic -12.918 -9.194 +1
502 vgg13_bn 58.850 41.150 81.040 18.960 133.05 224 0.875 bilinear -12.714 -9.334 +3
503 vgg16 58.630 41.370 81.670 18.330 138.36 224 0.875 bilinear -12.954 -8.720 +1
504 xcit_nano_12_p16_224 58.340 41.660 80.900 19.100 3.05 224 1.000 bicubic -11.632 -8.858 +5
505 gluon_resnet18_v1b 58.300 41.700 80.990 19.010 11.69 224 0.875 bicubic -12.534 -8.770 +1
506 resnet18 57.240 42.760 80.090 19.910 11.69 224 0.875 bilinear -12.500 -8.996 +5
507 vgg13 57.100 42.900 79.610 20.390 133.05 224 0.875 bilinear -12.838 -9.648 +3
508 vgg11_bn 57.040 42.960 79.760 20.240 132.87 224 0.875 bilinear -13.322 -10.046 -1
509 regnety_002 56.980 43.020 79.830 20.170 3.16 224 0.875 bicubic -13.302 -9.714 -1
510 mixer_l16_224 56.200 43.800 75.690 24.310 208.20 224 0.875 bicubic -15.866 -11.964 -9
511 dla60x_c 56.090 43.910 78.950 21.050 1.32 224 0.875 bilinear -11.822 -9.468 +5
512 vgg11 55.900 44.100 78.760 21.240 132.86 224 0.875 bilinear -13.148 -9.876 0
513 regnetx_002 55.790 44.210 79.240 20.760 2.68 224 0.875 bicubic -12.960 -9.320 0
514 tf_mobilenetv3_small_100 54.530 45.470 77.010 22.990 2.54 224 0.875 bilinear -13.396 -10.666 +1
515 botnet26t_256 53.690 46.310 77.400 22.600 12.49 256 0.950 bicubic -14.856 -11.296 -1
516 dla46x_c 53.120 46.880 76.810 23.190 1.07 224 0.875 bilinear -12.856 -10.178 +1
517 tf_mobilenetv3_small_075 52.360 47.640 75.470 24.530 2.04 224 0.875 bilinear -13.360 -10.666 +1
518 dla46_c 52.020 47.980 75.730 24.270 1.30 224 0.875 bilinear -12.850 -10.564 +1
519 tf_mobilenetv3_small_minimal_100 49.560 50.440 72.820 27.180 2.04 224 0.875 bilinear -13.348 -11.426 +1

@ -1,421 +1,519 @@
model,top1,top1_err,top5,top5_err,param_count,img_size,cropt_pct,interpolation,top1_diff,top5_diff,rank_diff
ig_resnext101_32x48d,58.810,41.190,81.076,18.924,828.41,224,0.875,bilinear,-26.618,-16.496,+22
ig_resnext101_32x32d,58.386,41.614,80.381,19.619,468.53,224,0.875,bilinear,-26.708,-17.057,+28
ig_resnext101_32x16d,57.690,42.310,79.905,20.095,194.03,224,0.875,bilinear,-26.480,-17.291,+53
swsl_resnext101_32x16d,57.458,42.542,80.385,19.615,194.03,224,0.875,bilinear,-25.888,-16.461,+78
swsl_resnext101_32x8d,56.438,43.562,78.944,21.056,88.79,224,0.875,bilinear,-27.846,-18.232,+48
ig_resnext101_32x8d,54.918,45.082,77.534,22.466,88.79,224,0.875,bilinear,-27.770,-19.102,+94
swsl_resnext101_32x4d,53.603,46.397,76.347,23.653,44.18,224,0.875,bilinear,-29.627,-20.413,+77
vit_large_patch16_384,52.754,47.246,74.696,25.304,304.72,384,1.000,bicubic,-34.326,-23.604,-4
vit_large_r50_s32_384,52.039,47.961,73.558,26.442,329.09,384,1.000,bicubic,-34.145,-24.360,+2
vit_large_patch16_224,51.832,48.168,73.694,26.306,304.33,224,0.900,bicubic,-34.010,-24.130,+6
tf_efficientnet_l2_ns_475,51.494,48.506,73.928,26.072,480.31,475,0.936,bicubic,-36.740,-24.618,-9
swsl_resnext50_32x4d,50.437,49.563,73.368,26.633,25.03,224,0.875,bilinear,-31.745,-22.862,+104
swin_large_patch4_window12_384,50.404,49.596,72.564,27.436,196.74,384,1.000,bicubic,-36.744,-25.670,-10
swsl_resnet50,49.541,50.459,72.334,27.666,25.56,224,0.875,bilinear,-31.625,-23.638,+134
swin_large_patch4_window7_224,48.991,51.009,71.391,28.609,196.53,224,0.900,bicubic,-37.329,-26.505,-6
swin_base_patch4_window12_384,48.553,51.447,71.813,28.187,87.90,384,1.000,bicubic,-37.879,-26.245,-8
vit_large_r50_s32_224,48.203,51.797,70.868,29.132,328.99,224,0.900,bicubic,-36.231,-26.296,+32
tf_efficientnet_b7_ns,47.800,52.200,69.640,30.360,66.35,600,0.949,bicubic,-39.040,-28.454,-13
tf_efficientnet_b6_ns,47.761,52.239,69.968,30.032,43.04,528,0.942,bicubic,-38.691,-27.914,-12
tf_efficientnet_l2_ns,47.570,52.430,70.019,29.981,480.31,800,0.960,bicubic,-40.782,-28.631,-19
tf_efficientnetv2_l_in21ft1k,46.939,53.061,70.310,29.690,118.52,480,1.000,bicubic,-39.365,-27.668,-11
vit_base_patch16_384,45.894,54.106,68.557,31.443,86.86,384,1.000,bicubic,-40.112,-29.443,-7
tf_efficientnet_b8_ap,45.774,54.226,67.911,32.089,87.41,672,0.954,bicubic,-39.596,-29.383,+3
tf_efficientnet_b5_ns,45.615,54.385,67.842,32.158,30.39,456,0.934,bicubic,-40.473,-29.910,-11
tf_efficientnetv2_m_in21ft1k,45.582,54.418,69.150,30.849,54.14,480,1.000,bicubic,-40.006,-28.602,-6
swin_base_patch4_window7_224,45.560,54.440,68.512,31.488,87.77,224,0.900,bicubic,-39.692,-29.050,+1
cait_m48_448,44.245,55.755,64.653,35.347,356.46,448,1.000,bicubic,-42.239,-33.102,-21
vit_base_r50_s16_384,43.512,56.488,66.785,33.215,98.95,384,1.000,bicubic,-41.460,-30.503,+8
tf_efficientnet_b4_ns,43.450,56.550,65.519,34.481,19.34,380,0.922,bicubic,-41.713,-31.951,-1
vit_base_patch16_224,43.220,56.780,65.708,34.292,86.57,224,0.900,bicubic,-41.312,-31.586,+14
tf_efficientnet_b8,42.508,57.492,64.857,35.143,87.41,672,0.954,bicubic,-42.862,-32.533,-6
cait_m36_384,42.398,57.602,63.324,36.676,271.22,384,1.000,bicubic,-43.656,-34.406,-18
tf_efficientnet_b7,41.431,58.569,63.017,36.983,66.35,600,0.949,bicubic,-43.505,-34.186,+4
tf_efficientnet_b7_ap,41.429,58.571,62.874,37.126,66.35,600,0.949,bicubic,-43.691,-34.378,-5
tf_efficientnet_b5_ap,41.418,58.582,62.084,37.916,30.39,456,0.934,bicubic,-42.834,-34.890,+20
resnetv2_152x4_bitm,41.302,58.698,64.307,35.693,936.53,480,1.000,bilinear,-43.614,-33.135,+2
tf_efficientnet_b6_ap,41.099,58.901,62.355,37.645,43.04,528,0.942,bicubic,-43.689,-34.783,+3
tf_efficientnetv2_s_in21ft1k,40.950,59.050,63.849,36.151,21.46,384,1.000,bicubic,-43.352,-33.403,+14
tf_efficientnet_b4_ap,40.484,59.516,61.723,38.277,19.34,380,0.922,bicubic,-42.764,-34.669,+44
vit_small_r26_s32_384,40.476,59.524,62.736,37.264,36.47,384,1.000,bicubic,-43.570,-34.592,+22
vit_base_patch16_224_miil,40.168,59.832,60.887,39.113,86.54,224,0.875,bilinear,-44.100,-35.915,+13
tf_efficientnetv2_l,39.830,60.170,60.801,39.199,118.52,480,1.000,bicubic,-45.660,-36.571,-21
dm_nfnet_f3,39.818,60.182,60.610,39.390,254.92,416,0.940,bicubic,-45.704,-36.852,-23
cait_s36_384,39.765,60.235,60.475,39.525,68.37,384,1.000,bicubic,-45.695,-37.005,-22
efficientnetv2_rw_m,39.667,60.333,59.687,40.313,53.24,416,1.000,bicubic,-45.141,-37.461,-6
ecaresnet269d,39.594,60.406,60.343,39.657,102.09,352,1.000,bicubic,-45.382,-36.883,-11
tf_efficientnet_b3_ns,39.584,60.416,61.453,38.547,12.23,300,0.904,bicubic,-44.464,-35.457,+14
dm_nfnet_f6,39.578,60.422,60.911,39.089,438.36,576,0.956,bicubic,-46.566,-36.819,-36
dm_nfnet_f5,39.508,60.492,60.227,39.773,377.21,544,0.954,bicubic,-46.306,-37.261,-32
efficientnet_b4,39.079,60.921,59.608,40.392,19.34,384,1.000,bicubic,-44.349,-36.988,+28
resnetv2_152x2_bit_teacher_384,38.979,61.021,62.440,37.560,236.34,384,1.000,bicubic,-44.865,-34.678,+16
vit_base_patch32_384,38.794,61.206,60.329,39.671,88.30,384,1.000,bicubic,-44.556,-36.507,+29
eca_nfnet_l2,38.664,61.336,59.445,40.555,56.72,384,1.000,bicubic,-46.033,-37.819,-11
tf_efficientnet_b5,38.356,61.644,59.913,40.087,30.39,456,0.934,bicubic,-45.456,-36.835,+15
deit_base_distilled_patch16_384,38.260,61.740,57.783,42.217,87.63,384,1.000,bicubic,-47.162,-39.549,-31
dm_nfnet_f4,38.224,61.776,58.626,41.374,316.07,512,0.951,bicubic,-47.490,-38.894,-38
resnetv2_152x2_bitm,37.985,62.015,61.135,38.865,236.34,448,1.000,bilinear,-46.525,-36.297,-11
cait_s24_384,37.873,62.127,58.079,41.921,47.06,384,1.000,bicubic,-47.173,-39.267,-26
resnet152d,37.857,62.143,58.356,41.644,60.21,320,1.000,bicubic,-45.823,-38.382,+15
tf_efficientnetv2_m,37.824,62.176,58.710,41.290,54.14,480,1.000,bicubic,-47.220,-38.568,-27
resnetrs420,37.747,62.253,58.215,41.785,191.89,416,1.000,bicubic,-47.261,-38.909,-27
resnetrs350,37.676,62.324,58.083,41.917,163.96,384,1.000,bicubic,-47.044,-38.905,-21
pit_b_distilled_224,37.590,62.410,57.238,42.762,74.79,224,0.900,bicubic,-46.554,-39.618,-6
resnet200d,37.505,62.495,58.297,41.703,64.69,320,1.000,bicubic,-46.457,-38.526,+1
resnetv2_152x2_bit_teacher,37.324,62.676,59.390,40.610,236.34,224,0.875,bicubic,-45.538,-37.178,+29
resnest269e,37.315,62.685,57.468,42.532,110.93,416,0.928,bicubic,-47.203,-39.518,-21
resmlp_big_24_224_in22ft1k,37.244,62.756,58.184,41.816,129.14,224,0.875,bicubic,-47.150,-38.937,-17
vit_small_r26_s32_224,37.234,62.766,59.060,40.940,36.43,224,0.900,bicubic,-44.624,-36.962,+55
cait_s24_224,37.153,62.847,56.724,43.276,46.92,224,1.000,bicubic,-46.299,-39.840,+8
vit_base_patch32_224,37.077,62.923,59.294,40.706,88.22,224,0.900,bicubic,-43.647,-36.274,+96
tf_efficientnet_b3_ap,37.055,62.945,57.240,42.760,12.23,300,0.904,bicubic,-44.767,-38.384,+54
efficientnetv2_rw_s,37.049,62.951,56.814,43.186,23.94,384,1.000,bicubic,-46.759,-39.910,-2
seresnet152d,36.790,63.210,56.718,43.282,66.84,320,1.000,bicubic,-47.572,-40.322,-22
resnetrs200,36.639,63.361,56.828,43.172,93.21,320,1.000,bicubic,-47.427,-40.046,-15
efficientnet_b3,36.420,63.580,56.845,43.155,12.23,320,1.000,bicubic,-45.822,-39.269,+39
cait_xs24_384,36.416,63.584,56.944,43.056,26.67,384,1.000,bicubic,-47.645,-39.945,-16
deit_base_distilled_patch16_224,36.397,63.603,56.617,43.383,87.34,224,0.900,bicubic,-46.991,-39.871,+2
resnetv2_101x3_bitm,36.381,63.619,59.070,40.930,387.93,448,1.000,bilinear,-48.059,-38.312,-31
resnetrs270,36.320,63.680,56.562,43.438,129.86,352,1.000,bicubic,-48.114,-40.408,-31
tresnet_m,36.285,63.715,55.796,44.204,31.39,224,0.875,bilinear,-46.795,-40.322,+9
mixer_b16_224_miil,36.269,63.731,55.965,44.035,59.88,224,0.875,bilinear,-46.039,-39.751,+29
tf_efficientnet_b2_ns,36.183,63.817,57.551,42.449,9.11,260,0.890,bicubic,-46.197,-38.697,+23
dm_nfnet_f2,36.004,63.996,55.456,44.544,193.78,352,0.920,bicubic,-49.060,-41.784,-52
ecaresnet101d,36.004,63.996,56.165,43.835,44.57,224,0.875,bicubic,-46.168,-39.881,+33
resnest200e,35.931,64.069,55.849,44.151,70.20,320,0.909,bicubic,-47.901,-41.045,-17
swsl_resnet18,35.858,64.142,58.455,41.545,11.69,224,0.875,bilinear,-37.418,-33.279,+305
eca_nfnet_l1,35.823,64.177,55.957,44.043,41.41,320,1.000,bicubic,-48.187,-41.071,-23
vit_small_patch16_384,35.479,64.521,57.549,42.451,22.20,384,1.000,bicubic,-48.323,-39.553,-17
resnest101e,35.373,64.627,55.780,44.220,48.28,256,0.875,bilinear,-47.517,-40.540,+4
convit_base,35.314,64.686,54.927,45.073,86.54,224,0.875,bicubic,-46.976,-41.011,+21
twins_svt_large,35.086,64.914,54.721,45.279,99.27,224,0.900,bicubic,-48.592,-41.873,-16
repvgg_b3g4,35.043,64.957,54.772,45.228,83.83,224,0.875,bilinear,-45.169,-40.338,+98
repvgg_b3,35.043,64.957,54.542,45.458,123.09,224,0.875,bilinear,-45.449,-40.718,+80
dm_nfnet_f1,34.990,65.010,54.108,45.892,132.63,320,0.910,bicubic,-49.636,-42.992,-51
resnet101d,34.872,65.128,54.202,45.798,44.57,320,1.000,bicubic,-48.150,-42.244,-4
resmlp_big_24_distilled_224,34.788,65.213,54.637,45.363,129.14,224,0.875,bicubic,-48.803,-42.011,-20
vit_large_patch32_384,34.673,65.326,55.729,44.271,306.63,384,1.000,bicubic,-46.833,-40.363,+37
dm_nfnet_f0,34.618,65.382,54.672,45.328,71.49,256,0.900,bicubic,-48.767,-41.900,-18
ssl_resnext101_32x16d,34.605,65.395,55.931,44.069,194.03,224,0.875,bilinear,-47.239,-40.165,+25
repvgg_b2g4,34.587,65.413,54.782,45.218,61.76,224,0.875,bilinear,-44.779,-39.906,+131
resnest50d_4s2x40d,34.355,65.645,54.725,45.275,30.42,224,0.875,bicubic,-46.753,-40.833,+49
resnetrs152,34.355,65.645,53.562,46.438,86.62,320,1.000,bicubic,-49.357,-43.052,-30
tf_efficientnet_b1_ns,34.157,65.843,55.489,44.511,7.79,240,0.882,bicubic,-47.231,-40.249,+36
twins_pcpvt_large,34.111,65.888,54.128,45.872,60.99,224,0.900,bicubic,-49.029,-42.470,-18
tf_efficientnet_b4,34.064,65.936,54.198,45.802,19.34,380,0.922,bicubic,-48.958,-42.102,-13
ssl_resnext101_32x8d,34.017,65.983,55.601,44.399,88.79,224,0.875,bilinear,-47.599,-40.437,+24
nfnet_l0,34.002,65.999,54.365,45.635,35.07,288,1.000,bicubic,-48.748,-42.151,-10
tf_efficientnet_b6,33.998,66.002,54.544,45.456,43.04,528,0.942,bicubic,-50.112,-42.342,-50
efficientnet_b3_pruned,33.996,66.004,54.108,45.892,9.86,300,0.904,bicubic,-46.862,-41.134,+52
regnety_160,33.976,66.024,53.546,46.454,83.59,288,1.000,bicubic,-49.710,-43.230,-37
pit_s_distilled_224,33.939,66.061,53.265,46.735,24.04,224,0.900,bicubic,-48.057,-42.533,+10
resnetv2_50x3_bitm,33.658,66.342,55.882,44.118,217.32,448,1.000,bilinear,-50.356,-41.242,-49
resnet51q,33.563,66.437,53.021,46.979,35.70,288,1.000,bilinear,-48.797,-43.159,-7
regnety_032,33.412,66.588,52.754,47.246,19.44,288,1.000,bicubic,-49.312,-43.670,-16
gernet_l,33.357,66.643,51.901,48.099,31.08,256,0.875,bilinear,-47.997,-43.635,+26
tresnet_xl,33.257,66.743,52.294,47.706,78.44,224,0.875,bilinear,-48.797,-43.642,+3
resnest50d_1s4x24d,33.147,66.853,52.839,47.161,25.68,224,0.875,bicubic,-47.841,-42.483,+38
twins_pcpvt_base,33.021,66.979,52.485,47.515,43.83,224,0.900,bicubic,-49.687,-43.861,-19
rexnet_200,32.987,67.013,52.939,47.061,16.37,224,0.875,bicubic,-48.645,-42.729,+10
resnest50d,32.972,67.028,52.713,47.287,27.48,224,0.875,bilinear,-48.002,-42.665,+36
tf_efficientnetv2_s,32.915,67.085,51.726,48.274,21.46,384,1.000,bicubic,-50.979,-44.972,-55
convit_small,32.913,67.087,52.123,47.877,27.78,224,0.875,bicubic,-48.513,-43.621,+15
vit_small_patch16_224,32.885,67.115,53.923,46.077,22.05,224,0.900,bicubic,-48.517,-42.211,+15
tf_efficientnet_b3,32.860,67.140,52.950,47.050,12.23,300,0.904,bicubic,-48.776,-42.768,+4
pnasnet5large,32.848,67.152,50.500,49.500,86.06,331,0.911,bicubic,-49.934,-45.540,-29
twins_svt_base,32.836,67.164,51.559,48.441,56.07,224,0.900,bicubic,-50.300,-44.859,-39
nasnetalarge,32.775,67.225,50.141,49.859,88.75,331,0.911,bicubic,-49.845,-45.906,-26
gernet_m,32.740,67.260,51.913,48.087,21.14,224,0.875,bilinear,-47.992,-43.271,+37
inception_resnet_v2,32.738,67.262,50.648,49.352,55.84,299,0.897,bicubic,-47.720,-44.658,+48
gluon_resnet152_v1d,32.734,67.266,51.088,48.912,60.21,224,0.875,bicubic,-47.740,-44.118,+45
pit_b_224,32.718,67.282,49.852,50.148,73.76,224,0.900,bicubic,-49.728,-45.858,-27
tf_efficientnet_b2_ap,32.681,67.319,52.239,47.761,9.11,260,0.890,bicubic,-47.619,-42.979,+53
tresnet_l,32.559,67.441,51.139,48.861,55.99,224,0.875,bilinear,-48.931,-44.485,+2
cait_xxs36_384,32.549,67.451,52.233,47.767,17.37,384,1.000,bicubic,-49.645,-43.915,-19
wide_resnet50_2,32.439,67.561,51.459,48.541,68.88,224,0.875,bicubic,-49.017,-44.073,+1
ens_adv_inception_resnet_v2,32.370,67.629,50.427,49.573,55.84,299,0.897,bicubic,-47.611,-44.511,+64
deit_base_patch16_224,32.363,67.637,51.011,48.989,86.57,224,0.900,bicubic,-49.635,-44.723,-17
swin_small_patch4_window7_224,32.341,67.659,50.905,49.095,49.61,224,0.900,bicubic,-50.871,-45.417,-53
gluon_resnet152_v1s,32.331,67.669,50.526,49.474,60.32,224,0.875,bicubic,-48.685,-44.886,+15
deit_small_distilled_patch16_224,32.284,67.716,52.102,47.898,22.44,224,0.900,bicubic,-48.916,-43.276,+7
gluon_seresnext101_64x4d,32.205,67.795,50.319,49.681,88.23,224,0.875,bicubic,-48.689,-44.989,+19
coat_lite_small,32.127,67.873,49.934,50.066,19.84,224,0.900,bicubic,-50.181,-45.916,-33
gluon_seresnext101_32x4d,32.107,67.893,51.237,48.763,48.96,224,0.875,bicubic,-48.797,-44.057,+16
deit_base_patch16_384,31.989,68.011,50.547,49.453,86.86,384,1.000,bicubic,-51.117,-45.825,-56
seresnext50_32x4d,31.985,68.015,51.231,48.769,27.56,224,0.875,bicubic,-49.281,-44.389,0
levit_384,31.877,68.123,50.598,49.402,39.13,224,0.900,bicubic,-50.709,-45.418,-44
resnetrs101,31.858,68.142,51.017,48.983,63.62,288,0.940,bicubic,-50.430,-44.991,-35
cspresnext50,31.822,68.178,51.602,48.398,20.57,224,0.875,bilinear,-48.218,-43.342,+50
tnt_s_patch16_224,31.643,68.357,51.143,48.857,23.76,224,0.900,bicubic,-49.875,-44.605,-17
eca_nfnet_l0,31.612,68.388,51.612,48.388,24.14,288,1.000,bicubic,-50.968,-44.878,-47
resnetv2_50x1_bit_distilled,31.584,68.416,51.263,48.737,25.55,224,0.875,bicubic,-51.234,-45.259,-56
resnet50,31.547,68.453,50.170,49.830,25.56,224,0.875,bicubic,-47.491,-44.220,+102
ssl_resnext101_32x4d,31.423,68.577,52.121,47.879,44.18,224,0.875,bilinear,-49.501,-43.607,+5
inception_v4,31.378,68.622,49.244,50.756,42.68,299,0.875,bicubic,-48.790,-45.724,+39
rexnet_150,31.366,68.634,51.288,48.712,9.73,224,0.875,bicubic,-48.944,-43.878,+28
pit_s_224,31.333,68.667,49.661,50.339,23.46,224,0.900,bicubic,-49.761,-45.671,-5
cait_xxs36_224,31.278,68.722,50.616,49.384,17.30,224,1.000,bicubic,-48.472,-44.250,+58
cspresnet50,31.270,68.730,51.223,48.777,21.62,256,0.887,bilinear,-48.304,-43.489,+65
coat_mini,31.203,68.797,49.773,50.227,10.34,224,0.900,bicubic,-50.065,-45.619,-15
ecaresnetlight,31.121,68.879,50.243,49.757,30.16,224,0.875,bicubic,-49.341,-45.007,+16
gluon_resnet101_v1s,31.115,68.885,49.793,50.207,44.67,224,0.875,bicubic,-49.187,-45.367,+23
tf_efficientnet_cc_b0_8e,31.087,68.913,50.761,49.239,24.01,224,0.875,bicubic,-46.821,-42.892,+141
resmlp_36_distilled_224,31.070,68.930,49.683,50.317,44.69,224,0.875,bicubic,-50.090,-45.805,-14
ecaresnet50d,31.058,68.942,50.848,49.152,25.58,224,0.875,bicubic,-49.534,-44.472,+6
ecaresnet50t,31.058,68.942,50.577,49.423,25.57,320,0.950,bicubic,-51.288,-45.561,-58
resnet50d,31.020,68.980,49.808,50.192,25.58,224,0.875,bicubic,-49.510,-45.352,+5
cspdarknet53,31.018,68.981,50.390,49.610,27.64,256,0.887,bilinear,-49.040,-44.694,+30
gluon_resnet152_v1c,30.991,69.009,48.924,51.076,60.21,224,0.875,bicubic,-48.919,-45.916,+35
gluon_resnext101_64x4d,30.987,69.013,48.549,51.451,83.46,224,0.875,bicubic,-49.617,-46.439,0
twins_svt_small,30.985,69.015,49.223,50.777,24.06,224,0.900,bicubic,-50.697,-46.447,-43
resmlp_24_distilled_224,30.901,69.099,50.178,49.822,30.02,224,0.875,bicubic,-49.865,-45.040,-7
tf_efficientnet_cc_b1_8e,30.899,69.101,50.080,49.920,39.72,240,0.882,bicubic,-48.409,-44.290,+63
ecaresnet101d_pruned,30.897,69.103,50.013,49.987,24.88,224,0.875,bicubic,-49.921,-45.615,-11
gluon_resnext101_32x4d,30.877,69.123,48.537,51.463,44.18,224,0.875,bicubic,-49.457,-46.389,+7
tf_efficientnetv2_b3,30.861,69.139,49.814,50.186,14.36,300,0.904,bicubic,-51.109,-45.968,-53
tf_efficientnet_lite4,30.830,69.170,50.386,49.614,13.01,380,0.920,bilinear,-50.706,-45.282,-45
nf_resnet50,30.702,69.298,49.958,50.042,25.56,288,0.940,bicubic,-49.958,-45.378,-10
dpn107,30.678,69.322,48.810,51.190,86.92,224,0.875,bicubic,-49.478,-46.100,+16
ese_vovnet39b,30.657,69.343,49.875,50.125,24.57,224,0.875,bicubic,-48.663,-44.837,+54
gluon_resnet152_v1b,30.623,69.376,48.521,51.479,60.19,224,0.875,bicubic,-49.063,-46.215,+39
tresnet_xl_448,30.614,69.386,49.069,50.931,78.44,448,0.875,bilinear,-52.436,-47.105,-91
ssl_resnext50_32x4d,30.594,69.406,50.657,49.343,25.03,224,0.875,bilinear,-49.724,-44.749,0
gluon_resnet101_v1d,30.523,69.477,47.950,52.050,44.57,224,0.875,bicubic,-49.891,-47.064,-5
dpn68b,30.517,69.483,49.158,50.842,12.61,224,0.875,bicubic,-48.699,-45.256,+61
resnest26d,30.490,69.510,50.677,49.323,17.07,224,0.875,bilinear,-47.988,-43.621,+88
efficientnet_b2,30.435,69.565,49.698,50.302,9.11,288,1.000,bicubic,-50.177,-45.620,-18
tf_efficientnet_b1_ap,30.421,69.579,49.553,50.447,7.79,240,0.882,bicubic,-48.859,-44.753,+54
twins_pcpvt_small,30.382,69.618,49.386,50.614,24.11,224,0.900,bicubic,-50.706,-46.256,-36
visformer_small,30.329,69.671,48.285,51.715,40.22,224,0.900,bicubic,-51.777,-47.587,-71
pit_xs_distilled_224,30.278,69.722,49.836,50.164,11.00,224,0.900,bicubic,-49.028,-44.528,+47
seresnet50,30.077,69.923,49.292,50.708,28.09,224,0.875,bicubic,-50.197,-45.778,-4
dpn98,30.067,69.933,48.244,51.756,61.57,224,0.875,bicubic,-49.575,-46.354,+29
tf_efficientnet_b2,30.026,69.974,49.581,50.419,9.11,260,0.890,bicubic,-50.060,-45.328,+3
dpn131,30.024,69.976,48.146,51.854,79.25,224,0.875,bicubic,-49.798,-46.564,+17
efficientnet_el,30.018,69.982,48.834,51.166,10.59,300,0.904,bicubic,-51.298,-46.692,-53
legacy_senet154,30.001,69.999,48.034,51.966,115.09,224,0.875,bilinear,-51.309,-47.462,-53
dpn92,29.953,70.047,49.162,50.838,37.67,224,0.875,bicubic,-50.055,-45.674,+2
resnetv2_101x1_bitm,29.898,70.102,51.121,48.879,44.54,448,1.000,bilinear,-52.434,-45.397,-90
gluon_senet154,29.877,70.123,47.894,52.106,115.09,224,0.875,bicubic,-51.357,-47.454,-53
xception,29.865,70.135,48.686,51.314,22.86,299,0.897,bicubic,-49.187,-45.706,+53
adv_inception_v3,29.816,70.184,47.847,52.153,23.83,299,0.875,bicubic,-47.766,-45.889,+112
gluon_xception65,29.784,70.216,47.755,52.245,39.92,299,0.903,bicubic,-49.932,-47.105,+16
resmlp_36_224,29.692,70.308,48.969,51.031,44.69,224,0.875,bicubic,-50.078,-45.917,+10
resnetblur50,29.625,70.375,48.248,51.752,25.56,224,0.875,bicubic,-49.661,-46.390,+36
efficientnet_em,29.486,70.514,48.946,51.054,6.90,240,0.882,bicubic,-49.766,-45.848,+37
resnext101_32x8d,29.439,70.561,48.486,51.514,88.79,224,0.875,bilinear,-49.869,-46.032,+28
coat_lite_mini,29.433,70.567,47.724,52.276,11.01,224,0.900,bicubic,-49.655,-46.880,+42
ssl_resnet50,29.423,70.577,49.781,50.219,25.56,224,0.875,bilinear,-49.799,-45.051,+35
deit_small_patch16_224,29.421,70.579,48.256,51.744,22.05,224,0.900,bicubic,-50.435,-46.796,-2
nf_regnet_b1,29.390,70.611,49.425,50.575,10.22,288,0.900,bicubic,-49.903,-45.323,+29
cait_xxs24_384,29.387,70.612,48.753,51.247,12.03,384,1.000,bicubic,-51.578,-46.893,-54
swin_tiny_patch4_window7_224,29.334,70.666,47.602,52.398,28.29,224,0.900,bicubic,-52.044,-47.938,-72
resnext50_32x4d,29.331,70.669,47.397,52.603,25.03,224,0.875,bicubic,-50.438,-47.201,+1
resnet34d,29.328,70.671,48.409,51.591,21.82,224,0.875,bicubic,-47.788,-44.973,+113
cait_xxs24_224,29.303,70.697,48.535,51.465,11.96,224,1.000,bicubic,-49.083,-45.775,+65
ecaresnet50d_pruned,29.215,70.785,48.453,51.547,19.94,224,0.875,bicubic,-50.501,-46.427,+1
tresnet_l_448,29.165,70.835,47.232,52.768,55.99,448,0.875,bilinear,-53.103,-48.744,-104
gluon_inception_v3,29.122,70.878,46.957,53.043,23.83,299,0.875,bicubic,-49.684,-47.413,+42
xception71,29.047,70.953,47.405,52.595,42.34,299,0.903,bicubic,-50.826,-47.517,-13
hrnet_w64,28.989,71.011,47.142,52.858,128.06,224,0.875,bilinear,-50.485,-47.510,+7
tf_efficientnet_b0_ns,28.902,71.098,49.011,50.989,5.29,224,0.875,bicubic,-49.756,-45.365,+46
xception65,28.896,71.104,47.167,52.833,39.92,299,0.903,bicubic,-50.656,-47.487,+2
tf_efficientnet_b1,28.886,71.114,47.503,52.497,7.79,240,0.882,bicubic,-49.940,-46.695,+36
gluon_resnet101_v1b,28.878,71.121,46.389,53.611,44.55,224,0.875,bicubic,-50.427,-48.135,+12
vit_small_patch32_384,28.871,71.129,48.887,51.113,22.92,384,1.000,bicubic,-51.609,-46.711,-52
skresnext50_32x4d,28.818,71.182,46.497,53.503,27.48,224,0.875,bicubic,-51.338,-48.145,-31
levit_256,28.745,71.255,46.723,53.277,18.89,224,0.900,bicubic,-52.765,-48.767,-94
tf_efficientnet_lite3,28.660,71.340,47.354,52.646,8.20,300,0.904,bilinear,-51.160,-47.560,-16
gluon_seresnext50_32x4d,28.651,71.349,46.436,53.564,27.56,224,0.875,bicubic,-51.267,-48.386,-28
skresnet34,28.645,71.355,47.953,52.047,22.28,224,0.875,bicubic,-48.267,-45.369,+105
hrnet_w40,28.641,71.359,47.454,52.546,57.56,224,0.875,bilinear,-50.279,-47.016,+25
tf_efficientnetv2_b0,28.566,71.434,47.079,52.921,7.14,224,0.875,bicubic,-49.790,-46.945,+51
tv_resnet152,28.533,71.467,47.118,52.882,60.19,224,0.875,bilinear,-49.779,-46.920,+51
repvgg_b2,28.427,71.573,47.038,52.962,89.02,224,0.875,bilinear,-50.365,-47.376,+28
hrnet_w48,28.413,71.587,47.586,52.414,77.47,224,0.875,bilinear,-50.887,-46.926,+3
gluon_resnext50_32x4d,28.375,71.624,45.328,54.672,25.03,224,0.875,bicubic,-50.978,-49.098,-4
efficientnet_b2_pruned,28.362,71.638,47.051,52.949,8.31,260,0.890,bicubic,-51.554,-47.805,-35
tf_efficientnet_b0_ap,28.346,71.654,47.531,52.469,5.29,224,0.875,bicubic,-48.740,-45.725,+91
tf_efficientnet_cc_b0_4e,28.315,71.685,47.364,52.636,13.31,224,0.875,bicubic,-48.991,-45.970,+83
dla102x2,28.313,71.687,46.761,53.239,41.28,224,0.875,bilinear,-51.135,-47.879,-11
dla169,28.313,71.687,47.391,52.609,53.39,224,0.875,bilinear,-50.375,-46.945,+24
mixnet_xl,28.287,71.713,46.702,53.298,11.90,224,0.875,bicubic,-52.189,-48.234,-68
gluon_resnet50_v1d,28.246,71.754,45.878,54.122,25.58,224,0.875,bicubic,-50.828,-48.592,+8
wide_resnet101_2,28.108,71.892,46.401,53.599,126.89,224,0.875,bilinear,-50.748,-47.881,+14
gluon_resnet101_v1c,28.104,71.896,45.961,54.039,44.57,224,0.875,bicubic,-51.430,-48.617,-20
regnetx_320,28.093,71.907,45.126,54.874,107.81,224,0.875,bicubic,-52.153,-49.900,-57
densenet161,28.081,71.919,46.641,53.359,28.68,224,0.875,bicubic,-49.277,-46.997,+74
regnety_320,28.059,71.941,45.444,54.556,145.05,224,0.875,bicubic,-52.753,-49.800,-85
gernet_s,28.022,71.978,46.723,53.277,8.17,224,0.875,bilinear,-48.894,-46.409,+85
levit_192,28.016,71.984,45.880,54.120,10.95,224,0.900,bicubic,-51.826,-48.906,-41
efficientnet_el_pruned,28.016,71.984,46.790,53.210,10.59,300,0.904,bicubic,-52.284,-48.238,-64
xception41,27.888,72.112,45.890,54.110,26.97,299,0.903,bicubic,-50.628,-48.388,+17
regnetx_160,27.817,72.183,45.617,54.383,54.28,224,0.875,bicubic,-52.039,-49.213,-45
tf_inception_v3,27.780,72.220,45.721,54.279,23.83,299,0.875,bicubic,-50.082,-47.919,+51
res2net101_26w_4s,27.768,72.232,45.179,54.821,45.21,224,0.875,bilinear,-51.430,-49.253,-8
tf_efficientnetv2_b1,27.760,72.240,46.578,53.422,8.14,240,0.882,bicubic,-51.702,-48.144,-28
repvgg_b1,27.656,72.344,46.531,53.469,57.42,224,0.875,bilinear,-50.710,-47.567,+25
hrnet_w44,27.621,72.379,45.837,54.163,67.06,224,0.875,bilinear,-51.275,-48.531,-1
inception_v3,27.556,72.444,45.263,54.737,23.83,299,0.875,bicubic,-49.882,-48.211,+59
resmlp_24_224,27.521,72.479,45.696,54.304,30.02,224,0.875,bicubic,-51.853,-48.851,-30
pit_xs_224,27.491,72.509,45.900,54.100,10.62,224,0.900,bicubic,-50.691,-48.268,+28
regnetx_080,27.405,72.595,45.002,54.998,39.57,224,0.875,bicubic,-51.789,-49.558,-14
hrnet_w30,27.381,72.619,46.554,53.446,37.71,224,0.875,bilinear,-50.825,-47.668,+25
hrnet_w32,27.369,72.631,45.994,54.006,41.23,224,0.875,bilinear,-51.081,-48.192,+11
gluon_resnet50_v1s,27.326,72.674,45.222,54.778,25.68,224,0.875,bicubic,-51.386,-49.016,-1
densenet201,27.265,72.735,46.222,53.778,20.01,224,0.875,bicubic,-50.021,-47.256,+57
densenetblur121d,27.228,72.772,46.299,53.701,8.00,224,0.875,bicubic,-49.360,-46.893,+77
regnety_064,27.220,72.780,44.847,55.153,30.58,224,0.875,bicubic,-52.502,-49.921,-52
efficientnet_b1_pruned,27.181,72.819,45.872,54.128,6.33,240,0.882,bicubic,-51.055,-47.962,+18
tf_efficientnetv2_b2,27.163,72.837,44.570,55.430,10.10,260,0.890,bicubic,-53.045,-50.472,-78
resnetrs50,27.110,72.890,45.029,54.971,35.69,224,0.910,bicubic,-52.782,-49.939,-67
rexnet_130,27.094,72.906,45.933,54.067,7.56,224,0.875,bicubic,-52.406,-48.749,-46
res2net50_26w_8s,27.078,72.921,44.428,55.572,48.40,224,0.875,bilinear,-52.119,-49.940,-27
dla102x,27.061,72.939,45.475,54.525,26.31,224,0.875,bilinear,-51.449,-48.753,-4
gmixer_24_224,27.027,72.972,44.361,55.639,24.72,224,0.875,bicubic,-51.008,-49.303,+20
tv_resnet101,26.963,73.037,45.234,54.766,44.55,224,0.875,bilinear,-50.411,-48.306,+44
resnext50d_32x4d,26.876,73.124,44.436,55.564,25.05,224,0.875,bicubic,-52.800,-50.430,-57
regnetx_120,26.868,73.132,44.682,55.318,46.11,224,0.875,bicubic,-52.728,-50.056,-56
rexnet_100,26.831,73.169,45.369,54.631,4.80,224,0.875,bicubic,-51.027,-48.501,+27
densenet169,26.829,73.171,45.373,54.627,14.15,224,0.875,bicubic,-49.077,-47.653,+76
legacy_seresnext101_32x4d,26.811,73.189,43.497,56.503,48.96,224,0.875,bilinear,-53.417,-51.521,-91
regnety_120,26.788,73.212,44.454,55.546,51.82,224,0.875,bicubic,-53.578,-50.672,-103
regnetx_064,26.784,73.216,44.927,55.073,26.21,224,0.875,bicubic,-52.288,-49.531,-31
regnetx_032,26.703,73.297,45.236,54.764,15.30,224,0.875,bicubic,-51.469,-48.852,+6
legacy_seresnet152,26.676,73.324,43.947,56.053,66.82,224,0.875,bilinear,-51.984,-50.423,-19
densenet121,26.664,73.336,45.900,54.100,7.98,224,0.875,bicubic,-48.914,-46.752,+74
efficientnet_es,26.621,73.379,45.112,54.888,5.44,224,0.875,bicubic,-51.445,-48.814,+7
res2net50_26w_6s,26.595,73.405,43.990,56.010,37.05,224,0.875,bilinear,-51.975,-50.134,-20
repvgg_b1g4,26.579,73.421,45.084,54.916,39.97,224,0.875,bilinear,-51.015,-48.742,+23
dla60x,26.552,73.448,45.023,54.977,17.35,224,0.875,bilinear,-51.694,-48.995,-5
regnety_080,26.524,73.476,44.359,55.641,39.18,224,0.875,bicubic,-53.352,-50.471,-86
coat_lite_tiny,26.507,73.493,44.644,55.356,5.72,224,0.900,bicubic,-51.005,-49.272,+24
tf_efficientnet_b0,26.485,73.515,45.646,54.354,5.29,224,0.875,bicubic,-50.363,-47.582,+43
res2net50_14w_8s,26.483,73.517,44.371,55.629,25.06,224,0.875,bilinear,-51.667,-49.477,-3
mobilenetv3_large_100_miil,26.481,73.519,44.473,55.527,5.48,224,0.875,bilinear,-51.435,-48.437,+7
gluon_resnet50_v1b,26.436,73.564,44.035,55.965,25.56,224,0.875,bicubic,-51.144,-49.681,+18
tf_efficientnet_el,26.357,73.643,44.175,55.825,10.59,300,0.904,bicubic,-53.893,-50.953,-109
levit_128,26.332,73.668,44.096,55.904,9.21,224,0.900,bicubic,-52.154,-49.914,-27
resmlp_big_24_224,26.318,73.682,43.556,56.444,129.14,224,0.875,bicubic,-54.710,-51.466,-146
resmlp_12_distilled_224,26.314,73.686,44.874,55.126,15.35,224,0.875,bicubic,-51.630,-48.684,+1
regnetx_040,26.243,73.757,44.438,55.562,22.12,224,0.875,bicubic,-52.239,-49.806,-29
vit_small_patch32_224,26.151,73.849,45.104,54.896,22.88,224,0.900,bicubic,-49.839,-48.168,+51
dpn68,26.129,73.871,44.228,55.772,12.61,224,0.875,bicubic,-50.189,-48.750,+46
efficientnet_b1,26.061,73.939,44.080,55.920,7.79,256,1.000,bicubic,-52.733,-50.262,-43
hrnet_w18,25.986,74.014,44.813,55.187,21.30,224,0.875,bilinear,-50.772,-48.631,+33
hardcorenas_f,25.951,74.049,44.220,55.780,8.20,224,0.875,bilinear,-52.153,-49.582,-13
regnety_040,25.923,74.077,43.848,56.152,20.65,224,0.875,bicubic,-53.297,-50.808,-63
resnet34,25.888,74.112,43.982,56.018,21.80,224,0.875,bilinear,-49.222,-48.302,+63
res2net50_26w_4s,25.866,74.134,43.155,56.845,25.70,224,0.875,bilinear,-52.098,-50.699,-9
tresnet_m_448,25.852,74.148,42.874,57.126,31.39,448,0.875,bilinear,-55.862,-52.698,-184
coat_tiny,25.843,74.157,43.276,56.724,5.50,224,0.900,bicubic,-52.591,-50.761,-34
hardcorenas_c,25.815,74.185,44.772,55.228,5.52,224,0.875,bilinear,-51.239,-48.386,+18
gluon_resnet50_v1c,25.784,74.216,43.031,56.969,25.58,224,0.875,bicubic,-52.228,-50.957,-16
selecsls60,25.729,74.272,44.065,55.935,30.67,224,0.875,bicubic,-52.254,-49.764,-15
hardcorenas_e,25.662,74.338,43.412,56.588,8.07,224,0.875,bilinear,-52.132,-50.282,-8
dla60_res2net,25.652,74.348,43.599,56.401,20.85,224,0.875,bilinear,-52.812,-50.607,-42
dla60_res2next,25.640,74.360,43.670,56.330,17.03,224,0.875,bilinear,-52.800,-50.482,-41
ecaresnet26t,25.538,74.462,43.660,56.340,16.01,320,0.950,bicubic,-54.316,-51.424,-109
resmlp_12_224,25.518,74.482,44.324,55.676,15.35,224,0.875,bicubic,-51.136,-48.856,+21
mixnet_l,25.512,74.488,43.455,56.545,7.33,224,0.875,bicubic,-53.464,-50.727,-65
tf_efficientnet_lite1,25.499,74.501,43.585,56.415,5.42,240,0.882,bicubic,-51.143,-49.641,+20
tv_resnext50_32x4d,25.455,74.545,42.787,57.213,25.03,224,0.875,bilinear,-52.165,-50.909,-12
repvgg_a2,25.436,74.564,43.939,56.061,28.21,224,0.875,bilinear,-51.024,-49.065,+25
tf_mixnet_l,25.422,74.578,42.534,57.466,7.33,224,0.875,bicubic,-53.352,-51.464,-61
hardcorenas_b,25.402,74.598,44.190,55.810,5.18,224,0.875,bilinear,-51.136,-48.564,+20
res2next50,25.389,74.611,42.508,57.492,24.67,224,0.875,bilinear,-52.857,-51.384,-40
legacy_seresnet101,25.334,74.666,42.825,57.175,49.33,224,0.875,bilinear,-53.048,-51.439,-46
selecsls60b,25.332,74.668,43.559,56.441,32.77,224,0.875,bicubic,-53.080,-50.615,-49
resnetv2_50x1_bitm,25.324,74.676,45.359,54.641,25.55,448,1.000,bilinear,-55.018,-50.325,-149
dla102,25.316,74.684,43.827,56.173,33.27,224,0.875,bilinear,-52.716,-50.119,-34
hardcorenas_d,25.300,74.700,43.121,56.879,7.50,224,0.875,bilinear,-52.132,-50.363,-12
resnest14d,25.284,74.716,44.114,55.886,10.61,224,0.875,bilinear,-50.222,-48.404,+30
legacy_seresnext50_32x4d,25.210,74.790,41.936,58.064,27.56,224,0.875,bilinear,-53.868,-52.500,-83
mixer_b16_224,25.121,74.879,41.227,58.773,59.88,224,0.875,bicubic,-51.481,-51.001,+8
res2net50_48w_2s,25.027,74.973,42.208,57.792,25.29,224,0.875,bilinear,-52.495,-51.346,-20
efficientnet_b0,25.015,74.985,42.787,57.213,5.29,224,0.875,bicubic,-52.683,-50.745,-28
gluon_resnet34_v1b,24.939,75.061,42.243,57.757,21.80,224,0.875,bicubic,-49.649,-49.747,+43
mobilenetv2_120d,24.937,75.063,43.058,56.942,5.83,224,0.875,bicubic,-52.347,-50.434,-14
dla60,24.933,75.067,43.296,56.704,22.04,224,0.875,bilinear,-52.099,-50.022,-8
regnety_016,24.811,75.189,42.616,57.384,11.20,224,0.875,bicubic,-53.051,-51.104,-36
tf_efficientnet_lite2,24.530,75.470,42.280,57.720,6.09,260,0.890,bicubic,-52.938,-51.474,-24
skresnet18,24.483,75.517,42.536,57.464,11.96,224,0.875,bicubic,-48.555,-48.632,+51
regnetx_016,24.473,75.527,42.514,57.486,9.19,224,0.875,bicubic,-52.477,-50.906,-11
pit_ti_distilled_224,24.406,75.594,42.730,57.270,5.10,224,0.900,bicubic,-50.124,-49.366,+37
tf_efficientnet_lite0,24.373,75.627,42.487,57.513,4.65,224,0.875,bicubic,-50.457,-49.689,+30
hardcorenas_a,24.369,75.631,43.284,56.716,5.26,224,0.875,bilinear,-51.547,-49.230,+9
tv_resnet50,24.070,75.930,41.313,58.687,25.56,224,0.875,bilinear,-52.068,-51.551,+4
levit_128s,24.058,75.942,41.007,58.993,7.78,224,0.900,bicubic,-52.472,-51.859,-2
legacy_seresnet34,24.027,75.973,41.909,58.091,21.96,224,0.875,bilinear,-50.781,-50.215,+27
resnet18d,23.929,76.071,42.300,57.700,11.71,224,0.875,bicubic,-48.331,-48.396,+50
efficientnet_lite0,23.909,76.091,42.088,57.912,4.65,224,0.875,bicubic,-51.575,-50.422,+12
tv_densenet121,23.844,76.156,41.925,58.075,7.98,224,0.875,bicubic,-50.894,-50.225,+25
efficientnet_es_pruned,23.828,76.172,41.995,58.005,5.44,224,0.875,bicubic,-51.172,-50.453,+21
mobilenetv2_140,23.712,76.288,41.477,58.523,6.11,224,0.875,bicubic,-52.804,-51.519,-7
mixnet_m,23.710,76.290,41.141,58.859,5.01,224,0.875,bicubic,-53.550,-52.284,-30
dla34,23.669,76.331,41.551,58.449,15.74,224,0.875,bilinear,-50.961,-50.527,+23
legacy_seresnet50,23.651,76.349,40.091,59.909,28.09,224,0.875,bilinear,-53.978,-53.657,-48
ese_vovnet19b_dw,23.535,76.465,41.288,58.712,6.54,224,0.875,bicubic,-53.263,-51.980,-21
tf_mixnet_m,23.484,76.516,40.989,59.011,5.01,224,0.875,bicubic,-53.458,-52.163,-26
tv_resnet34,23.473,76.527,41.367,58.633,21.80,224,0.875,bilinear,-49.839,-50.059,+30
tf_efficientnet_em,23.359,76.641,40.404,59.596,6.90,240,0.882,bicubic,-54.771,-53.640,-69
selecsls42b,23.357,76.643,40.677,59.323,32.46,224,0.875,bicubic,-53.817,-52.713,-36
repvgg_b0,23.316,76.684,41.182,58.818,15.82,224,0.875,bilinear,-51.837,-51.236,+5
mobilenetv2_110d,23.066,76.934,40.716,59.284,4.52,224,0.875,bicubic,-51.970,-51.470,+9
deit_tiny_distilled_patch16_224,22.718,77.282,40.771,59.229,5.91,224,0.900,bicubic,-51.792,-51.119,+17
mobilenetv3_large_100,22.655,77.345,40.781,59.219,5.48,224,0.875,bicubic,-53.111,-51.761,-9
mobilenetv3_rw,22.630,77.370,40.374,59.626,5.48,224,0.875,bicubic,-53.004,-52.334,-8
tf_mobilenetv3_large_100,22.569,77.431,39.767,60.233,5.48,224,0.875,bilinear,-52.949,-52.839,-7
tf_efficientnet_es,22.413,77.587,39.095,60.905,5.44,224,0.875,bicubic,-54.180,-54.107,-26
hrnet_w18_small_v2,22.337,77.663,39.861,60.139,15.60,224,0.875,bilinear,-52.777,-52.555,0
convit_tiny,22.282,77.718,39.669,60.331,5.71,224,0.875,bicubic,-50.834,-52.045,+21
regnety_008,22.119,77.881,38.900,61.100,6.26,224,0.875,bicubic,-54.197,-54.166,-22
seresnext26t_32x4d,21.991,78.009,38.482,61.518,16.81,224,0.875,bicubic,-55.995,-55.264,-75
regnety_006,21.971,78.029,38.955,61.045,6.06,224,0.875,bicubic,-53.275,-53.577,-7
vit_tiny_r_s16_p8_384,21.954,78.046,39.405,60.595,6.36,384,1.000,bicubic,-53.998,-53.855,-21
regnetx_008,21.940,78.060,38.928,61.072,7.26,224,0.875,bicubic,-53.098,-53.408,-4
resnet26d,21.907,78.094,38.619,61.381,16.01,224,0.875,bicubic,-54.789,-54.531,-38
semnasnet_100,21.903,78.097,38.600,61.400,3.89,224,0.875,bicubic,-53.545,-54.004,-13
pit_ti_224,21.875,78.125,39.541,60.459,4.85,224,0.900,bicubic,-51.037,-51.861,+16
regnetx_006,21.738,78.263,38.904,61.096,6.20,224,0.875,bicubic,-52.115,-52.768,+7
vit_tiny_patch16_384,21.708,78.292,39.329,60.671,5.79,384,1.000,bicubic,-56.722,-55.213,-103
vgg19_bn,21.628,78.373,39.283,60.717,143.68,224,0.875,bilinear,-52.587,-52.559,+1
ghostnet_100,21.620,78.380,38.692,61.308,5.18,224,0.875,bilinear,-52.358,-52.764,+3
gluon_resnet18_v1b,21.549,78.451,38.869,61.131,11.69,224,0.875,bicubic,-49.287,-50.893,+24
fbnetc_100,21.484,78.516,38.161,61.839,5.57,224,0.875,bilinear,-53.640,-54.224,-16
mnasnet_100,21.350,78.650,37.719,62.281,4.38,224,0.875,bicubic,-53.308,-54.395,-8
resnet26,21.295,78.705,38.018,61.982,16.00,224,0.875,bicubic,-53.997,-54.552,-21
ssl_resnet18,21.278,78.722,39.113,60.887,11.69,224,0.875,bilinear,-51.332,-52.303,+8
mixnet_s,21.254,78.746,38.187,61.813,4.13,224,0.875,bicubic,-54.738,-54.609,-37
seresnext26d_32x4d,21.252,78.748,37.311,62.689,16.81,224,0.875,bicubic,-56.350,-56.297,-79
legacy_seresnext26_32x4d,21.093,78.907,37.633,62.367,16.79,224,0.875,bicubic,-56.011,-55.683,-63
regnetx_004,20.898,79.102,37.566,62.434,5.16,224,0.875,bicubic,-51.498,-53.264,+5
spnasnet_100,20.863,79.137,37.896,62.104,4.42,224,0.875,bilinear,-53.221,-53.922,-9
legacy_seresnet18,20.837,79.162,37.619,62.381,11.78,224,0.875,bicubic,-50.905,-52.715,+11
mobilenetv2_100,20.773,79.227,37.759,62.241,3.50,224,0.875,bicubic,-52.197,-53.257,-1
tf_mixnet_s,20.470,79.530,36.607,63.393,4.13,224,0.875,bicubic,-55.180,-56.021,-38
vit_tiny_patch16_224,20.458,79.542,37.597,62.403,5.72,224,0.900,bicubic,-54.996,-55.251,-33
regnety_004,20.415,79.585,37.002,62.998,4.34,224,0.875,bicubic,-53.619,-54.750,-13
hrnet_w18_small,20.368,79.632,37.093,62.907,13.19,224,0.875,bilinear,-51.974,-53.585,0
tf_mobilenetv3_large_075,20.366,79.634,36.764,63.236,3.99,224,0.875,bilinear,-53.072,-54.586,-12
resnet18,20.228,79.772,37.261,62.739,11.69,224,0.875,bilinear,-49.520,-51.817,+11
mixer_l16_224,20.171,79.829,32.956,67.044,208.20,224,0.875,bicubic,-51.887,-54.712,+1
deit_tiny_patch16_224,20.162,79.838,37.546,62.454,5.72,224,0.900,bicubic,-52.007,-53.572,-1
tf_mobilenetv3_large_minimal_100,20.122,79.878,36.908,63.092,3.92,224,0.875,bilinear,-52.126,-53.722,-3
vgg16_bn,19.959,80.041,36.301,63.699,138.37,224,0.875,bilinear,-53.391,-55.205,-16
vit_tiny_r_s16_p8_224,19.334,80.666,36.047,63.953,6.34,224,0.900,bicubic,-52.454,-54.781,-2
vgg19,17.929,82.071,33.054,66.946,143.67,224,0.875,bilinear,-54.439,-57.818,-9
vgg13_bn,17.802,82.198,34.039,65.961,133.05,224,0.875,bilinear,-53.792,-56.337,-2
vgg16,17.540,82.460,32.773,67.227,138.36,224,0.875,bilinear,-54.054,-57.609,-2
regnety_002,17.450,82.550,32.431,67.569,3.16,224,0.875,bicubic,-52.802,-57.109,0
vgg11_bn,17.403,82.597,33.011,66.989,132.87,224,0.875,bilinear,-52.957,-56.791,-2
regnetx_002,16.962,83.038,32.225,67.775,2.68,224,0.875,bicubic,-51.800,-56.331,+2
dla60x_c,16.310,83.690,31.761,68.239,1.32,224,0.875,bilinear,-51.582,-56.665,+3
tf_mobilenetv3_small_100,16.227,83.772,31.223,68.777,2.54,224,0.875,bilinear,-51.694,-56.441,+1
vgg13,16.100,83.900,30.985,69.015,133.05,224,0.875,bilinear,-53.826,-58.261,-4
vgg11,15.728,84.272,30.453,69.547,132.86,224,0.875,bilinear,-53.296,-58.175,-3
tf_mobilenetv3_small_075,14.944,85.056,29.572,70.428,2.04,224,0.875,bilinear,-50.772,-56.558,+1
dla46_c,14.657,85.343,29.380,70.620,1.30,224,0.875,bilinear,-50.209,-56.912,+1
dla46x_c,14.382,85.618,29.191,70.809,1.07,224,0.875,bilinear,-51.588,-57.789,-2
tf_mobilenetv3_small_minimal_100,13.964,86.036,27.988,72.012,2.04,224,0.875,bilinear,-48.942,-56.242,0
ig_resnext101_32x48d,58.846,41.154,81.088,18.912,828.41,224,0.875,bilinear,-26.584,-16.494,+31
ig_resnext101_32x32d,58.402,41.598,80.426,19.574,468.53,224,0.875,bilinear,-26.692,-17.012,+41
ig_resnext101_32x16d,57.684,42.316,79.891,20.108,194.03,224,0.875,bilinear,-26.482,-17.305,+75
swsl_resnext101_32x16d,57.455,42.545,80.381,19.619,194.03,224,0.875,bilinear,-25.899,-16.455,+106
beit_large_patch16_384,56.904,43.096,79.188,20.812,305.00,384,1.000,bicubic,-31.478,-19.420,-3
beit_large_patch16_512,56.757,43.243,78.874,21.126,305.67,512,1.000,bicubic,-31.827,-19.786,-5
swsl_resnext101_32x8d,56.421,43.579,78.948,21.052,88.79,224,0.875,bilinear,-27.853,-18.226,+67
beit_large_patch16_224,54.969,45.031,77.600,22.400,304.43,224,0.900,bicubic,-32.507,-20.718,-3
ig_resnext101_32x8d,54.937,45.063,77.539,22.461,88.79,224,0.875,bilinear,-27.773,-19.101,+124
swsl_resnext101_32x4d,53.585,46.415,76.374,23.626,44.18,224,0.875,bilinear,-29.641,-20.394,+106
vit_large_patch16_384,52.762,47.238,74.725,25.275,304.72,384,1.000,bicubic,-34.330,-23.581,-4
vit_large_r50_s32_384,52.049,47.951,73.540,26.459,329.09,384,1.000,bicubic,-34.131,-24.383,+4
vit_large_patch16_224,51.842,48.158,73.721,26.279,304.33,224,0.900,bicubic,-33.996,-24.105,+9
tf_efficientnet_l2_ns_475,51.435,48.565,73.845,26.155,480.31,475,0.936,bicubic,-36.803,-24.705,-10
swsl_resnext50_32x4d,50.408,49.592,73.348,26.652,25.03,224,0.875,bilinear,-31.758,-22.886,+148
swin_large_patch4_window12_384,50.357,49.643,72.546,27.454,196.74,384,1.000,bicubic,-36.793,-25.692,-10
swsl_resnet50,49.506,50.494,72.356,27.645,25.56,224,0.875,bilinear,-31.640,-23.622,+186
swin_large_patch4_window7_224,48.989,51.011,71.377,28.623,196.53,224,0.900,bicubic,-37.327,-26.513,-4
beit_base_patch16_384,48.682,51.318,72.073,27.927,86.74,384,1.000,bicubic,-38.126,-26.067,-10
swin_base_patch4_window12_384,48.529,51.471,71.809,28.191,87.90,384,1.000,bicubic,-37.907,-26.257,-8
vit_large_r50_s32_224,48.215,51.785,70.870,29.130,328.99,224,0.900,bicubic,-36.225,-26.100,+44
tf_efficientnetv2_xl_in21ft1k,47.745,52.255,70.131,29.869,208.12,512,1.000,bicubic,-38.659,-27.737,-9
tf_efficientnet_b6_ns,47.725,52.275,69.925,30.075,43.04,528,0.942,bicubic,-38.721,-27.955,-12
tf_efficientnet_b7_ns,47.725,52.275,69.603,30.398,66.35,600,0.949,bicubic,-39.105,-28.481,-16
tf_efficientnet_l2_ns,47.478,52.522,69.923,30.077,480.31,800,0.960,bicubic,-40.868,-28.731,-22
tf_efficientnetv2_l_in21ft1k,46.922,53.078,70.312,29.688,118.52,480,1.000,bicubic,-39.370,-27.672,-11
beit_base_patch16_224,46.258,53.742,69.907,30.093,86.53,224,0.900,bicubic,-38.982,-27.747,+12
vit_base_patch16_384,45.900,54.100,68.537,31.463,86.86,384,1.000,bicubic,-40.100,-29.469,-8
tf_efficientnet_b8_ap,45.768,54.232,67.915,32.086,87.41,672,0.954,bicubic,-39.606,-29.383,+7
tf_efficientnet_b5_ns,45.599,54.401,67.820,32.180,30.39,456,0.934,bicubic,-40.477,-29.932,-12
swin_base_patch4_window7_224,45.589,54.411,68.512,31.488,87.77,224,0.900,bicubic,-39.679,-29.046,+7
tf_efficientnetv2_m_in21ft1k,45.574,54.426,69.148,30.852,54.14,480,1.000,bicubic,-40.024,-28.604,-5
cait_m48_448,44.249,55.751,64.668,35.332,356.46,448,1.000,bicubic,-42.245,-33.082,-23
vit_base_r50_s16_384,43.522,56.478,66.796,33.204,98.95,384,1.000,bicubic,-41.462,-30.502,+17
tf_efficientnet_b4_ns,43.438,56.562,65.474,34.526,19.34,380,0.922,bicubic,-41.712,-31.996,+5
vit_base_patch16_224,43.247,56.753,65.710,34.290,86.57,224,0.900,bicubic,-41.293,-31.596,+26
xcit_large_24_p8_384_dist,42.828,57.172,63.426,36.574,188.93,384,1.000,bicubic,-43.168,-34.262,-16
xcit_large_24_p8_224_dist,42.575,57.425,63.106,36.894,188.93,224,1.000,bicubic,-42.825,-34.310,-3
tf_efficientnet_b8,42.494,57.506,64.873,35.127,87.41,672,0.954,bicubic,-42.856,-32.519,-2
cait_m36_384,42.398,57.602,63.340,36.660,271.22,384,1.000,bicubic,-43.658,-34.390,-21
tf_efficientnet_b7_ap,41.455,58.545,62.896,37.104,66.35,600,0.949,bicubic,-43.665,-34.354,0
tf_efficientnet_b7,41.453,58.547,63.053,36.947,66.35,600,0.949,bicubic,-43.483,-34.153,+11
tf_efficientnet_b5_ap,41.406,58.594,62.096,37.904,30.39,456,0.934,bicubic,-42.852,-34.880,+32
resnetv2_152x4_bitm,41.294,58.706,64.354,35.646,936.53,480,1.000,bilinear,-43.644,-33.104,+8
tf_efficientnet_b6_ap,41.113,58.887,62.379,37.621,43.04,528,0.942,bicubic,-43.671,-34.759,+12
xcit_large_24_p16_384_dist,41.025,58.975,61.253,38.747,189.10,384,1.000,bicubic,-44.745,-36.281,-21
tf_efficientnetv2_s_in21ft1k,40.985,59.015,63.837,36.163,21.46,384,1.000,bicubic,-43.311,-33.419,+24
xcit_large_24_p16_224_dist,40.968,59.032,61.330,38.670,189.10,224,1.000,bicubic,-43.962,-35.800,+6
xcit_medium_24_p8_224_dist,40.502,59.498,60.510,39.490,84.32,224,1.000,bicubic,-44.566,-36.766,-4
tf_efficientnet_b4_ap,40.476,59.524,61.730,38.270,19.34,380,0.922,bicubic,-42.782,-34.666,+64
vit_small_r26_s32_384,40.474,59.526,62.752,37.248,36.47,384,1.000,bicubic,-43.576,-34.570,+32
vit_base_patch16_224_miil,40.178,59.822,60.895,39.105,86.54,224,0.875,bilinear,-44.098,-35.903,+21
xcit_medium_24_p8_384_dist,40.042,59.958,60.453,39.547,84.32,384,1.000,bicubic,-45.778,-37.141,-30
xcit_medium_24_p16_384_dist,39.912,60.088,60.127,39.873,84.40,384,1.000,bicubic,-45.514,-37.281,-21
tf_efficientnetv2_l,39.834,60.166,60.815,39.185,118.52,480,1.000,bicubic,-45.668,-36.555,-25
dm_nfnet_f3,39.785,60.215,60.636,39.364,254.92,416,0.940,bicubic,-45.747,-36.822,-27
cait_s36_384,39.777,60.223,60.483,39.517,68.37,384,1.000,bicubic,-45.677,-36.999,-26
efficientnetv2_rw_m,39.675,60.325,59.699,40.301,53.24,416,1.000,bicubic,-45.147,-37.447,-2
ecaresnet269d,39.598,60.402,60.339,39.661,102.09,352,1.000,bicubic,-45.388,-36.889,-9
dm_nfnet_f6,39.586,60.414,60.901,39.099,438.36,576,0.956,bicubic,-46.544,-36.839,-43
tf_efficientnet_b3_ns,39.510,60.490,61.451,38.549,12.23,300,0.904,bicubic,-44.532,-35.457,+23
dm_nfnet_f5,39.498,60.502,60.194,39.806,377.21,544,0.954,bicubic,-46.308,-37.288,-38
xcit_small_24_p8_224_dist,39.309,60.691,59.404,40.596,47.63,224,1.000,bicubic,-45.567,-37.794,-8
xcit_medium_24_p16_224_dist,39.272,60.728,59.473,40.527,84.40,224,1.000,bicubic,-45.006,-37.469,+8
efficientnet_b4,39.136,60.864,59.628,40.372,19.34,384,1.000,bicubic,-44.294,-36.966,+42
xcit_small_24_p8_384_dist,39.001,60.999,59.196,40.804,47.63,384,1.000,bicubic,-46.565,-38.381,-38
resnetv2_152x2_bit_teacher_384,38.987,61.013,62.495,37.505,236.34,384,1.000,bicubic,-44.857,-34.623,+26
vit_base_patch32_384,38.810,61.190,60.351,39.649,88.30,384,1.000,bicubic,-44.536,-36.493,+44
eca_nfnet_l2,38.661,61.339,59.451,40.549,56.72,384,1.000,bicubic,-46.059,-37.807,-11
xcit_small_12_p8_384_dist,38.533,61.467,58.820,41.180,26.21,384,1.000,bicubic,-46.549,-38.450,-26
xcit_small_24_p16_384_dist,38.499,61.501,58.400,41.600,47.67,384,1.000,bicubic,-46.605,-38.916,-29
xcit_small_12_p8_224_dist,38.382,61.618,58.844,41.156,26.21,224,1.000,bicubic,-45.858,-38.028,+4
tf_efficientnet_b5,38.364,61.636,59.923,40.077,30.39,456,0.934,bicubic,-45.446,-36.825,+23
deit_base_distilled_patch16_384,38.240,61.760,57.798,42.202,87.63,384,1.000,bicubic,-47.182,-39.534,-40
dm_nfnet_f4,38.215,61.785,58.596,41.404,316.07,512,0.951,bicubic,-47.486,-38.918,-49
xcit_large_24_p8_224,38.124,61.876,57.875,42.125,188.93,224,1.000,bicubic,-46.258,-38.781,-7
resnetv2_152x2_bitm,38.008,61.992,61.180,38.820,236.34,448,1.000,bilinear,-46.444,-36.256,-13
cait_s24_384,37.884,62.116,58.087,41.913,47.06,384,1.000,bicubic,-47.160,-39.263,-30
resnet152d,37.879,62.121,58.362,41.638,60.21,320,1.000,bicubic,-45.785,-38.372,+24
tf_efficientnetv2_m,37.829,62.171,58.716,41.284,54.14,480,1.000,bicubic,-47.217,-38.568,-33
resnetrs420,37.770,62.230,58.227,41.773,191.89,416,1.000,bicubic,-47.238,-38.899,-32
xcit_small_24_p16_224_dist,37.717,62.283,57.358,42.642,47.67,224,1.000,bicubic,-46.157,-39.370,+8
resnetrs350,37.702,62.298,58.099,41.901,163.96,384,1.000,bicubic,-47.010,-38.891,-23
pit_b_distilled_224,37.588,62.412,57.230,42.770,74.79,224,0.900,bicubic,-46.570,-39.628,-5
xcit_small_12_p16_384_dist,37.582,62.418,57.777,42.223,26.25,384,1.000,bicubic,-47.132,-39.339,-26
resnet200d,37.507,62.493,58.303,41.697,64.69,320,1.000,bicubic,-46.463,-38.515,+2
resnetv2_152x2_bit_teacher,37.348,62.652,59.474,40.526,236.34,224,0.875,bicubic,-45.554,-37.093,+38
resnest269e,37.299,62.701,57.466,42.534,110.93,416,0.928,bicubic,-47.225,-39.520,-25
resmlp_big_24_224_in22ft1k,37.244,62.756,58.203,41.797,129.14,224,0.875,bicubic,-47.180,-38.913,-21
vit_small_r26_s32_224,37.244,62.756,59.052,40.948,36.43,224,0.900,bicubic,-44.594,-36.974,+83
cait_s24_224,37.150,62.850,56.725,43.275,46.92,224,1.000,bicubic,-46.312,-39.841,+15
vit_base_patch32_224,37.100,62.900,59.284,40.716,88.22,224,0.900,bicubic,-43.632,-36.282,+132
tf_efficientnet_b3_ap,37.061,62.939,57.242,42.758,12.23,300,0.904,bicubic,-44.761,-38.378,+81
efficientnetv2_rw_s,37.057,62.943,56.831,43.169,23.94,384,1.000,bicubic,-46.773,-39.891,0
xcit_small_12_p16_224_dist,36.973,63.027,56.745,43.255,26.25,224,1.000,bicubic,-46.377,-39.677,+16
seresnet152d,36.804,63.196,56.731,43.269,66.84,320,1.000,bicubic,-47.558,-40.311,-26
resnetrs200,36.664,63.336,56.837,43.163,93.21,320,1.000,bicubic,-47.394,-40.037,-16
regnetz_d,36.432,63.568,57.388,42.612,27.58,320,0.950,bicubic,-47.602,-39.482,-13
efficientnet_b3,36.422,63.578,56.845,43.155,12.23,320,1.000,bicubic,-45.836,-39.271,+60
cait_xs24_384,36.411,63.589,56.938,43.062,26.67,384,1.000,bicubic,-47.643,-39.948,-18
deit_base_distilled_patch16_224,36.411,63.589,56.623,43.377,87.34,224,0.900,bicubic,-46.977,-39.867,+7
resnetv2_101x3_bitm,36.391,63.609,59.068,40.932,387.93,448,1.000,bilinear,-48.039,-38.304,-35
resnetrs270,36.346,63.654,56.572,43.428,129.86,352,1.000,bicubic,-48.094,-40.582,-37
mixer_b16_224_miil,36.271,63.729,55.971,44.029,59.88,224,0.875,bilinear,-46.031,-39.743,+51
tresnet_m,36.271,63.729,55.802,44.198,31.39,224,0.875,bilinear,-46.805,-40.324,+16
tf_efficientnet_b2_ns,36.139,63.861,57.515,42.485,9.11,260,0.890,bicubic,-46.251,-38.725,+42
ecaresnet101d,36.014,63.986,56.199,43.801,44.57,224,0.875,bicubic,-46.158,-39.855,+55
dm_nfnet_f2,35.990,64.010,55.495,44.505,193.78,352,0.920,bicubic,-49.056,-41.743,-62
resnest200e,35.939,64.061,55.873,44.127,70.20,320,0.909,bicubic,-47.909,-41.017,-18
swsl_resnet18,35.852,64.147,58.462,41.538,11.69,224,0.875,bilinear,-37.429,-33.295,+376
eca_nfnet_l1,35.835,64.165,55.965,44.035,41.41,320,1.000,bicubic,-48.197,-41.067,-25
xcit_small_24_p8_224,35.542,64.458,54.774,45.226,47.63,224,1.000,bicubic,-48.304,-41.858,-20
vit_small_patch16_384,35.515,64.485,57.549,42.451,22.20,384,1.000,bicubic,-48.279,-39.559,-16
xcit_small_12_p8_224,35.509,64.491,55.489,44.511,26.21,224,1.000,bicubic,-47.837,-40.987,-1
xcit_large_24_p16_224,35.491,64.509,54.764,45.236,189.10,224,1.000,bicubic,-47.407,-41.118,+11
xcit_medium_24_p8_224,35.424,64.576,54.843,45.157,84.32,224,1.000,bicubic,-48.312,-41.543,-17
resnest101e,35.397,64.603,55.802,44.198,48.28,256,0.875,bilinear,-47.479,-40.510,+10
convit_base,35.318,64.682,54.943,45.057,86.54,224,0.875,bicubic,-46.974,-40.991,+39
xcit_tiny_24_p8_224_dist,35.253,64.747,55.287,44.713,12.11,224,1.000,bicubic,-47.323,-40.893,+20
twins_svt_large,35.108,64.892,54.729,45.271,99.27,224,0.900,bicubic,-48.576,-41.881,-18
repvgg_b3g4,35.069,64.931,54.772,45.228,83.83,224,0.875,bilinear,-45.150,-40.332,+136
repvgg_b3,35.041,64.959,54.562,45.438,123.09,224,0.875,bilinear,-45.475,-40.702,+111
dm_nfnet_f1,34.990,65.010,54.108,45.892,132.63,320,0.910,bicubic,-49.634,-42.988,-62
xcit_tiny_24_p8_384_dist,34.925,65.075,55.153,44.847,12.11,384,1.000,bicubic,-48.839,-41.551,-26
resnet101d,34.870,65.130,54.216,45.784,44.57,320,1.000,bicubic,-48.154,-42.240,-1
resmlp_big_24_distilled_224,34.780,65.220,54.641,45.359,129.14,224,0.875,bicubic,-48.816,-42.016,-22
vit_large_patch32_384,34.693,65.307,55.723,44.277,306.63,384,1.000,bicubic,-46.813,-40.363,+56
dm_nfnet_f0,34.630,65.370,54.676,45.324,71.49,256,0.900,bicubic,-48.754,-41.904,-19
ssl_resnext101_32x16d,34.593,65.407,55.949,44.051,194.03,224,0.875,bilinear,-47.251,-40.141,+43
resnetv2_101,34.587,65.413,53.155,46.845,44.54,224,0.950,bicubic,-47.445,-42.709,+36
repvgg_b2g4,34.581,65.419,54.809,45.191,61.76,224,0.875,bilinear,-44.799,-39.885,+172
resnetrs152,34.377,65.623,53.568,46.432,86.62,320,1.000,bicubic,-49.333,-43.042,-32
resnest50d_4s2x40d,34.367,65.633,54.731,45.269,30.42,224,0.875,bicubic,-46.753,-40.829,+71
crossvit_18_dagger_408,34.245,65.755,53.086,46.914,44.61,408,1.000,bicubic,-49.939,-43.736,-57
xcit_medium_24_p16_224,34.218,65.782,53.184,46.816,84.40,224,1.000,bicubic,-48.408,-42.792,0
efficientnetv2_rw_t,34.153,65.847,53.151,46.849,13.65,288,1.000,bicubic,-48.185,-43.043,+15
tf_efficientnet_b1_ns,34.114,65.886,55.460,44.540,7.79,240,0.882,bicubic,-47.270,-40.278,+54
twins_pcpvt_large,34.090,65.910,54.128,45.872,60.99,224,0.900,bicubic,-49.048,-42.480,-21
tf_efficientnet_b4,34.064,65.936,54.202,45.798,19.34,380,0.922,bicubic,-48.966,-42.096,-16
ssl_resnext101_32x8d,34.060,65.940,55.603,44.397,88.79,224,0.875,bilinear,-47.540,-40.443,+39
tf_efficientnet_b6,34.043,65.957,54.562,45.438,43.04,528,0.942,bicubic,-50.069,-42.326,-61
efficientnet_b3_pruned,34.017,65.983,54.124,45.876,9.86,300,0.904,bicubic,-46.841,-41.116,+78
nfnet_l0,34.011,65.989,54.383,45.617,35.07,288,1.000,bicubic,-48.741,-42.133,-13
xcit_small_24_p16_224,34.009,65.991,53.294,46.706,47.67,224,1.000,bicubic,-48.569,-42.706,-6
regnety_160,33.978,66.022,53.558,46.442,83.59,288,1.000,bicubic,-49.724,-43.224,-44
gc_efficientnetv2_rw_t,33.952,66.048,53.228,46.772,13.68,288,1.000,bicubic,-48.526,-43.068,-2
pit_s_distilled_224,33.948,66.052,53.247,46.753,24.04,224,0.900,bicubic,-48.046,-42.553,+20
xcit_small_12_p16_224,33.776,66.225,53.230,46.770,26.25,224,1.000,bicubic,-48.200,-42.588,+21
resnetv2_50x3_bitm,33.695,66.305,55.922,44.078,217.32,448,1.000,bilinear,-50.289,-41.208,-62
resnet51q,33.585,66.415,53.029,46.971,35.70,288,1.000,bilinear,-48.783,-43.147,-1
xcit_tiny_24_p16_384_dist,33.530,66.470,52.776,47.224,12.12,384,1.000,bicubic,-49.038,-43.518,-11
convmixer_1536_20,33.447,66.553,53.041,46.959,51.63,224,0.960,bicubic,-47.929,-42.569,+40
regnety_032,33.406,66.594,52.803,47.197,19.44,288,1.000,bicubic,-49.316,-43.629,-22
crossvit_18_240,33.398,66.602,52.257,47.743,43.27,240,0.875,bicubic,-48.996,-43.805,-8
gernet_l,33.380,66.620,51.919,48.081,31.08,256,0.875,bilinear,-47.966,-43.617,+39
crossvit_15_dagger_408,33.331,66.669,52.224,47.776,28.50,408,1.000,bicubic,-50.495,-44.562,-61
crossvit_18_dagger_240,33.282,66.718,52.210,47.790,44.27,240,0.875,bicubic,-49.224,-43.862,-14
tresnet_xl,33.274,66.726,52.308,47.692,78.44,224,0.875,bilinear,-48.784,-43.624,+7
jx_nest_base,33.219,66.781,51.823,48.177,67.72,224,0.875,bicubic,-50.335,-44.541,-54
resnest50d_1s4x24d,33.157,66.844,52.852,47.148,25.68,224,0.875,bicubic,-47.843,-42.474,+51
resnet61q,33.123,66.877,51.756,48.244,36.85,288,1.000,bicubic,-49.399,-44.378,-20
jx_nest_small,33.046,66.954,51.062,48.938,38.35,224,0.875,bicubic,-50.072,-45.270,-43
crossvit_base_240,33.041,66.960,51.384,48.616,105.03,240,0.875,bicubic,-49.166,-44.444,-3
twins_pcpvt_base,33.031,66.969,52.491,47.509,43.83,224,0.900,bicubic,-49.681,-43.857,-32
xcit_tiny_24_p16_224_dist,33.013,66.987,52.068,47.932,12.12,224,1.000,bicubic,-47.449,-43.140,+72
rexnet_200,32.984,67.016,52.945,47.055,16.37,224,0.875,bicubic,-48.642,-42.727,+12
resnest50d,32.974,67.026,52.715,47.285,27.48,224,0.875,bilinear,-47.988,-42.663,+46
convit_small,32.928,67.072,52.098,47.902,27.78,224,0.875,bicubic,-48.483,-43.648,+20
tf_efficientnetv2_s,32.909,67.091,51.760,48.240,21.46,384,1.000,bicubic,-50.989,-44.938,-80
crossvit_15_dagger_240,32.895,67.105,51.768,48.232,28.21,240,0.875,bicubic,-49.415,-44.194,-17
vit_small_patch16_224,32.877,67.123,53.949,46.051,22.05,224,0.900,bicubic,-48.509,-42.181,+19
pnasnet5large,32.848,67.152,50.518,49.482,86.06,331,0.911,bicubic,-49.950,-45.516,-43
twins_svt_base,32.838,67.162,51.559,48.441,56.07,224,0.900,bicubic,-50.286,-44.869,-55
tf_efficientnet_b3,32.834,67.166,52.955,47.045,12.23,300,0.904,bicubic,-48.812,-42.765,+3
regnetz_c,32.809,67.191,53.756,46.244,13.46,320,0.940,bicubic,-49.707,-42.604,-33
nasnetalarge,32.773,67.227,50.150,49.850,88.75,331,0.911,bicubic,-49.863,-45.900,-42
gernet_m,32.754,67.246,51.917,48.083,21.14,224,0.875,bilinear,-47.972,-43.261,+48
gluon_resnet152_v1d,32.754,67.246,51.080,48.920,60.21,224,0.875,bicubic,-47.722,-44.122,+57
inception_resnet_v2,32.746,67.254,50.642,49.358,55.84,299,0.897,bicubic,-47.702,-44.666,+60
pit_b_224,32.710,67.290,49.832,50.168,73.76,224,0.900,bicubic,-49.734,-45.880,-35
tf_efficientnet_b2_ap,32.669,67.331,52.249,47.751,9.11,260,0.890,bicubic,-47.637,-42.783,+67
cait_xxs36_384,32.569,67.431,52.218,47.782,17.37,384,1.000,bicubic,-49.621,-43.942,-21
tresnet_l,32.561,67.439,51.147,48.853,55.99,224,0.875,bilinear,-48.923,-44.473,+2
wide_resnet50_2,32.480,67.519,51.467,48.533,68.88,224,0.875,bicubic,-48.970,-44.051,+2
gmlp_s16_224,32.404,67.596,51.832,48.168,19.42,224,0.875,bicubic,-47.238,-42.790,+107
deit_base_patch16_224,32.367,67.633,51.031,48.969,86.57,224,0.900,bicubic,-49.617,-44.711,-18
ens_adv_inception_resnet_v2,32.367,67.633,50.431,49.569,55.84,299,0.897,bicubic,-47.612,-44.505,+82
swin_small_patch4_window7_224,32.355,67.645,50.931,49.069,49.61,224,0.900,bicubic,-50.871,-45.399,-73
gluon_resnet152_v1s,32.335,67.665,50.528,49.472,60.32,224,0.875,bicubic,-48.685,-44.894,+21
deit_small_distilled_patch16_224,32.290,67.710,52.109,47.891,22.44,224,0.900,bicubic,-48.912,-43.268,+11
xcit_tiny_24_p8_224,32.270,67.730,51.913,48.087,12.11,224,1.000,bicubic,-49.624,-44.071,-20
gluon_seresnext101_64x4d,32.207,67.793,50.331,49.669,88.23,224,0.875,bicubic,-48.663,-44.975,+27
coat_lite_small,32.135,67.865,49.946,50.054,19.84,224,0.900,bicubic,-50.167,-45.914,-39
gluon_seresnext101_32x4d,32.115,67.885,51.227,48.773,48.96,224,0.875,bicubic,-48.761,-44.065,+24
seresnext50_32x4d,32.001,67.999,51.245,48.755,27.56,224,0.875,bicubic,-49.267,-44.381,+3
deit_base_patch16_384,31.987,68.013,50.557,49.443,86.86,384,1.000,bicubic,-51.119,-45.819,-76
xcit_tiny_12_p8_224_dist,31.952,68.048,51.434,48.566,6.71,224,1.000,bicubic,-49.262,-44.173,+3
levit_384,31.879,68.121,50.610,49.390,39.13,224,0.900,bicubic,-50.713,-45.404,-61
resnetrs101,31.856,68.144,51.019,48.981,63.62,288,0.940,bicubic,-50.438,-44.983,-43
cspresnext50,31.820,68.180,51.616,48.384,20.57,224,0.875,bilinear,-48.232,-43.334,+66
tnt_s_patch16_224,31.632,68.368,51.156,48.844,23.76,224,0.900,bicubic,-49.882,-44.588,-19
eca_nfnet_l0,31.614,68.386,51.606,48.394,24.14,288,1.000,bicubic,-50.978,-44.880,-66
resnetv2_50x1_bit_distilled,31.610,68.390,51.304,48.696,25.55,224,0.875,bicubic,-51.212,-45.220,-75
ssl_resnext101_32x4d,31.461,68.539,52.137,47.863,44.18,224,0.875,bilinear,-49.461,-43.593,+13
inception_v4,31.378,68.622,49.240,50.760,42.68,299,0.875,bicubic,-48.766,-45.732,+56
rexnet_150,31.374,68.626,51.294,48.706,9.73,224,0.875,bicubic,-48.936,-43.866,+41
pit_s_224,31.331,68.669,49.693,50.307,23.46,224,0.900,bicubic,-49.769,-45.642,-1
crossvit_15_240,31.313,68.687,50.192,49.808,27.53,240,0.875,bicubic,-50.213,-45.502,-27
cait_xxs36_224,31.276,68.724,50.616,49.384,17.30,224,1.000,bicubic,-48.486,-44.252,+75
crossvit_small_240,31.274,68.726,50.201,49.799,26.86,240,0.875,bicubic,-49.756,-45.265,-1
cspresnet50,31.254,68.746,51.235,48.765,21.62,256,0.887,bilinear,-48.322,-43.467,+82
convmixer_768_32,31.254,68.746,50.958,49.042,21.11,224,0.960,bicubic,-48.906,-44.116,+49
coat_mini,31.213,68.787,49.793,50.207,10.34,224,0.900,bicubic,-50.069,-45.601,-16
xcit_tiny_12_p8_384_dist,31.166,68.834,50.524,49.476,6.71,384,1.000,bicubic,-51.226,-45.694,-67
gluon_resnet101_v1s,31.152,68.848,49.828,50.172,44.67,224,0.875,bicubic,-49.130,-45.334,+36
ecaresnetlight,31.138,68.862,50.262,49.738,30.16,224,0.875,bicubic,-49.316,-44.990,+22
resmlp_36_distilled_224,31.091,68.909,49.694,50.306,44.69,224,0.875,bicubic,-50.063,-45.802,-15
ecaresnet50d,31.083,68.917,50.858,49.142,25.58,224,0.875,bicubic,-49.537,-44.450,+11
tf_efficientnet_cc_b0_8e,31.083,68.917,50.771,49.229,24.01,224,0.875,bicubic,-46.825,-42.885,+163
ecaresnet50t,31.066,68.934,50.596,49.404,25.57,320,0.950,bicubic,-51.298,-45.546,-70
resnet50d,31.038,68.962,49.844,50.156,25.58,224,0.875,bicubic,-49.500,-45.316,+11
gluon_resnet152_v1c,31.017,68.984,48.940,51.060,60.21,224,0.875,bicubic,-48.895,-45.912,+49
cspdarknet53,31.015,68.985,50.414,49.586,27.64,256,0.887,bilinear,-49.035,-44.678,+44
gcresnet50t,31.015,68.985,50.131,49.869,25.90,256,0.900,bicubic,-49.923,-45.309,-8
gluon_resnext101_64x4d,31.003,68.997,48.559,51.441,83.46,224,0.875,bicubic,-49.623,-46.443,+3
twins_svt_small,31.001,68.999,49.237,50.763,24.06,224,0.900,bicubic,-50.681,-46.441,-50
ecaresnet101d_pruned,30.908,69.092,50.017,49.983,24.88,224,0.875,bicubic,-49.904,-45.623,-6
resmlp_24_distilled_224,30.889,69.111,50.184,49.816,30.02,224,0.875,bicubic,-49.871,-45.036,-5
tf_efficientnet_cc_b1_8e,30.887,69.113,50.076,49.924,39.72,240,0.882,bicubic,-48.439,-44.292,+76
gluon_resnext101_32x4d,30.885,69.115,48.563,51.437,44.18,224,0.875,bicubic,-49.453,-46.345,+16
tf_efficientnetv2_b3,30.873,69.127,49.808,50.192,14.36,300,0.904,bicubic,-51.081,-45.976,-61
tf_efficientnet_lite4,30.840,69.160,50.400,49.600,13.01,380,0.920,bilinear,-50.700,-45.260,-52
nf_resnet50,30.730,69.270,49.968,50.032,25.56,288,0.940,bicubic,-49.926,-45.368,-6
ese_vovnet39b,30.696,69.304,49.879,50.121,24.57,224,0.875,bicubic,-48.608,-44.845,+74
dpn107,30.671,69.329,48.828,51.172,86.92,224,0.875,bicubic,-49.501,-46.076,+24
xcit_tiny_24_p16_224,30.671,69.329,50.386,49.614,12.12,224,1.000,bicubic,-48.781,-44.502,+64
tresnet_xl_448,30.625,69.374,49.075,50.925,78.44,448,0.875,bilinear,-52.430,-47.109,-115
gluon_resnet152_v1b,30.622,69.379,48.523,51.477,60.19,224,0.875,bicubic,-49.059,-46.213,+51
haloregnetz_b,30.614,69.386,48.999,51.001,11.68,224,0.940,bicubic,-50.428,-46.201,-32
ssl_resnext50_32x4d,30.596,69.404,50.687,49.313,25.03,224,0.875,bilinear,-49.706,-44.731,+9
gluon_resnet101_v1d,30.531,69.469,47.977,52.023,44.57,224,0.875,bicubic,-49.873,-47.047,0
dpn68b,30.521,69.479,49.136,50.864,12.61,224,0.875,bicubic,-48.695,-45.286,+76
resnest26d,30.496,69.504,50.665,49.335,17.07,224,0.875,bilinear,-47.982,-43.631,+107
efficientnet_b2,30.445,69.555,49.698,50.302,9.11,288,1.000,bicubic,-50.165,-45.618,-14
tf_efficientnet_b1_ap,30.419,69.581,49.555,50.445,7.79,240,0.882,bicubic,-48.855,-44.747,+68
resnetv2_50,30.409,69.591,48.844,51.156,25.55,224,0.950,bicubic,-49.997,-46.236,-6
xcit_tiny_12_p16_384_dist,30.392,69.608,50.127,49.873,6.72,384,1.000,bicubic,-50.552,-45.287,-32
twins_pcpvt_small,30.378,69.622,49.394,50.606,24.11,224,0.900,bicubic,-50.726,-46.248,-43
visformer_small,30.337,69.663,48.303,51.697,40.22,224,0.900,bicubic,-51.759,-47.575,-85
pit_xs_distilled_224,30.280,69.720,49.830,50.170,11.00,224,0.900,bicubic,-49.014,-44.544,+62
convmixer_1024_20_ks9_p14,30.081,69.919,49.928,50.072,24.38,224,0.960,bicubic,-46.863,-43.430,+169
dpn98,30.065,69.935,48.252,51.748,61.57,224,0.875,bicubic,-49.589,-46.352,+39
seresnet50,30.061,69.939,49.327,50.673,28.09,224,0.875,bicubic,-50.187,-45.743,0
dpn131,30.036,69.964,48.144,51.856,79.25,224,0.875,bicubic,-49.798,-46.568,+24
efficientnet_el,30.028,69.972,48.840,51.160,10.59,300,0.904,bicubic,-51.278,-46.696,-59
tf_efficientnet_b2,30.020,69.980,49.592,50.408,9.11,260,0.890,bicubic,-50.048,-45.312,+9
xcit_tiny_12_p16_224_dist,29.999,70.001,49.681,50.319,6.72,224,1.000,bicubic,-48.581,-44.523,+88
legacy_senet154,29.989,70.011,48.056,51.944,115.09,224,0.875,bilinear,-51.337,-47.450,-63
dpn92,29.977,70.023,49.201,50.799,37.67,224,0.875,bicubic,-50.017,-45.635,+9
resnetv2_101x1_bitm,29.922,70.078,51.129,48.871,44.54,448,1.000,bilinear,-52.408,-45.399,-108
xception,29.887,70.113,48.716,51.284,22.86,299,0.897,bicubic,-49.161,-45.680,+66
gluon_senet154,29.881,70.119,47.885,52.115,115.09,224,0.875,bicubic,-51.343,-47.467,-63
adv_inception_v3,29.820,70.180,47.867,52.133,23.83,299,0.875,bicubic,-47.758,-45.873,+133
gluon_xception65,29.804,70.196,47.776,52.224,39.92,299,0.903,bicubic,-49.898,-47.091,+24
resmlp_36_224,29.710,70.290,48.981,51.019,44.69,224,0.875,bicubic,-50.066,-45.905,+18
resnet50,29.649,70.351,46.753,53.247,25.56,224,0.950,bicubic,-50.733,-47.841,-23
resnetblur50,29.613,70.386,48.260,51.740,25.56,224,0.875,bicubic,-49.686,-46.270,+42
jx_nest_tiny,29.555,70.445,46.992,53.008,17.06,224,0.875,bicubic,-51.879,-48.628,-81
efficientnet_em,29.482,70.518,48.944,51.056,6.90,240,0.882,bicubic,-49.778,-45.848,+45
gcresnext50ts,29.446,70.554,47.898,52.102,15.67,256,0.900,bicubic,-51.148,-47.282,-39
resnext101_32x8d,29.437,70.563,48.510,51.490,88.79,224,0.875,bilinear,-49.875,-46.013,+36
coat_lite_mini,29.427,70.573,47.727,52.273,11.01,224,0.900,bicubic,-49.673,-46.875,+51
ssl_resnet50,29.425,70.575,49.785,50.215,25.56,224,0.875,bilinear,-49.811,-45.047,+42
deit_small_patch16_224,29.413,70.587,48.260,51.740,22.05,224,0.900,bicubic,-50.453,-46.796,+2
cait_xxs24_384,29.405,70.595,48.751,51.249,12.03,384,1.000,bicubic,-51.549,-46.887,-61
nf_regnet_b1,29.391,70.609,49.447,50.553,10.22,288,0.900,bicubic,-49.905,-45.295,+35
resnext50_32x4d,29.358,70.642,47.409,52.591,25.03,224,0.875,bicubic,-50.442,-47.205,+5
swin_tiny_patch4_window7_224,29.342,70.658,47.621,52.379,28.29,224,0.900,bicubic,-52.044,-47.915,-89
resnet34d,29.325,70.675,48.427,51.573,21.82,224,0.875,bicubic,-47.789,-44.955,+133
cait_xxs24_224,29.305,70.695,48.535,51.465,11.96,224,1.000,bicubic,-49.071,-45.781,+80
ecaresnet50d_pruned,29.215,70.785,48.455,51.545,19.94,224,0.875,bicubic,-50.491,-46.419,+6
tresnet_l_448,29.179,70.821,47.244,52.756,55.99,448,0.875,bilinear,-53.083,-48.736,-124
gluon_inception_v3,29.134,70.866,46.963,53.037,23.83,299,0.875,bicubic,-49.664,-47.417,+55
eca_resnet33ts,29.097,70.903,48.814,51.186,19.68,256,0.900,bicubic,-50.999,-46.160,-21
xception71,29.053,70.947,47.443,52.557,42.34,299,0.903,bicubic,-50.831,-47.489,-12
hrnet_w64,28.992,71.007,47.140,52.860,128.06,224,0.875,bilinear,-50.464,-47.514,+13
regnetz_b,28.934,71.066,47.244,52.756,9.72,288,0.940,bicubic,-51.784,-48.230,-61
xcit_tiny_12_p8_224,28.934,71.066,47.543,52.457,6.71,224,1.000,bicubic,-50.776,-47.515,-2
tf_efficientnet_b0_ns,28.908,71.092,48.983,51.017,5.29,224,0.875,bicubic,-49.750,-45.387,+55
xception65,28.904,71.096,47.161,52.839,39.92,299,0.903,bicubic,-50.642,-47.498,+5
gluon_resnet101_v1b,28.894,71.106,46.395,53.605,44.55,224,0.875,bicubic,-50.406,-48.241,+19
vit_small_patch32_384,28.871,71.129,48.912,51.088,22.92,384,1.000,bicubic,-51.615,-46.686,-59
tf_efficientnet_b1,28.871,71.129,47.513,52.487,7.79,240,0.882,bicubic,-49.965,-46.681,+44
skresnext50_32x4d,28.855,71.145,46.503,53.497,27.48,224,0.875,bicubic,-51.287,-48.141,-32
sehalonet33ts,28.768,71.231,46.576,53.424,13.69,256,0.940,bicubic,-52.213,-48.696,-83
levit_256,28.767,71.234,46.702,53.298,18.89,224,0.900,bicubic,-52.735,-48.778,-112
tf_efficientnet_lite3,28.668,71.332,47.368,52.632,8.20,300,0.904,bilinear,-51.152,-47.542,-16
skresnet34,28.654,71.346,47.969,52.031,22.28,224,0.875,bicubic,-48.266,-45.351,+123
gluon_seresnext50_32x4d,28.649,71.351,46.460,53.540,27.56,224,0.875,bicubic,-51.275,-48.368,-29
hrnet_w40,28.631,71.369,47.460,52.540,57.56,224,0.875,bilinear,-50.295,-47.018,+32
tf_efficientnetv2_b0,28.574,71.426,47.097,52.903,7.14,224,0.875,bicubic,-49.796,-46.929,+60
tv_resnet152,28.539,71.461,47.134,52.866,60.19,224,0.875,bilinear,-49.783,-46.910,+60
xcit_tiny_12_p16_224,28.529,71.471,47.419,52.581,6.72,224,1.000,bicubic,-48.591,-46.299,+108
repvgg_b2,28.444,71.556,47.040,52.960,89.02,224,0.875,bilinear,-50.350,-47.386,+35
hrnet_w48,28.427,71.573,47.588,52.412,77.47,224,0.875,bilinear,-50.895,-46.926,+1
halonet50ts,28.397,71.603,45.827,54.173,22.73,256,0.940,bicubic,-52.953,-49.457,-113
gluon_resnext50_32x4d,28.383,71.617,45.356,54.644,25.03,224,0.875,bicubic,-50.981,-49.068,-3
efficientnet_b2_pruned,28.362,71.638,47.055,52.945,8.31,260,0.890,bicubic,-51.544,-47.799,-36
tf_efficientnet_b0_ap,28.354,71.646,47.535,52.465,5.29,224,0.875,bicubic,-48.750,-45.729,+104
seresnet33ts,28.352,71.648,47.761,52.239,19.78,256,0.900,bicubic,-52.020,-47.353,-66
dla169,28.344,71.656,47.393,52.607,53.39,224,0.875,bilinear,-50.354,-46.939,+30
tf_efficientnet_cc_b0_4e,28.344,71.656,47.370,52.630,13.31,224,0.875,bicubic,-48.976,-45.952,+94
dla102x2,28.330,71.670,46.786,53.214,41.28,224,0.875,bilinear,-51.110,-47.858,-12
mixnet_xl,28.289,71.711,46.700,53.300,11.90,224,0.875,bicubic,-52.179,-48.232,-78
gluon_resnet50_v1d,28.238,71.762,45.922,54.078,25.58,224,0.875,bicubic,-50.826,-48.538,+10
gluon_resnet101_v1c,28.120,71.880,45.994,54.006,44.57,224,0.875,bicubic,-51.414,-48.594,-20
wide_resnet101_2,28.116,71.884,46.425,53.575,126.89,224,0.875,bilinear,-50.738,-47.859,+17
densenet161,28.098,71.902,46.647,53.353,28.68,224,0.875,bicubic,-49.254,-46.989,+87
regnetx_320,28.095,71.906,45.128,54.872,107.81,224,0.875,bicubic,-52.154,-49.898,-67
regnety_320,28.073,71.927,45.458,54.542,145.05,224,0.875,bicubic,-52.721,-49.788,-98
gernet_s,28.040,71.960,46.745,53.255,8.17,224,0.875,bilinear,-48.867,-46.389,+101
levit_192,28.038,71.963,45.872,54.128,10.95,224,0.900,bicubic,-51.822,-48.930,-45
efficientnet_el_pruned,28.006,71.994,46.798,53.202,10.59,300,0.904,bicubic,-52.282,-48.424,-73
xception41,27.892,72.108,45.894,54.106,26.97,299,0.903,bicubic,-50.640,-48.390,+23
regnetx_160,27.839,72.161,45.627,54.373,54.28,224,0.875,bicubic,-51.995,-49.197,-45
tf_inception_v3,27.802,72.198,45.729,54.271,23.83,299,0.875,bicubic,-50.058,-47.917,+60
res2net101_26w_4s,27.790,72.210,45.194,54.806,45.21,224,0.875,bilinear,-51.402,-49.244,-7
tf_efficientnetv2_b1,27.762,72.238,46.584,53.416,8.14,240,0.882,bicubic,-51.712,-48.136,-30
vit_base_patch16_sam_224,27.719,72.281,45.104,54.896,86.57,224,0.900,bicubic,-52.523,-49.658,-74
repvgg_b1,27.662,72.338,46.505,53.495,57.42,224,0.875,bilinear,-50.716,-47.599,+29
hrnet_w44,27.633,72.367,45.833,54.167,67.06,224,0.875,bilinear,-51.257,-48.549,+2
gcresnet33ts,27.599,72.401,46.218,53.782,19.88,256,0.900,bicubic,-52.487,-48.774,-68
inception_v3,27.582,72.418,45.265,54.735,23.83,299,0.875,bicubic,-49.882,-48.211,+68
resmlp_24_224,27.530,72.469,45.705,54.295,30.02,224,0.875,bicubic,-51.856,-48.841,-32
pit_xs_224,27.472,72.528,45.918,54.082,10.62,224,0.900,bicubic,-50.712,-48.246,+33
regnetx_080,27.387,72.613,44.998,55.002,39.57,224,0.875,bicubic,-51.833,-49.548,-19
hrnet_w30,27.383,72.617,46.552,53.448,37.71,224,0.875,bilinear,-50.819,-47.676,+30
hrnet_w32,27.379,72.621,46.024,53.976,41.23,224,0.875,bilinear,-51.063,-48.172,+17
gluon_resnet50_v1s,27.328,72.672,45.257,54.743,25.68,224,0.875,bicubic,-51.368,-48.991,+3
res2net50_26w_8s,27.308,72.692,44.835,55.165,48.40,224,0.875,bilinear,-51.672,-49.449,-10
densenet201,27.279,72.721,46.210,53.790,20.01,224,0.875,bicubic,-50.011,-47.270,+66
densenetblur121d,27.250,72.751,46.319,53.681,8.00,224,0.875,bicubic,-49.341,-46.874,+89
regnety_064,27.226,72.774,44.856,55.144,30.58,224,0.875,bicubic,-52.504,-49.906,-58
tf_efficientnetv2_b2,27.181,72.819,44.556,55.444,10.10,260,0.890,bicubic,-53.033,-50.488,-86
efficientnet_b1_pruned,27.173,72.827,45.874,54.126,6.33,240,0.882,bicubic,-51.077,-47.962,+19
resnet33ts,27.141,72.859,45.346,54.654,19.68,256,0.900,bicubic,-52.073,-49.226,-27
resnetrs50,27.116,72.884,45.051,54.949,35.69,224,0.910,bicubic,-52.754,-49.919,-72
rexnet_130,27.114,72.886,45.951,54.049,7.56,224,0.875,bicubic,-52.382,-48.723,-51
dla102x,27.059,72.941,45.507,54.493,26.31,224,0.875,bilinear,-51.453,-48.719,-1
resnet32ts,27.047,72.953,45.287,54.713,17.96,256,0.900,bicubic,-51.973,-49.075,-22
gmixer_24_224,27.016,72.984,44.375,55.625,24.72,224,0.875,bicubic,-51.036,-49.293,+23
tv_resnet101,26.974,73.026,45.236,54.764,44.55,224,0.875,bilinear,-50.394,-48.324,+52
resnext50d_32x4d,26.880,73.120,44.456,55.544,25.05,224,0.875,bicubic,-52.784,-50.410,-63
regnetx_120,26.866,73.134,44.666,55.334,46.11,224,0.875,bicubic,-52.740,-50.064,-61
rexnet_100,26.864,73.136,45.379,54.621,4.80,224,0.875,bicubic,-50.996,-48.497,+30
densenet169,26.841,73.159,45.414,54.586,14.15,224,0.875,bicubic,-49.057,-47.610,+89
regnety_120,26.811,73.189,44.489,55.511,51.82,224,0.875,bicubic,-53.575,-50.633,-115
regnetx_064,26.805,73.195,44.945,55.055,26.21,224,0.875,bicubic,-52.255,-49.521,-32
legacy_seresnext101_32x4d,26.797,73.203,43.497,56.503,48.96,224,0.875,bilinear,-53.424,-51.515,-103
regnetx_032,26.721,73.279,45.255,54.745,15.30,224,0.875,bicubic,-51.429,-48.831,+9
legacy_seresnet152,26.674,73.326,43.951,56.049,66.82,224,0.875,bilinear,-51.988,-50.425,-18
densenet121,26.670,73.330,45.892,54.108,7.98,224,0.875,bicubic,-48.898,-46.760,+87
efficientnet_es,26.621,73.379,45.126,54.874,5.44,224,0.875,bicubic,-51.461,-48.818,+10
res2net50_26w_6s,26.595,73.405,44.006,55.994,37.05,224,0.875,bilinear,-51.971,-50.112,-18
repvgg_b1g4,26.583,73.417,45.084,54.916,39.97,224,0.875,bilinear,-51.011,-48.758,+29
dla60x,26.564,73.436,45.049,54.951,17.35,224,0.875,bilinear,-51.682,-48.975,-1
regnety_080,26.540,73.460,44.375,55.625,39.18,224,0.875,bicubic,-53.332,-50.457,-93
coat_lite_tiny,26.530,73.470,44.642,55.358,5.72,224,0.900,bicubic,-50.984,-49.274,+31
tf_efficientnet_b0,26.483,73.517,45.654,54.346,5.29,224,0.875,bicubic,-50.363,-47.576,+54
mobilenetv3_large_100_miil,26.469,73.531,44.493,55.507,5.48,224,0.875,bilinear,-51.443,-48.411,+11
res2net50_14w_8s,26.467,73.533,44.379,55.621,25.06,224,0.875,bilinear,-51.667,-49.477,0
gluon_resnet50_v1b,26.426,73.574,44.057,55.943,25.56,224,0.875,bicubic,-51.150,-49.665,+25
tf_efficientnet_el,26.349,73.650,44.188,55.812,10.59,300,0.904,bicubic,-53.899,-50.936,-119
lambda_resnet26t,26.340,73.660,44.428,55.572,10.96,256,0.940,bicubic,-52.768,-50.160,-52
levit_128,26.328,73.672,44.133,55.867,9.21,224,0.900,bicubic,-52.138,-49.877,-24
resmlp_12_distilled_224,26.318,73.682,44.902,55.098,15.35,224,0.875,bicubic,-51.626,-48.660,+4
resmlp_big_24_224,26.314,73.686,43.565,56.435,129.14,224,0.875,bicubic,-54.718,-51.457,-169
regnetx_040,26.245,73.755,44.458,55.542,22.12,224,0.875,bicubic,-52.239,-49.796,-29
crossvit_9_dagger_240,26.180,73.820,44.548,55.452,8.78,240,0.875,bicubic,-50.809,-49.058,+38
vit_small_patch32_224,26.178,73.822,45.118,54.882,22.88,224,0.900,bicubic,-49.816,-48.158,+62
dpn68,26.118,73.882,44.239,55.761,12.61,224,0.875,bicubic,-50.176,-48.723,+58
efficientnet_b1,26.065,73.935,44.084,55.916,7.79,256,1.000,bicubic,-52.739,-50.262,-45
eca_halonext26ts,26.053,73.947,44.021,55.979,10.76,256,0.940,bicubic,-52.787,-50.235,-48
lambda_resnet26rpt_256,26.019,73.981,44.222,55.778,10.99,256,0.940,bicubic,-52.949,-50.206,-53
hrnet_w18,25.992,74.008,44.813,55.187,21.30,224,0.875,bilinear,-50.766,-48.625,+41
hardcorenas_f,25.956,74.043,44.224,55.776,8.20,224,0.875,bilinear,-52.148,-49.570,-14
regnety_040,25.929,74.071,43.850,56.150,20.65,224,0.875,bicubic,-53.299,-50.796,-71
resnet34,25.894,74.106,43.990,56.010,21.80,224,0.875,bilinear,-49.218,-48.286,+72
resnet26t,25.876,74.124,44.000,56.000,16.01,256,0.940,bicubic,-51.996,-49.834,-6
res2net50_26w_4s,25.870,74.130,43.180,56.820,25.70,224,0.875,bilinear,-52.116,-50.668,-13
tresnet_m_448,25.864,74.136,42.888,57.112,31.39,448,0.875,bilinear,-55.850,-52.682,-216
coat_tiny,25.862,74.138,43.275,56.725,5.50,224,0.900,bicubic,-52.572,-50.759,-36
hardcorenas_c,25.837,74.163,44.758,55.242,5.52,224,0.875,bilinear,-51.213,-48.414,+22
gluon_resnet50_v1c,25.788,74.213,43.039,56.961,25.58,224,0.875,bicubic,-52.218,-50.949,-18
halonet26t,25.750,74.250,43.239,56.761,12.48,256,0.950,bicubic,-53.384,-51.077,-74
selecsls60,25.730,74.269,44.066,55.934,30.67,224,0.875,bicubic,-52.253,-49.766,-18
dla60_res2net,25.674,74.326,43.603,56.397,20.85,224,0.875,bilinear,-52.788,-50.605,-45
hardcorenas_e,25.664,74.336,43.426,56.574,8.07,224,0.875,bilinear,-52.136,-50.270,-8
dla60_res2next,25.636,74.364,43.675,56.325,17.03,224,0.875,bilinear,-52.806,-50.482,-45
ecaresnet26t,25.546,74.454,43.681,56.319,16.01,320,0.950,bicubic,-54.288,-51.403,-121
resmlp_12_224,25.532,74.468,44.349,55.651,15.35,224,0.875,bicubic,-51.122,-48.823,+28
tf_efficientnet_lite1,25.530,74.470,43.597,56.403,5.42,240,0.882,bicubic,-51.134,-49.637,+26
mixnet_l,25.520,74.480,43.483,56.517,7.33,224,0.875,bicubic,-53.460,-50.697,-74
bat_resnext26ts,25.471,74.529,43.235,56.765,10.73,256,0.900,bicubic,-52.791,-50.865,-41
tv_resnext50_32x4d,25.469,74.531,42.817,57.183,25.03,224,0.875,bilinear,-52.141,-50.867,-12
tf_mixnet_l,25.438,74.562,42.530,57.470,7.33,224,0.875,bicubic,-53.340,-51.470,-66
repvgg_a2,25.436,74.564,43.980,56.020,28.21,224,0.875,bilinear,-51.044,-49.040,+29
hardcorenas_b,25.410,74.590,44.200,55.800,5.18,224,0.875,bilinear,-51.120,-48.552,+26
res2next50,25.402,74.598,42.516,57.484,24.67,224,0.875,bilinear,-52.840,-51.388,-43
resnetv2_50x1_bitm,25.345,74.655,45.352,54.648,25.55,448,1.000,bilinear,-54.999,-50.334,-165
dla102,25.328,74.672,43.819,56.181,33.27,224,0.875,bilinear,-52.700,-50.139,-36
legacy_seresnet101,25.324,74.676,42.823,57.177,49.33,224,0.875,bilinear,-53.060,-51.441,-54
hardcorenas_d,25.322,74.678,43.159,56.841,7.50,224,0.875,bilinear,-52.102,-50.327,-10
selecsls60b,25.314,74.686,43.575,56.425,32.77,224,0.875,bicubic,-53.094,-50.601,-57
resnest14d,25.294,74.706,44.092,55.908,10.61,224,0.875,bilinear,-50.212,-48.428,+36
legacy_seresnext50_32x4d,25.226,74.775,41.968,58.032,27.56,224,0.875,bilinear,-53.853,-52.464,-92
mixer_b16_224,25.143,74.857,41.223,58.777,59.88,224,0.875,bicubic,-51.479,-51.005,+13
res2net50_48w_2s,25.029,74.971,42.215,57.785,25.29,224,0.875,bilinear,-52.505,-51.343,-20
efficientnet_b0,25.019,74.981,42.801,57.199,5.29,224,0.875,bicubic,-52.685,-50.721,-28
dla60,24.929,75.071,43.310,56.690,22.04,224,0.875,bilinear,-52.105,-50.014,-4
gluon_resnet34_v1b,24.929,75.071,42.249,57.751,21.80,224,0.875,bicubic,-49.663,-49.747,+49
mobilenetv2_120d,24.925,75.075,43.053,56.947,5.83,224,0.875,bicubic,-52.361,-50.459,-14
regnety_016,24.815,75.185,42.628,57.372,11.20,224,0.875,bicubic,-53.049,-51.096,-39
xcit_nano_12_p8_224_dist,24.807,75.193,43.088,56.912,3.05,224,1.000,bicubic,-51.523,-49.998,+13
seresnext26ts,24.693,75.307,43.102,56.898,10.39,256,0.900,bicubic,-53.155,-50.686,-38
eca_resnext26ts,24.660,75.340,42.872,57.128,10.30,256,0.900,bicubic,-52.790,-50.706,-24
tf_efficientnet_lite2,24.530,75.470,42.251,57.749,6.09,260,0.890,bicubic,-52.952,-51.497,-27
regnetx_016,24.502,75.498,42.514,57.486,9.19,224,0.875,bicubic,-52.444,-50.912,-9
skresnet18,24.485,75.515,42.545,57.455,11.96,224,0.875,bicubic,-48.537,-48.625,+59
pit_ti_distilled_224,24.400,75.600,42.734,57.266,5.10,224,0.900,bicubic,-50.130,-49.366,+41
tf_efficientnet_lite0,24.400,75.600,42.490,57.510,4.65,224,0.875,bicubic,-50.432,-49.686,+34
hardcorenas_a,24.363,75.637,43.292,56.708,5.26,224,0.875,bilinear,-51.549,-49.222,+12
tv_resnet50,24.080,75.920,41.325,58.675,25.56,224,0.875,bilinear,-52.072,-51.553,+7
levit_128s,24.068,75.932,41.017,58.983,7.78,224,0.900,bicubic,-52.470,-51.847,-1
legacy_seresnet34,24.035,75.965,41.901,58.099,21.96,224,0.875,bilinear,-50.757,-50.227,+31
xcit_nano_12_p16_384_dist,24.027,75.973,42.308,57.692,3.05,384,1.000,bicubic,-51.441,-50.368,+17
xcit_nano_12_p8_384_dist,23.966,76.034,41.956,58.044,3.05,384,1.000,bicubic,-53.852,-52.078,-48
gcresnext26ts,23.952,76.048,41.364,58.636,10.48,256,0.900,bicubic,-53.868,-52.462,-50
resnet18d,23.936,76.064,42.300,57.700,11.71,224,0.875,bicubic,-48.332,-48.384,+57
efficientnet_lite0,23.925,76.075,42.097,57.903,4.65,224,0.875,bicubic,-51.579,-50.419,+12
resnext26ts,23.889,76.111,41.123,58.877,10.30,256,0.900,bicubic,-52.883,-52.007,-16
efficientnet_es_pruned,23.854,76.146,42.003,57.997,5.44,224,0.875,bicubic,-51.142,-50.437,+22
tv_densenet121,23.826,76.174,41.921,58.079,7.98,224,0.875,bicubic,-50.920,-50.233,+24
mobilenetv2_140,23.701,76.299,41.494,58.506,6.11,224,0.875,bicubic,-52.815,-51.506,-9
dla34,23.699,76.301,41.547,58.453,15.74,224,0.875,bilinear,-50.909,-50.511,+24
mixnet_m,23.697,76.303,41.158,58.842,5.01,224,0.875,bicubic,-53.577,-52.264,-37
legacy_seresnet50,23.646,76.354,40.107,59.893,28.09,224,0.875,bilinear,-53.992,-53.639,-55
ese_vovnet19b_dw,23.545,76.455,41.276,58.724,6.54,224,0.875,bicubic,-53.279,-52.004,-24
tf_mixnet_m,23.500,76.500,40.991,59.009,5.01,224,0.875,bicubic,-53.458,-52.175,-31
tv_resnet34,23.490,76.510,41.398,58.602,21.80,224,0.875,bilinear,-49.814,-50.024,+35
selecsls42b,23.404,76.596,40.659,59.341,32.46,224,0.875,bicubic,-53.786,-52.731,-41
tf_efficientnet_em,23.394,76.606,40.411,59.589,6.90,240,0.882,bicubic,-54.748,-53.646,-82
repvgg_b0,23.317,76.683,41.192,58.808,15.82,224,0.875,bilinear,-51.835,-51.222,+5
xcit_nano_12_p16_224_dist,23.249,76.751,41.388,58.612,3.05,224,1.000,bicubic,-49.063,-49.464,+41
mobilenetv2_110d,23.076,76.924,40.736,59.264,4.52,224,0.875,bicubic,-51.976,-51.452,+8
vit_base_patch32_sam_224,23.042,76.958,39.557,60.443,88.22,224,0.900,bicubic,-50.658,-51.451,+25
deit_tiny_distilled_patch16_224,22.712,77.288,40.773,59.227,5.91,224,0.900,bicubic,-51.812,-51.123,+15
mobilenetv3_large_100,22.647,77.353,40.781,59.219,5.48,224,0.875,bicubic,-53.127,-51.759,-12
mobilenetv3_rw,22.636,77.365,40.410,59.590,5.48,224,0.875,bicubic,-52.982,-52.303,-11
tf_mobilenetv3_large_100,22.563,77.437,39.747,60.253,5.48,224,0.875,bilinear,-52.947,-52.861,-10
tf_efficientnet_es,22.427,77.573,39.095,60.905,5.44,224,0.875,bicubic,-54.163,-54.117,-29
xcit_nano_12_p8_224,22.396,77.604,40.675,59.325,3.05,224,1.000,bicubic,-51.516,-51.491,+16
hrnet_w18_small_v2,22.357,77.644,39.899,60.101,15.60,224,0.875,bilinear,-52.750,-52.513,-2
convit_tiny,22.256,77.744,39.684,60.316,5.71,224,0.875,bicubic,-50.856,-52.036,+23
regnety_008,22.121,77.879,38.918,61.082,6.26,224,0.875,bicubic,-54.199,-54.150,-27
seresnext26t_32x4d,22.009,77.991,38.501,61.499,16.81,224,0.875,bicubic,-55.969,-55.241,-87
regnety_006,21.983,78.017,38.963,61.037,6.06,224,0.875,bicubic,-53.283,-53.571,-10
regnetx_008,21.963,78.037,38.936,61.064,7.26,224,0.875,bicubic,-53.093,-53.412,-6
vit_tiny_r_s16_p8_384,21.942,78.058,39.439,60.561,6.36,384,1.000,bicubic,-54.030,-53.833,-26
resnet26d,21.930,78.070,38.639,61.361,16.01,224,0.875,bicubic,-54.760,-54.509,-43
semnasnet_100,21.903,78.097,38.604,61.396,3.89,224,0.875,bicubic,-53.549,-54.002,-16
pit_ti_224,21.869,78.131,39.537,60.463,4.85,224,0.900,bicubic,-51.053,-51.873,+18
regnetx_006,21.739,78.260,38.932,61.068,6.20,224,0.875,bicubic,-52.107,-52.750,+7
vit_tiny_patch16_384,21.728,78.272,39.335,60.665,5.79,384,1.000,bicubic,-56.718,-55.209,-121
crossvit_9_240,21.706,78.294,39.268,60.732,8.55,240,0.875,bicubic,-52.276,-52.702,+2
vgg19_bn,21.635,78.365,39.280,60.720,143.68,224,0.875,bilinear,-52.599,-52.574,-3
ghostnet_100,21.625,78.374,38.714,61.286,5.18,224,0.875,bilinear,-52.358,-52.746,-1
gluon_resnet18_v1b,21.547,78.453,38.895,61.105,11.69,224,0.875,bicubic,-49.287,-50.866,+26
fbnetc_100,21.508,78.492,38.146,61.854,5.57,224,0.875,bilinear,-53.612,-54.228,-20
xcit_nano_12_p16_224,21.437,78.563,39.804,60.196,3.05,224,1.000,bicubic,-48.535,-49.954,+27
mnasnet_100,21.368,78.632,37.719,62.281,4.38,224,0.875,bicubic,-53.306,-54.379,-13
ssl_resnet18,21.297,78.703,39.132,60.868,11.69,224,0.875,bilinear,-51.315,-52.288,+9
resnet26,21.290,78.710,38.040,61.960,16.00,224,0.875,bicubic,-54.002,-54.534,-27
seresnext26d_32x4d,21.285,78.715,37.332,62.668,16.81,224,0.875,bicubic,-56.300,-56.272,-89
mixnet_s,21.268,78.732,38.209,61.791,4.13,224,0.875,bicubic,-54.726,-54.583,-44
legacy_seresnext26_32x4d,21.075,78.925,37.629,62.371,16.79,224,0.875,bicubic,-56.019,-55.681,-72
crossvit_tiny_240,21.054,78.946,38.071,61.929,7.01,240,0.875,bicubic,-52.290,-53.851,-3
regnetx_004,20.908,79.092,37.568,62.432,5.16,224,0.875,bicubic,-51.482,-53.250,+4
spnasnet_100,20.853,79.147,37.912,62.088,4.42,224,0.875,bilinear,-53.225,-53.908,-15
legacy_seresnet18,20.800,79.200,37.619,62.381,11.78,224,0.875,bicubic,-50.934,-52.719,+11
mobilenetv2_100,20.775,79.225,37.774,62.226,3.50,224,0.875,bicubic,-52.177,-53.228,-2
tf_mixnet_s,20.470,79.530,36.639,63.361,4.13,224,0.875,bicubic,-55.214,-55.997,-45
vit_tiny_patch16_224,20.452,79.548,37.625,62.375,5.72,224,0.900,bicubic,-55.002,-55.227,-39
regnety_004,20.423,79.577,37.022,62.978,4.34,224,0.875,bicubic,-53.589,-54.744,-19
hrnet_w18_small,20.366,79.634,37.100,62.900,13.19,224,0.875,bilinear,-51.966,-53.586,-1
tf_mobilenetv3_large_075,20.362,79.638,36.770,63.230,3.99,224,0.875,bilinear,-53.088,-54.570,-14
resnet18,20.238,79.762,37.260,62.740,11.69,224,0.875,bilinear,-49.502,-51.826,+12
mixer_l16_224,20.160,79.840,32.950,67.050,208.20,224,0.875,bicubic,-51.906,-54.704,+1
deit_tiny_patch16_224,20.142,79.858,37.578,62.422,5.72,224,0.900,bicubic,-52.018,-53.534,-1
tf_mobilenetv3_large_minimal_100,20.120,79.880,36.902,63.098,3.92,224,0.875,bilinear,-52.132,-53.734,-3
vgg16_bn,19.969,80.031,36.310,63.690,138.37,224,0.875,bilinear,-53.391,-55.182,-18
vit_tiny_r_s16_p8_224,19.342,80.658,36.061,63.939,6.34,224,0.900,bicubic,-52.456,-54.763,-2
vgg19,17.929,82.071,33.060,66.940,143.67,224,0.875,bilinear,-54.459,-57.826,-10
vgg13_bn,17.821,82.179,34.047,65.953,133.05,224,0.875,bilinear,-53.743,-56.327,-1
vgg16,17.540,82.460,32.767,67.233,138.36,224,0.875,bilinear,-54.044,-57.623,-3
regnety_002,17.454,82.546,32.453,67.547,3.16,224,0.875,bicubic,-52.828,-57.091,0
vgg11_bn,17.409,82.591,33.039,66.961,132.87,224,0.875,bilinear,-52.953,-56.767,-2
regnetx_002,16.962,83.038,32.237,67.763,2.68,224,0.875,bicubic,-51.788,-56.323,+3
dla60x_c,16.320,83.680,31.773,68.227,1.32,224,0.875,bilinear,-51.592,-56.645,+5
eca_botnext26ts_256,16.257,83.743,30.623,69.376,10.59,256,0.950,bicubic,-57.621,-61.164,-31
tf_mobilenetv3_small_100,16.224,83.776,31.241,68.760,2.54,224,0.875,bilinear,-51.703,-56.436,+2
vgg13,16.116,83.885,30.987,69.013,133.05,224,0.875,bilinear,-53.823,-58.271,-4
vgg11,15.728,84.272,30.464,69.536,132.86,224,0.875,bilinear,-53.320,-58.172,-3
tf_mobilenetv3_small_075,14.942,85.058,29.594,70.406,2.04,224,0.875,bilinear,-50.778,-56.542,+2
dla46_c,14.677,85.323,29.372,70.628,1.30,224,0.875,bilinear,-50.193,-56.922,+2
dla46x_c,14.382,85.618,29.197,70.803,1.07,224,0.875,bilinear,-51.594,-57.791,-1
tf_mobilenetv3_small_minimal_100,13.983,86.017,27.992,72.008,2.04,224,0.875,bilinear,-48.925,-56.254,+1
botnet26t_256,13.543,86.457,26.420,73.580,12.49,256,0.950,bicubic,-55.003,-62.276,-6

1 model top1 top1_err top5 top5_err param_count img_size cropt_pct interpolation top1_diff top5_diff rank_diff
2 ig_resnext101_32x48d 58.810 58.846 41.190 41.154 81.076 81.088 18.924 18.912 828.41 224 0.875 bilinear -26.618 -26.584 -16.496 -16.494 +22 +31
3 ig_resnext101_32x32d 58.386 58.402 41.614 41.598 80.381 80.426 19.619 19.574 468.53 224 0.875 bilinear -26.708 -26.692 -17.057 -17.012 +28 +41
4 ig_resnext101_32x16d 57.690 57.684 42.310 42.316 79.905 79.891 20.095 20.108 194.03 224 0.875 bilinear -26.480 -26.482 -17.291 -17.305 +53 +75
5 swsl_resnext101_32x16d 57.458 57.455 42.542 42.545 80.385 80.381 19.615 19.619 194.03 224 0.875 bilinear -25.888 -25.899 -16.461 -16.455 +78 +106
6 swsl_resnext101_32x8d beit_large_patch16_384 56.438 56.904 43.562 43.096 78.944 79.188 21.056 20.812 88.79 305.00 224 384 0.875 1.000 bilinear bicubic -27.846 -31.478 -18.232 -19.420 +48 -3
7 ig_resnext101_32x8d beit_large_patch16_512 54.918 56.757 45.082 43.243 77.534 78.874 22.466 21.126 88.79 305.67 224 512 0.875 1.000 bilinear bicubic -27.770 -31.827 -19.102 -19.786 +94 -5
8 swsl_resnext101_32x4d swsl_resnext101_32x8d 53.603 56.421 46.397 43.579 76.347 78.948 23.653 21.052 44.18 88.79 224 0.875 bilinear -29.627 -27.853 -20.413 -18.226 +77 +67
9 vit_large_patch16_384 beit_large_patch16_224 52.754 54.969 47.246 45.031 74.696 77.600 25.304 22.400 304.72 304.43 384 224 1.000 0.900 bicubic -34.326 -32.507 -23.604 -20.718 -4 -3
10 vit_large_r50_s32_384 ig_resnext101_32x8d 52.039 54.937 47.961 45.063 73.558 77.539 26.442 22.461 329.09 88.79 384 224 1.000 0.875 bicubic bilinear -34.145 -27.773 -24.360 -19.101 +2 +124
11 vit_large_patch16_224 swsl_resnext101_32x4d 51.832 53.585 48.168 46.415 73.694 76.374 26.306 23.626 304.33 44.18 224 0.900 0.875 bicubic bilinear -34.010 -29.641 -24.130 -20.394 +6 +106
12 tf_efficientnet_l2_ns_475 vit_large_patch16_384 51.494 52.762 48.506 47.238 73.928 74.725 26.072 25.275 480.31 304.72 475 384 0.936 1.000 bicubic -36.740 -34.330 -24.618 -23.581 -9 -4
13 swsl_resnext50_32x4d vit_large_r50_s32_384 50.437 52.049 49.563 47.951 73.368 73.540 26.633 26.459 25.03 329.09 224 384 0.875 1.000 bilinear bicubic -31.745 -34.131 -22.862 -24.383 +104 +4
14 swin_large_patch4_window12_384 vit_large_patch16_224 50.404 51.842 49.596 48.158 72.564 73.721 27.436 26.279 196.74 304.33 384 224 1.000 0.900 bicubic -36.744 -33.996 -25.670 -24.105 -10 +9
15 swsl_resnet50 tf_efficientnet_l2_ns_475 49.541 51.435 50.459 48.565 72.334 73.845 27.666 26.155 25.56 480.31 224 475 0.875 0.936 bilinear bicubic -31.625 -36.803 -23.638 -24.705 +134 -10
16 swin_large_patch4_window7_224 swsl_resnext50_32x4d 48.991 50.408 51.009 49.592 71.391 73.348 28.609 26.652 196.53 25.03 224 0.900 0.875 bicubic bilinear -37.329 -31.758 -26.505 -22.886 -6 +148
17 swin_base_patch4_window12_384 swin_large_patch4_window12_384 48.553 50.357 51.447 49.643 71.813 72.546 28.187 27.454 87.90 196.74 384 1.000 bicubic -37.879 -36.793 -26.245 -25.692 -8 -10
18 vit_large_r50_s32_224 swsl_resnet50 48.203 49.506 51.797 50.494 70.868 72.356 29.132 27.645 328.99 25.56 224 0.900 0.875 bicubic bilinear -36.231 -31.640 -26.296 -23.622 +32 +186
19 tf_efficientnet_b7_ns swin_large_patch4_window7_224 47.800 48.989 52.200 51.011 69.640 71.377 30.360 28.623 66.35 196.53 600 224 0.949 0.900 bicubic -39.040 -37.327 -28.454 -26.513 -13 -4
20 tf_efficientnet_b6_ns beit_base_patch16_384 47.761 48.682 52.239 51.318 69.968 72.073 30.032 27.927 43.04 86.74 528 384 0.942 1.000 bicubic -38.691 -38.126 -27.914 -26.067 -12 -10
21 tf_efficientnet_l2_ns swin_base_patch4_window12_384 47.570 48.529 52.430 51.471 70.019 71.809 29.981 28.191 480.31 87.90 800 384 0.960 1.000 bicubic -40.782 -37.907 -28.631 -26.257 -19 -8
22 tf_efficientnetv2_l_in21ft1k vit_large_r50_s32_224 46.939 48.215 53.061 51.785 70.310 70.870 29.690 29.130 118.52 328.99 480 224 1.000 0.900 bicubic -39.365 -36.225 -27.668 -26.100 -11 +44
23 vit_base_patch16_384 tf_efficientnetv2_xl_in21ft1k 45.894 47.745 54.106 52.255 68.557 70.131 31.443 29.869 86.86 208.12 384 512 1.000 bicubic -40.112 -38.659 -29.443 -27.737 -7 -9
24 tf_efficientnet_b8_ap tf_efficientnet_b6_ns 45.774 47.725 54.226 52.275 67.911 69.925 32.089 30.075 87.41 43.04 672 528 0.954 0.942 bicubic -39.596 -38.721 -29.383 -27.955 +3 -12
25 tf_efficientnet_b5_ns tf_efficientnet_b7_ns 45.615 47.725 54.385 52.275 67.842 69.603 32.158 30.398 30.39 66.35 456 600 0.934 0.949 bicubic -40.473 -39.105 -29.910 -28.481 -11 -16
26 tf_efficientnetv2_m_in21ft1k tf_efficientnet_l2_ns 45.582 47.478 54.418 52.522 69.150 69.923 30.849 30.077 54.14 480.31 480 800 1.000 0.960 bicubic -40.006 -40.868 -28.602 -28.731 -6 -22
27 swin_base_patch4_window7_224 tf_efficientnetv2_l_in21ft1k 45.560 46.922 54.440 53.078 68.512 70.312 31.488 29.688 87.77 118.52 224 480 0.900 1.000 bicubic -39.692 -39.370 -29.050 -27.672 +1 -11
28 cait_m48_448 beit_base_patch16_224 44.245 46.258 55.755 53.742 64.653 69.907 35.347 30.093 356.46 86.53 448 224 1.000 0.900 bicubic -42.239 -38.982 -33.102 -27.747 -21 +12
29 vit_base_r50_s16_384 vit_base_patch16_384 43.512 45.900 56.488 54.100 66.785 68.537 33.215 31.463 98.95 86.86 384 1.000 bicubic -41.460 -40.100 -30.503 -29.469 +8 -8
30 tf_efficientnet_b4_ns tf_efficientnet_b8_ap 43.450 45.768 56.550 54.232 65.519 67.915 34.481 32.086 19.34 87.41 380 672 0.922 0.954 bicubic -41.713 -39.606 -31.951 -29.383 -1 +7
31 vit_base_patch16_224 tf_efficientnet_b5_ns 43.220 45.599 56.780 54.401 65.708 67.820 34.292 32.180 86.57 30.39 224 456 0.900 0.934 bicubic -41.312 -40.477 -31.586 -29.932 +14 -12
32 tf_efficientnet_b8 swin_base_patch4_window7_224 42.508 45.589 57.492 54.411 64.857 68.512 35.143 31.488 87.41 87.77 672 224 0.954 0.900 bicubic -42.862 -39.679 -32.533 -29.046 -6 +7
33 cait_m36_384 tf_efficientnetv2_m_in21ft1k 42.398 45.574 57.602 54.426 63.324 69.148 36.676 30.852 271.22 54.14 384 480 1.000 bicubic -43.656 -40.024 -34.406 -28.604 -18 -5
34 tf_efficientnet_b7 cait_m48_448 41.431 44.249 58.569 55.751 63.017 64.668 36.983 35.332 66.35 356.46 600 448 0.949 1.000 bicubic -43.505 -42.245 -34.186 -33.082 +4 -23
35 tf_efficientnet_b7_ap vit_base_r50_s16_384 41.429 43.522 58.571 56.478 62.874 66.796 37.126 33.204 66.35 98.95 600 384 0.949 1.000 bicubic -43.691 -41.462 -34.378 -30.502 -5 +17
36 tf_efficientnet_b5_ap tf_efficientnet_b4_ns 41.418 43.438 58.582 56.562 62.084 65.474 37.916 34.526 30.39 19.34 456 380 0.934 0.922 bicubic -42.834 -41.712 -34.890 -31.996 +20 +5
37 resnetv2_152x4_bitm vit_base_patch16_224 41.302 43.247 58.698 56.753 64.307 65.710 35.693 34.290 936.53 86.57 480 224 1.000 0.900 bilinear bicubic -43.614 -41.293 -33.135 -31.596 +2 +26
38 tf_efficientnet_b6_ap xcit_large_24_p8_384_dist 41.099 42.828 58.901 57.172 62.355 63.426 37.645 36.574 43.04 188.93 528 384 0.942 1.000 bicubic -43.689 -43.168 -34.783 -34.262 +3 -16
39 tf_efficientnetv2_s_in21ft1k xcit_large_24_p8_224_dist 40.950 42.575 59.050 57.425 63.849 63.106 36.151 36.894 21.46 188.93 384 224 1.000 bicubic -43.352 -42.825 -33.403 -34.310 +14 -3
40 tf_efficientnet_b4_ap tf_efficientnet_b8 40.484 42.494 59.516 57.506 61.723 64.873 38.277 35.127 19.34 87.41 380 672 0.922 0.954 bicubic -42.764 -42.856 -34.669 -32.519 +44 -2
41 vit_small_r26_s32_384 cait_m36_384 40.476 42.398 59.524 57.602 62.736 63.340 37.264 36.660 36.47 271.22 384 1.000 bicubic -43.570 -43.658 -34.592 -34.390 +22 -21
42 vit_base_patch16_224_miil tf_efficientnet_b7_ap 40.168 41.455 59.832 58.545 60.887 62.896 39.113 37.104 86.54 66.35 224 600 0.875 0.949 bilinear bicubic -44.100 -43.665 -35.915 -34.354 +13 0
43 tf_efficientnetv2_l tf_efficientnet_b7 39.830 41.453 60.170 58.547 60.801 63.053 39.199 36.947 118.52 66.35 480 600 1.000 0.949 bicubic -45.660 -43.483 -36.571 -34.153 -21 +11
44 dm_nfnet_f3 tf_efficientnet_b5_ap 39.818 41.406 60.182 58.594 60.610 62.096 39.390 37.904 254.92 30.39 416 456 0.940 0.934 bicubic -45.704 -42.852 -36.852 -34.880 -23 +32
45 cait_s36_384 resnetv2_152x4_bitm 39.765 41.294 60.235 58.706 60.475 64.354 39.525 35.646 68.37 936.53 384 480 1.000 bicubic bilinear -45.695 -43.644 -37.005 -33.104 -22 +8
46 efficientnetv2_rw_m tf_efficientnet_b6_ap 39.667 41.113 60.333 58.887 59.687 62.379 40.313 37.621 53.24 43.04 416 528 1.000 0.942 bicubic -45.141 -43.671 -37.461 -34.759 -6 +12
47 ecaresnet269d xcit_large_24_p16_384_dist 39.594 41.025 60.406 58.975 60.343 61.253 39.657 38.747 102.09 189.10 352 384 1.000 bicubic -45.382 -44.745 -36.883 -36.281 -11 -21
48 tf_efficientnet_b3_ns tf_efficientnetv2_s_in21ft1k 39.584 40.985 60.416 59.015 61.453 63.837 38.547 36.163 12.23 21.46 300 384 0.904 1.000 bicubic -44.464 -43.311 -35.457 -33.419 +14 +24
49 dm_nfnet_f6 xcit_large_24_p16_224_dist 39.578 40.968 60.422 59.032 60.911 61.330 39.089 38.670 438.36 189.10 576 224 0.956 1.000 bicubic -46.566 -43.962 -36.819 -35.800 -36 +6
50 dm_nfnet_f5 xcit_medium_24_p8_224_dist 39.508 40.502 60.492 59.498 60.227 60.510 39.773 39.490 377.21 84.32 544 224 0.954 1.000 bicubic -46.306 -44.566 -37.261 -36.766 -32 -4
51 efficientnet_b4 tf_efficientnet_b4_ap 39.079 40.476 60.921 59.524 59.608 61.730 40.392 38.270 19.34 384 380 1.000 0.922 bicubic -44.349 -42.782 -36.988 -34.666 +28 +64
52 resnetv2_152x2_bit_teacher_384 vit_small_r26_s32_384 38.979 40.474 61.021 59.526 62.440 62.752 37.560 37.248 236.34 36.47 384 1.000 bicubic -44.865 -43.576 -34.678 -34.570 +16 +32
53 vit_base_patch32_384 vit_base_patch16_224_miil 38.794 40.178 61.206 59.822 60.329 60.895 39.671 39.105 88.30 86.54 384 224 1.000 0.875 bicubic bilinear -44.556 -44.098 -36.507 -35.903 +29 +21
54 eca_nfnet_l2 xcit_medium_24_p8_384_dist 38.664 40.042 61.336 59.958 59.445 60.453 40.555 39.547 56.72 84.32 384 1.000 bicubic -46.033 -45.778 -37.819 -37.141 -11 -30
55 tf_efficientnet_b5 xcit_medium_24_p16_384_dist 38.356 39.912 61.644 60.088 59.913 60.127 40.087 39.873 30.39 84.40 456 384 0.934 1.000 bicubic -45.456 -45.514 -36.835 -37.281 +15 -21
56 deit_base_distilled_patch16_384 tf_efficientnetv2_l 38.260 39.834 61.740 60.166 57.783 60.815 42.217 39.185 87.63 118.52 384 480 1.000 bicubic -47.162 -45.668 -39.549 -36.555 -31 -25
57 dm_nfnet_f4 dm_nfnet_f3 38.224 39.785 61.776 60.215 58.626 60.636 41.374 39.364 316.07 254.92 512 416 0.951 0.940 bicubic -47.490 -45.747 -38.894 -36.822 -38 -27
58 resnetv2_152x2_bitm cait_s36_384 37.985 39.777 62.015 60.223 61.135 60.483 38.865 39.517 236.34 68.37 448 384 1.000 bilinear bicubic -46.525 -45.677 -36.297 -36.999 -11 -26
59 cait_s24_384 efficientnetv2_rw_m 37.873 39.675 62.127 60.325 58.079 59.699 41.921 40.301 47.06 53.24 384 416 1.000 bicubic -47.173 -45.147 -39.267 -37.447 -26 -2
60 resnet152d ecaresnet269d 37.857 39.598 62.143 60.402 58.356 60.339 41.644 39.661 60.21 102.09 320 352 1.000 bicubic -45.823 -45.388 -38.382 -36.889 +15 -9
61 tf_efficientnetv2_m dm_nfnet_f6 37.824 39.586 62.176 60.414 58.710 60.901 41.290 39.099 54.14 438.36 480 576 1.000 0.956 bicubic -47.220 -46.544 -38.568 -36.839 -27 -43
62 resnetrs420 tf_efficientnet_b3_ns 37.747 39.510 62.253 60.490 58.215 61.451 41.785 38.549 191.89 12.23 416 300 1.000 0.904 bicubic -47.261 -44.532 -38.909 -35.457 -27 +23
63 resnetrs350 dm_nfnet_f5 37.676 39.498 62.324 60.502 58.083 60.194 41.917 39.806 163.96 377.21 384 544 1.000 0.954 bicubic -47.044 -46.308 -38.905 -37.288 -21 -38
64 pit_b_distilled_224 xcit_small_24_p8_224_dist 37.590 39.309 62.410 60.691 57.238 59.404 42.762 40.596 74.79 47.63 224 0.900 1.000 bicubic -46.554 -45.567 -39.618 -37.794 -6 -8
65 resnet200d xcit_medium_24_p16_224_dist 37.505 39.272 62.495 60.728 58.297 59.473 41.703 40.527 64.69 84.40 320 224 1.000 bicubic -46.457 -45.006 -38.526 -37.469 +1 +8
66 resnetv2_152x2_bit_teacher efficientnet_b4 37.324 39.136 62.676 60.864 59.390 59.628 40.610 40.372 236.34 19.34 224 384 0.875 1.000 bicubic -45.538 -44.294 -37.178 -36.966 +29 +42
67 resnest269e xcit_small_24_p8_384_dist 37.315 39.001 62.685 60.999 57.468 59.196 42.532 40.804 110.93 47.63 416 384 0.928 1.000 bicubic -47.203 -46.565 -39.518 -38.381 -21 -38
68 resmlp_big_24_224_in22ft1k resnetv2_152x2_bit_teacher_384 37.244 38.987 62.756 61.013 58.184 62.495 41.816 37.505 129.14 236.34 224 384 0.875 1.000 bicubic -47.150 -44.857 -38.937 -34.623 -17 +26
69 vit_small_r26_s32_224 vit_base_patch32_384 37.234 38.810 62.766 61.190 59.060 60.351 40.940 39.649 36.43 88.30 224 384 0.900 1.000 bicubic -44.624 -44.536 -36.962 -36.493 +55 +44
70 cait_s24_224 eca_nfnet_l2 37.153 38.661 62.847 61.339 56.724 59.451 43.276 40.549 46.92 56.72 224 384 1.000 bicubic -46.299 -46.059 -39.840 -37.807 +8 -11
71 vit_base_patch32_224 xcit_small_12_p8_384_dist 37.077 38.533 62.923 61.467 59.294 58.820 40.706 41.180 88.22 26.21 224 384 0.900 1.000 bicubic -43.647 -46.549 -36.274 -38.450 +96 -26
72 tf_efficientnet_b3_ap xcit_small_24_p16_384_dist 37.055 38.499 62.945 61.501 57.240 58.400 42.760 41.600 12.23 47.67 300 384 0.904 1.000 bicubic -44.767 -46.605 -38.384 -38.916 +54 -29
73 efficientnetv2_rw_s xcit_small_12_p8_224_dist 37.049 38.382 62.951 61.618 56.814 58.844 43.186 41.156 23.94 26.21 384 224 1.000 bicubic -46.759 -45.858 -39.910 -38.028 -2 +4
74 seresnet152d tf_efficientnet_b5 36.790 38.364 63.210 61.636 56.718 59.923 43.282 40.077 66.84 30.39 320 456 1.000 0.934 bicubic -47.572 -45.446 -40.322 -36.825 -22 +23
75 resnetrs200 deit_base_distilled_patch16_384 36.639 38.240 63.361 61.760 56.828 57.798 43.172 42.202 93.21 87.63 320 384 1.000 bicubic -47.427 -47.182 -40.046 -39.534 -15 -40
76 efficientnet_b3 dm_nfnet_f4 36.420 38.215 63.580 61.785 56.845 58.596 43.155 41.404 12.23 316.07 320 512 1.000 0.951 bicubic -45.822 -47.486 -39.269 -38.918 +39 -49
77 cait_xs24_384 xcit_large_24_p8_224 36.416 38.124 63.584 61.876 56.944 57.875 43.056 42.125 26.67 188.93 384 224 1.000 bicubic -47.645 -46.258 -39.945 -38.781 -16 -7
78 deit_base_distilled_patch16_224 resnetv2_152x2_bitm 36.397 38.008 63.603 61.992 56.617 61.180 43.383 38.820 87.34 236.34 224 448 0.900 1.000 bicubic bilinear -46.991 -46.444 -39.871 -36.256 +2 -13
79 resnetv2_101x3_bitm cait_s24_384 36.381 37.884 63.619 62.116 59.070 58.087 40.930 41.913 387.93 47.06 448 384 1.000 bilinear bicubic -48.059 -47.160 -38.312 -39.263 -31 -30
80 resnetrs270 resnet152d 36.320 37.879 63.680 62.121 56.562 58.362 43.438 41.638 129.86 60.21 352 320 1.000 bicubic -48.114 -45.785 -40.408 -38.372 -31 +24
81 tresnet_m tf_efficientnetv2_m 36.285 37.829 63.715 62.171 55.796 58.716 44.204 41.284 31.39 54.14 224 480 0.875 1.000 bilinear bicubic -46.795 -47.217 -40.322 -38.568 +9 -33
82 mixer_b16_224_miil resnetrs420 36.269 37.770 63.731 62.230 55.965 58.227 44.035 41.773 59.88 191.89 224 416 0.875 1.000 bilinear bicubic -46.039 -47.238 -39.751 -38.899 +29 -32
83 tf_efficientnet_b2_ns xcit_small_24_p16_224_dist 36.183 37.717 63.817 62.283 57.551 57.358 42.449 42.642 9.11 47.67 260 224 0.890 1.000 bicubic -46.197 -46.157 -38.697 -39.370 +23 +8
84 dm_nfnet_f2 resnetrs350 36.004 37.702 63.996 62.298 55.456 58.099 44.544 41.901 193.78 163.96 352 384 0.920 1.000 bicubic -49.060 -47.010 -41.784 -38.891 -52 -23
85 ecaresnet101d pit_b_distilled_224 36.004 37.588 63.996 62.412 56.165 57.230 43.835 42.770 44.57 74.79 224 0.875 0.900 bicubic -46.168 -46.570 -39.881 -39.628 +33 -5
86 resnest200e xcit_small_12_p16_384_dist 35.931 37.582 64.069 62.418 55.849 57.777 44.151 42.223 70.20 26.25 320 384 0.909 1.000 bicubic -47.901 -47.132 -41.045 -39.339 -17 -26
87 swsl_resnet18 resnet200d 35.858 37.507 64.142 62.493 58.455 58.303 41.545 41.697 11.69 64.69 224 320 0.875 1.000 bilinear bicubic -37.418 -46.463 -33.279 -38.515 +305 +2
88 eca_nfnet_l1 resnetv2_152x2_bit_teacher 35.823 37.348 64.177 62.652 55.957 59.474 44.043 40.526 41.41 236.34 320 224 1.000 0.875 bicubic -48.187 -45.554 -41.071 -37.093 -23 +38
89 vit_small_patch16_384 resnest269e 35.479 37.299 64.521 62.701 57.549 57.466 42.451 42.534 22.20 110.93 384 416 1.000 0.928 bicubic -48.323 -47.225 -39.553 -39.520 -17 -25
90 resnest101e resmlp_big_24_224_in22ft1k 35.373 37.244 64.627 62.756 55.780 58.203 44.220 41.797 48.28 129.14 256 224 0.875 bilinear bicubic -47.517 -47.180 -40.540 -38.913 +4 -21
91 convit_base vit_small_r26_s32_224 35.314 37.244 64.686 62.756 54.927 59.052 45.073 40.948 86.54 36.43 224 0.875 0.900 bicubic -46.976 -44.594 -41.011 -36.974 +21 +83
92 twins_svt_large cait_s24_224 35.086 37.150 64.914 62.850 54.721 56.725 45.279 43.275 99.27 46.92 224 0.900 1.000 bicubic -48.592 -46.312 -41.873 -39.841 -16 +15
93 repvgg_b3g4 vit_base_patch32_224 35.043 37.100 64.957 62.900 54.772 59.284 45.228 40.716 83.83 88.22 224 0.875 0.900 bilinear bicubic -45.169 -43.632 -40.338 -36.282 +98 +132
94 repvgg_b3 tf_efficientnet_b3_ap 35.043 37.061 64.957 62.939 54.542 57.242 45.458 42.758 123.09 12.23 224 300 0.875 0.904 bilinear bicubic -45.449 -44.761 -40.718 -38.378 +80 +81
95 dm_nfnet_f1 efficientnetv2_rw_s 34.990 37.057 65.010 62.943 54.108 56.831 45.892 43.169 132.63 23.94 320 384 0.910 1.000 bicubic -49.636 -46.773 -42.992 -39.891 -51 0
96 resnet101d xcit_small_12_p16_224_dist 34.872 36.973 65.128 63.027 54.202 56.745 45.798 43.255 44.57 26.25 320 224 1.000 bicubic -48.150 -46.377 -42.244 -39.677 -4 +16
97 resmlp_big_24_distilled_224 seresnet152d 34.788 36.804 65.213 63.196 54.637 56.731 45.363 43.269 129.14 66.84 224 320 0.875 1.000 bicubic -48.803 -47.558 -42.011 -40.311 -20 -26
98 vit_large_patch32_384 resnetrs200 34.673 36.664 65.326 63.336 55.729 56.837 44.271 43.163 306.63 93.21 384 320 1.000 bicubic -46.833 -47.394 -40.363 -40.037 +37 -16
99 dm_nfnet_f0 regnetz_d 34.618 36.432 65.382 63.568 54.672 57.388 45.328 42.612 71.49 27.58 256 320 0.900 0.950 bicubic -48.767 -47.602 -41.900 -39.482 -18 -13
100 ssl_resnext101_32x16d efficientnet_b3 34.605 36.422 65.395 63.578 55.931 56.845 44.069 43.155 194.03 12.23 224 320 0.875 1.000 bilinear bicubic -47.239 -45.836 -40.165 -39.271 +25 +60
101 repvgg_b2g4 cait_xs24_384 34.587 36.411 65.413 63.589 54.782 56.938 45.218 43.062 61.76 26.67 224 384 0.875 1.000 bilinear bicubic -44.779 -47.643 -39.906 -39.948 +131 -18
102 resnest50d_4s2x40d deit_base_distilled_patch16_224 34.355 36.411 65.645 63.589 54.725 56.623 45.275 43.377 30.42 87.34 224 0.875 0.900 bicubic -46.753 -46.977 -40.833 -39.867 +49 +7
103 resnetrs152 resnetv2_101x3_bitm 34.355 36.391 65.645 63.609 53.562 59.068 46.438 40.932 86.62 387.93 320 448 1.000 bicubic bilinear -49.357 -48.039 -43.052 -38.304 -30 -35
104 tf_efficientnet_b1_ns resnetrs270 34.157 36.346 65.843 63.654 55.489 56.572 44.511 43.428 7.79 129.86 240 352 0.882 1.000 bicubic -47.231 -48.094 -40.249 -40.582 +36 -37
105 twins_pcpvt_large mixer_b16_224_miil 34.111 36.271 65.888 63.729 54.128 55.971 45.872 44.029 60.99 59.88 224 0.900 0.875 bicubic bilinear -49.029 -46.031 -42.470 -39.743 -18 +51
106 tf_efficientnet_b4 tresnet_m 34.064 36.271 65.936 63.729 54.198 55.802 45.802 44.198 19.34 31.39 380 224 0.922 0.875 bicubic bilinear -48.958 -46.805 -42.102 -40.324 -13 +16
107 ssl_resnext101_32x8d tf_efficientnet_b2_ns 34.017 36.139 65.983 63.861 55.601 57.515 44.399 42.485 88.79 9.11 224 260 0.875 0.890 bilinear bicubic -47.599 -46.251 -40.437 -38.725 +24 +42
108 nfnet_l0 ecaresnet101d 34.002 36.014 65.999 63.986 54.365 56.199 45.635 43.801 35.07 44.57 288 224 1.000 0.875 bicubic -48.748 -46.158 -42.151 -39.855 -10 +55
109 tf_efficientnet_b6 dm_nfnet_f2 33.998 35.990 66.002 64.010 54.544 55.495 45.456 44.505 43.04 193.78 528 352 0.942 0.920 bicubic -50.112 -49.056 -42.342 -41.743 -50 -62
110 efficientnet_b3_pruned resnest200e 33.996 35.939 66.004 64.061 54.108 55.873 45.892 44.127 9.86 70.20 300 320 0.904 0.909 bicubic -46.862 -47.909 -41.134 -41.017 +52 -18
111 regnety_160 swsl_resnet18 33.976 35.852 66.024 64.147 53.546 58.462 46.454 41.538 83.59 11.69 288 224 1.000 0.875 bicubic bilinear -49.710 -37.429 -43.230 -33.295 -37 +376
112 pit_s_distilled_224 eca_nfnet_l1 33.939 35.835 66.061 64.165 53.265 55.965 46.735 44.035 24.04 41.41 224 320 0.900 1.000 bicubic -48.057 -48.197 -42.533 -41.067 +10 -25
113 resnetv2_50x3_bitm xcit_small_24_p8_224 33.658 35.542 66.342 64.458 55.882 54.774 44.118 45.226 217.32 47.63 448 224 1.000 bilinear bicubic -50.356 -48.304 -41.242 -41.858 -49 -20
114 resnet51q vit_small_patch16_384 33.563 35.515 66.437 64.485 53.021 57.549 46.979 42.451 35.70 22.20 288 384 1.000 bilinear bicubic -48.797 -48.279 -43.159 -39.559 -7 -16
115 regnety_032 xcit_small_12_p8_224 33.412 35.509 66.588 64.491 52.754 55.489 47.246 44.511 19.44 26.21 288 224 1.000 bicubic -49.312 -47.837 -43.670 -40.987 -16 -1
116 gernet_l xcit_large_24_p16_224 33.357 35.491 66.643 64.509 51.901 54.764 48.099 45.236 31.08 189.10 256 224 0.875 1.000 bilinear bicubic -47.997 -47.407 -43.635 -41.118 +26 +11
117 tresnet_xl xcit_medium_24_p8_224 33.257 35.424 66.743 64.576 52.294 54.843 47.706 45.157 78.44 84.32 224 0.875 1.000 bilinear bicubic -48.797 -48.312 -43.642 -41.543 +3 -17
118 resnest50d_1s4x24d resnest101e 33.147 35.397 66.853 64.603 52.839 55.802 47.161 44.198 25.68 48.28 224 256 0.875 bicubic bilinear -47.841 -47.479 -42.483 -40.510 +38 +10
119 twins_pcpvt_base convit_base 33.021 35.318 66.979 64.682 52.485 54.943 47.515 45.057 43.83 86.54 224 0.900 0.875 bicubic -49.687 -46.974 -43.861 -40.991 -19 +39
120 rexnet_200 xcit_tiny_24_p8_224_dist 32.987 35.253 67.013 64.747 52.939 55.287 47.061 44.713 16.37 12.11 224 0.875 1.000 bicubic -48.645 -47.323 -42.729 -40.893 +10 +20
121 resnest50d twins_svt_large 32.972 35.108 67.028 64.892 52.713 54.729 47.287 45.271 27.48 99.27 224 0.875 0.900 bilinear bicubic -48.002 -48.576 -42.665 -41.881 +36 -18
122 tf_efficientnetv2_s repvgg_b3g4 32.915 35.069 67.085 64.931 51.726 54.772 48.274 45.228 21.46 83.83 384 224 1.000 0.875 bicubic bilinear -50.979 -45.150 -44.972 -40.332 -55 +136
123 convit_small repvgg_b3 32.913 35.041 67.087 64.959 52.123 54.562 47.877 45.438 27.78 123.09 224 0.875 bicubic bilinear -48.513 -45.475 -43.621 -40.702 +15 +111
124 vit_small_patch16_224 dm_nfnet_f1 32.885 34.990 67.115 65.010 53.923 54.108 46.077 45.892 22.05 132.63 224 320 0.900 0.910 bicubic -48.517 -49.634 -42.211 -42.988 +15 -62
125 tf_efficientnet_b3 xcit_tiny_24_p8_384_dist 32.860 34.925 67.140 65.075 52.950 55.153 47.050 44.847 12.23 12.11 300 384 0.904 1.000 bicubic -48.776 -48.839 -42.768 -41.551 +4 -26
126 pnasnet5large resnet101d 32.848 34.870 67.152 65.130 50.500 54.216 49.500 45.784 86.06 44.57 331 320 0.911 1.000 bicubic -49.934 -48.154 -45.540 -42.240 -29 -1
127 twins_svt_base resmlp_big_24_distilled_224 32.836 34.780 67.164 65.220 51.559 54.641 48.441 45.359 56.07 129.14 224 0.900 0.875 bicubic -50.300 -48.816 -44.859 -42.016 -39 -22
128 nasnetalarge vit_large_patch32_384 32.775 34.693 67.225 65.307 50.141 55.723 49.859 44.277 88.75 306.63 331 384 0.911 1.000 bicubic -49.845 -46.813 -45.906 -40.363 -26 +56
129 gernet_m dm_nfnet_f0 32.740 34.630 67.260 65.370 51.913 54.676 48.087 45.324 21.14 71.49 224 256 0.875 0.900 bilinear bicubic -47.992 -48.754 -43.271 -41.904 +37 -19
130 inception_resnet_v2 ssl_resnext101_32x16d 32.738 34.593 67.262 65.407 50.648 55.949 49.352 44.051 55.84 194.03 299 224 0.897 0.875 bicubic bilinear -47.720 -47.251 -44.658 -40.141 +48 +43
131 gluon_resnet152_v1d resnetv2_101 32.734 34.587 67.266 65.413 51.088 53.155 48.912 46.845 60.21 44.54 224 0.875 0.950 bicubic -47.740 -47.445 -44.118 -42.709 +45 +36
132 pit_b_224 repvgg_b2g4 32.718 34.581 67.282 65.419 49.852 54.809 50.148 45.191 73.76 61.76 224 0.900 0.875 bicubic bilinear -49.728 -44.799 -45.858 -39.885 -27 +172
133 tf_efficientnet_b2_ap resnetrs152 32.681 34.377 67.319 65.623 52.239 53.568 47.761 46.432 9.11 86.62 260 320 0.890 1.000 bicubic -47.619 -49.333 -42.979 -43.042 +53 -32
134 tresnet_l resnest50d_4s2x40d 32.559 34.367 67.441 65.633 51.139 54.731 48.861 45.269 55.99 30.42 224 0.875 bilinear bicubic -48.931 -46.753 -44.485 -40.829 +2 +71
135 cait_xxs36_384 crossvit_18_dagger_408 32.549 34.245 67.451 65.755 52.233 53.086 47.767 46.914 17.37 44.61 384 408 1.000 bicubic -49.645 -49.939 -43.915 -43.736 -19 -57
136 wide_resnet50_2 xcit_medium_24_p16_224 32.439 34.218 67.561 65.782 51.459 53.184 48.541 46.816 68.88 84.40 224 0.875 1.000 bicubic -49.017 -48.408 -44.073 -42.792 +1 0
137 ens_adv_inception_resnet_v2 efficientnetv2_rw_t 32.370 34.153 67.629 65.847 50.427 53.151 49.573 46.849 55.84 13.65 299 288 0.897 1.000 bicubic -47.611 -48.185 -44.511 -43.043 +64 +15
138 deit_base_patch16_224 tf_efficientnet_b1_ns 32.363 34.114 67.637 65.886 51.011 55.460 48.989 44.540 86.57 7.79 224 240 0.900 0.882 bicubic -49.635 -47.270 -44.723 -40.278 -17 +54
139 swin_small_patch4_window7_224 twins_pcpvt_large 32.341 34.090 67.659 65.910 50.905 54.128 49.095 45.872 49.61 60.99 224 0.900 bicubic -50.871 -49.048 -45.417 -42.480 -53 -21
140 gluon_resnet152_v1s tf_efficientnet_b4 32.331 34.064 67.669 65.936 50.526 54.202 49.474 45.798 60.32 19.34 224 380 0.875 0.922 bicubic -48.685 -48.966 -44.886 -42.096 +15 -16
141 deit_small_distilled_patch16_224 ssl_resnext101_32x8d 32.284 34.060 67.716 65.940 52.102 55.603 47.898 44.397 22.44 88.79 224 0.900 0.875 bicubic bilinear -48.916 -47.540 -43.276 -40.443 +7 +39
142 gluon_seresnext101_64x4d tf_efficientnet_b6 32.205 34.043 67.795 65.957 50.319 54.562 49.681 45.438 88.23 43.04 224 528 0.875 0.942 bicubic -48.689 -50.069 -44.989 -42.326 +19 -61
143 coat_lite_small efficientnet_b3_pruned 32.127 34.017 67.873 65.983 49.934 54.124 50.066 45.876 19.84 9.86 224 300 0.900 0.904 bicubic -50.181 -46.841 -45.916 -41.116 -33 +78
144 gluon_seresnext101_32x4d nfnet_l0 32.107 34.011 67.893 65.989 51.237 54.383 48.763 45.617 48.96 35.07 224 288 0.875 1.000 bicubic -48.797 -48.741 -44.057 -42.133 +16 -13
145 deit_base_patch16_384 xcit_small_24_p16_224 31.989 34.009 68.011 65.991 50.547 53.294 49.453 46.706 86.86 47.67 384 224 1.000 bicubic -51.117 -48.569 -45.825 -42.706 -56 -6
146 seresnext50_32x4d regnety_160 31.985 33.978 68.015 66.022 51.231 53.558 48.769 46.442 27.56 83.59 224 288 0.875 1.000 bicubic -49.281 -49.724 -44.389 -43.224 0 -44
147 levit_384 gc_efficientnetv2_rw_t 31.877 33.952 68.123 66.048 50.598 53.228 49.402 46.772 39.13 13.68 224 288 0.900 1.000 bicubic -50.709 -48.526 -45.418 -43.068 -44 -2
148 resnetrs101 pit_s_distilled_224 31.858 33.948 68.142 66.052 51.017 53.247 48.983 46.753 63.62 24.04 288 224 0.940 0.900 bicubic -50.430 -48.046 -44.991 -42.553 -35 +20
149 cspresnext50 xcit_small_12_p16_224 31.822 33.776 68.178 66.225 51.602 53.230 48.398 46.770 20.57 26.25 224 0.875 1.000 bilinear bicubic -48.218 -48.200 -43.342 -42.588 +50 +21
150 tnt_s_patch16_224 resnetv2_50x3_bitm 31.643 33.695 68.357 66.305 51.143 55.922 48.857 44.078 23.76 217.32 224 448 0.900 1.000 bicubic bilinear -49.875 -50.289 -44.605 -41.208 -17 -62
151 eca_nfnet_l0 resnet51q 31.612 33.585 68.388 66.415 51.612 53.029 48.388 46.971 24.14 35.70 288 1.000 bicubic bilinear -50.968 -48.783 -44.878 -43.147 -47 -1
152 resnetv2_50x1_bit_distilled xcit_tiny_24_p16_384_dist 31.584 33.530 68.416 66.470 51.263 52.776 48.737 47.224 25.55 12.12 224 384 0.875 1.000 bicubic -51.234 -49.038 -45.259 -43.518 -56 -11
153 resnet50 convmixer_1536_20 31.547 33.447 68.453 66.553 50.170 53.041 49.830 46.959 25.56 51.63 224 0.875 0.960 bicubic -47.491 -47.929 -44.220 -42.569 +102 +40
154 ssl_resnext101_32x4d regnety_032 31.423 33.406 68.577 66.594 52.121 52.803 47.879 47.197 44.18 19.44 224 288 0.875 1.000 bilinear bicubic -49.501 -49.316 -43.607 -43.629 +5 -22
155 inception_v4 crossvit_18_240 31.378 33.398 68.622 66.602 49.244 52.257 50.756 47.743 42.68 43.27 299 240 0.875 bicubic -48.790 -48.996 -45.724 -43.805 +39 -8
156 rexnet_150 gernet_l 31.366 33.380 68.634 66.620 51.288 51.919 48.712 48.081 9.73 31.08 224 256 0.875 bicubic bilinear -48.944 -47.966 -43.878 -43.617 +28 +39
157 pit_s_224 crossvit_15_dagger_408 31.333 33.331 68.667 66.669 49.661 52.224 50.339 47.776 23.46 28.50 224 408 0.900 1.000 bicubic -49.761 -50.495 -45.671 -44.562 -5 -61
158 cait_xxs36_224 crossvit_18_dagger_240 31.278 33.282 68.722 66.718 50.616 52.210 49.384 47.790 17.30 44.27 224 240 1.000 0.875 bicubic -48.472 -49.224 -44.250 -43.862 +58 -14
159 cspresnet50 tresnet_xl 31.270 33.274 68.730 66.726 51.223 52.308 48.777 47.692 21.62 78.44 256 224 0.887 0.875 bilinear -48.304 -48.784 -43.489 -43.624 +65 +7
160 coat_mini jx_nest_base 31.203 33.219 68.797 66.781 49.773 51.823 50.227 48.177 10.34 67.72 224 0.900 0.875 bicubic -50.065 -50.335 -45.619 -44.541 -15 -54
161 ecaresnetlight resnest50d_1s4x24d 31.121 33.157 68.879 66.844 50.243 52.852 49.757 47.148 30.16 25.68 224 0.875 bicubic -49.341 -47.843 -45.007 -42.474 +16 +51
162 gluon_resnet101_v1s resnet61q 31.115 33.123 68.885 66.877 49.793 51.756 50.207 48.244 44.67 36.85 224 288 0.875 1.000 bicubic -49.187 -49.399 -45.367 -44.378 +23 -20
163 tf_efficientnet_cc_b0_8e jx_nest_small 31.087 33.046 68.913 66.954 50.761 51.062 49.239 48.938 24.01 38.35 224 0.875 bicubic -46.821 -50.072 -42.892 -45.270 +141 -43
164 resmlp_36_distilled_224 crossvit_base_240 31.070 33.041 68.930 66.960 49.683 51.384 50.317 48.616 44.69 105.03 224 240 0.875 bicubic -50.090 -49.166 -45.805 -44.444 -14 -3
165 ecaresnet50d twins_pcpvt_base 31.058 33.031 68.942 66.969 50.848 52.491 49.152 47.509 25.58 43.83 224 0.875 0.900 bicubic -49.534 -49.681 -44.472 -43.857 +6 -32
166 ecaresnet50t xcit_tiny_24_p16_224_dist 31.058 33.013 68.942 66.987 50.577 52.068 49.423 47.932 25.57 12.12 320 224 0.950 1.000 bicubic -51.288 -47.449 -45.561 -43.140 -58 +72
167 resnet50d rexnet_200 31.020 32.984 68.980 67.016 49.808 52.945 50.192 47.055 25.58 16.37 224 0.875 bicubic -49.510 -48.642 -45.352 -42.727 +5 +12
168 cspdarknet53 resnest50d 31.018 32.974 68.981 67.026 50.390 52.715 49.610 47.285 27.64 27.48 256 224 0.887 0.875 bilinear -49.040 -47.988 -44.694 -42.663 +30 +46
169 gluon_resnet152_v1c convit_small 30.991 32.928 69.009 67.072 48.924 52.098 51.076 47.902 60.21 27.78 224 0.875 bicubic -48.919 -48.483 -45.916 -43.648 +35 +20
170 gluon_resnext101_64x4d tf_efficientnetv2_s 30.987 32.909 69.013 67.091 48.549 51.760 51.451 48.240 83.46 21.46 224 384 0.875 1.000 bicubic -49.617 -50.989 -46.439 -44.938 0 -80
171 twins_svt_small crossvit_15_dagger_240 30.985 32.895 69.015 67.105 49.223 51.768 50.777 48.232 24.06 28.21 224 240 0.900 0.875 bicubic -50.697 -49.415 -46.447 -44.194 -43 -17
172 resmlp_24_distilled_224 vit_small_patch16_224 30.901 32.877 69.099 67.123 50.178 53.949 49.822 46.051 30.02 22.05 224 0.875 0.900 bicubic -49.865 -48.509 -45.040 -42.181 -7 +19
173 tf_efficientnet_cc_b1_8e pnasnet5large 30.899 32.848 69.101 67.152 50.080 50.518 49.920 49.482 39.72 86.06 240 331 0.882 0.911 bicubic -48.409 -49.950 -44.290 -45.516 +63 -43
174 ecaresnet101d_pruned twins_svt_base 30.897 32.838 69.103 67.162 50.013 51.559 49.987 48.441 24.88 56.07 224 0.875 0.900 bicubic -49.921 -50.286 -45.615 -44.869 -11 -55
175 gluon_resnext101_32x4d tf_efficientnet_b3 30.877 32.834 69.123 67.166 48.537 52.955 51.463 47.045 44.18 12.23 224 300 0.875 0.904 bicubic -49.457 -48.812 -46.389 -42.765 +7 +3
176 tf_efficientnetv2_b3 regnetz_c 30.861 32.809 69.139 67.191 49.814 53.756 50.186 46.244 14.36 13.46 300 320 0.904 0.940 bicubic -51.109 -49.707 -45.968 -42.604 -53 -33
177 tf_efficientnet_lite4 nasnetalarge 30.830 32.773 69.170 67.227 50.386 50.150 49.614 49.850 13.01 88.75 380 331 0.920 0.911 bilinear bicubic -50.706 -49.863 -45.282 -45.900 -45 -42
178 nf_resnet50 gernet_m 30.702 32.754 69.298 67.246 49.958 51.917 50.042 48.083 25.56 21.14 288 224 0.940 0.875 bicubic bilinear -49.958 -47.972 -45.378 -43.261 -10 +48
179 dpn107 gluon_resnet152_v1d 30.678 32.754 69.322 67.246 48.810 51.080 51.190 48.920 86.92 60.21 224 0.875 bicubic -49.478 -47.722 -46.100 -44.122 +16 +57
180 ese_vovnet39b inception_resnet_v2 30.657 32.746 69.343 67.254 49.875 50.642 50.125 49.358 24.57 55.84 224 299 0.875 0.897 bicubic -48.663 -47.702 -44.837 -44.666 +54 +60
181 gluon_resnet152_v1b pit_b_224 30.623 32.710 69.376 67.290 48.521 49.832 51.479 50.168 60.19 73.76 224 0.875 0.900 bicubic -49.063 -49.734 -46.215 -45.880 +39 -35
182 tresnet_xl_448 tf_efficientnet_b2_ap 30.614 32.669 69.386 67.331 49.069 52.249 50.931 47.751 78.44 9.11 448 260 0.875 0.890 bilinear bicubic -52.436 -47.637 -47.105 -42.783 -91 +67
183 ssl_resnext50_32x4d cait_xxs36_384 30.594 32.569 69.406 67.431 50.657 52.218 49.343 47.782 25.03 17.37 224 384 0.875 1.000 bilinear bicubic -49.724 -49.621 -44.749 -43.942 0 -21
184 gluon_resnet101_v1d tresnet_l 30.523 32.561 69.477 67.439 47.950 51.147 52.050 48.853 44.57 55.99 224 0.875 bicubic bilinear -49.891 -48.923 -47.064 -44.473 -5 +2
185 dpn68b wide_resnet50_2 30.517 32.480 69.483 67.519 49.158 51.467 50.842 48.533 12.61 68.88 224 0.875 bicubic -48.699 -48.970 -45.256 -44.051 +61 +2
186 resnest26d gmlp_s16_224 30.490 32.404 69.510 67.596 50.677 51.832 49.323 48.168 17.07 19.42 224 0.875 bilinear bicubic -47.988 -47.238 -43.621 -42.790 +88 +107
187 efficientnet_b2 deit_base_patch16_224 30.435 32.367 69.565 67.633 49.698 51.031 50.302 48.969 9.11 86.57 288 224 1.000 0.900 bicubic -50.177 -49.617 -45.620 -44.711 -18
188 tf_efficientnet_b1_ap ens_adv_inception_resnet_v2 30.421 32.367 69.579 67.633 49.553 50.431 50.447 49.569 7.79 55.84 240 299 0.882 0.897 bicubic -48.859 -47.612 -44.753 -44.505 +54 +82
189 twins_pcpvt_small swin_small_patch4_window7_224 30.382 32.355 69.618 67.645 49.386 50.931 50.614 49.069 24.11 49.61 224 0.900 bicubic -50.706 -50.871 -46.256 -45.399 -36 -73
190 visformer_small gluon_resnet152_v1s 30.329 32.335 69.671 67.665 48.285 50.528 51.715 49.472 40.22 60.32 224 0.900 0.875 bicubic -51.777 -48.685 -47.587 -44.894 -71 +21
191 pit_xs_distilled_224 deit_small_distilled_patch16_224 30.278 32.290 69.722 67.710 49.836 52.109 50.164 47.891 11.00 22.44 224 0.900 bicubic -49.028 -48.912 -44.528 -43.268 +47 +11
192 seresnet50 xcit_tiny_24_p8_224 30.077 32.270 69.923 67.730 49.292 51.913 50.708 48.087 28.09 12.11 224 0.875 1.000 bicubic -50.197 -49.624 -45.778 -44.071 -4 -20
193 dpn98 gluon_seresnext101_64x4d 30.067 32.207 69.933 67.793 48.244 50.331 51.756 49.669 61.57 88.23 224 0.875 bicubic -49.575 -48.663 -46.354 -44.975 +29 +27
194 tf_efficientnet_b2 coat_lite_small 30.026 32.135 69.974 67.865 49.581 49.946 50.419 50.054 9.11 19.84 260 224 0.890 0.900 bicubic -50.060 -50.167 -45.328 -45.914 +3 -39
195 dpn131 gluon_seresnext101_32x4d 30.024 32.115 69.976 67.885 48.146 51.227 51.854 48.773 79.25 48.96 224 0.875 bicubic -49.798 -48.761 -46.564 -44.065 +17 +24
196 efficientnet_el seresnext50_32x4d 30.018 32.001 69.982 67.999 48.834 51.245 51.166 48.755 10.59 27.56 300 224 0.904 0.875 bicubic -51.298 -49.267 -46.692 -44.381 -53 +3
197 legacy_senet154 deit_base_patch16_384 30.001 31.987 69.999 68.013 48.034 50.557 51.966 49.443 115.09 86.86 224 384 0.875 1.000 bilinear bicubic -51.309 -51.119 -47.462 -45.819 -53 -76
198 dpn92 xcit_tiny_12_p8_224_dist 29.953 31.952 70.047 68.048 49.162 51.434 50.838 48.566 37.67 6.71 224 0.875 1.000 bicubic -50.055 -49.262 -45.674 -44.173 +2 +3
199 resnetv2_101x1_bitm levit_384 29.898 31.879 70.102 68.121 51.121 50.610 48.879 49.390 44.54 39.13 448 224 1.000 0.900 bilinear bicubic -52.434 -50.713 -45.397 -45.404 -90 -61
200 gluon_senet154 resnetrs101 29.877 31.856 70.123 68.144 47.894 51.019 52.106 48.981 115.09 63.62 224 288 0.875 0.940 bicubic -51.357 -50.438 -47.454 -44.983 -53 -43
201 xception cspresnext50 29.865 31.820 70.135 68.180 48.686 51.616 51.314 48.384 22.86 20.57 299 224 0.897 0.875 bicubic bilinear -49.187 -48.232 -45.706 -43.334 +53 +66
202 adv_inception_v3 tnt_s_patch16_224 29.816 31.632 70.184 68.368 47.847 51.156 52.153 48.844 23.83 23.76 299 224 0.875 0.900 bicubic -47.766 -49.882 -45.889 -44.588 +112 -19
203 gluon_xception65 eca_nfnet_l0 29.784 31.614 70.216 68.386 47.755 51.606 52.245 48.394 39.92 24.14 299 288 0.903 1.000 bicubic -49.932 -50.978 -47.105 -44.880 +16 -66
204 resmlp_36_224 resnetv2_50x1_bit_distilled 29.692 31.610 70.308 68.390 48.969 51.304 51.031 48.696 44.69 25.55 224 0.875 bicubic -50.078 -51.212 -45.917 -45.220 +10 -75
205 resnetblur50 ssl_resnext101_32x4d 29.625 31.461 70.375 68.539 48.248 52.137 51.752 47.863 25.56 44.18 224 0.875 bicubic bilinear -49.661 -49.461 -46.390 -43.593 +36 +13
206 efficientnet_em inception_v4 29.486 31.378 70.514 68.622 48.946 49.240 51.054 50.760 6.90 42.68 240 299 0.882 0.875 bicubic -49.766 -48.766 -45.848 -45.732 +37 +56
207 resnext101_32x8d rexnet_150 29.439 31.374 70.561 68.626 48.486 51.294 51.514 48.706 88.79 9.73 224 0.875 bilinear bicubic -49.869 -48.936 -46.032 -43.866 +28 +41
208 coat_lite_mini pit_s_224 29.433 31.331 70.567 68.669 47.724 49.693 52.276 50.307 11.01 23.46 224 0.900 bicubic -49.655 -49.769 -46.880 -45.642 +42 -1
209 ssl_resnet50 crossvit_15_240 29.423 31.313 70.577 68.687 49.781 50.192 50.219 49.808 25.56 27.53 224 240 0.875 bilinear bicubic -49.799 -50.213 -45.051 -45.502 +35 -27
210 deit_small_patch16_224 cait_xxs36_224 29.421 31.276 70.579 68.724 48.256 50.616 51.744 49.384 22.05 17.30 224 0.900 1.000 bicubic -50.435 -48.486 -46.796 -44.252 -2 +75
211 nf_regnet_b1 crossvit_small_240 29.390 31.274 70.611 68.726 49.425 50.201 50.575 49.799 10.22 26.86 288 240 0.900 0.875 bicubic -49.903 -49.756 -45.323 -45.265 +29 -1
212 cait_xxs24_384 cspresnet50 29.387 31.254 70.612 68.746 48.753 51.235 51.247 48.765 12.03 21.62 384 256 1.000 0.887 bicubic bilinear -51.578 -48.322 -46.893 -43.467 -54 +82
213 swin_tiny_patch4_window7_224 convmixer_768_32 29.334 31.254 70.666 68.746 47.602 50.958 52.398 49.042 28.29 21.11 224 0.900 0.960 bicubic -52.044 -48.906 -47.938 -44.116 -72 +49
214 resnext50_32x4d coat_mini 29.331 31.213 70.669 68.787 47.397 49.793 52.603 50.207 25.03 10.34 224 0.875 0.900 bicubic -50.438 -50.069 -47.201 -45.601 +1 -16
215 resnet34d xcit_tiny_12_p8_384_dist 29.328 31.166 70.671 68.834 48.409 50.524 51.591 49.476 21.82 6.71 224 384 0.875 1.000 bicubic -47.788 -51.226 -44.973 -45.694 +113 -67
216 cait_xxs24_224 gluon_resnet101_v1s 29.303 31.152 70.697 68.848 48.535 49.828 51.465 50.172 11.96 44.67 224 1.000 0.875 bicubic -49.083 -49.130 -45.775 -45.334 +65 +36
217 ecaresnet50d_pruned ecaresnetlight 29.215 31.138 70.785 68.862 48.453 50.262 51.547 49.738 19.94 30.16 224 0.875 bicubic -50.501 -49.316 -46.427 -44.990 +1 +22
218 tresnet_l_448 resmlp_36_distilled_224 29.165 31.091 70.835 68.909 47.232 49.694 52.768 50.306 55.99 44.69 448 224 0.875 bilinear bicubic -53.103 -50.063 -48.744 -45.802 -104 -15
219 gluon_inception_v3 ecaresnet50d 29.122 31.083 70.878 68.917 46.957 50.858 53.043 49.142 23.83 25.58 299 224 0.875 bicubic -49.684 -49.537 -47.413 -44.450 +42 +11
220 xception71 tf_efficientnet_cc_b0_8e 29.047 31.083 70.953 68.917 47.405 50.771 52.595 49.229 42.34 24.01 299 224 0.903 0.875 bicubic -50.826 -46.825 -47.517 -42.885 -13 +163
221 hrnet_w64 ecaresnet50t 28.989 31.066 71.011 68.934 47.142 50.596 52.858 49.404 128.06 25.57 224 320 0.875 0.950 bilinear bicubic -50.485 -51.298 -47.510 -45.546 +7 -70
222 tf_efficientnet_b0_ns resnet50d 28.902 31.038 71.098 68.962 49.011 49.844 50.989 50.156 5.29 25.58 224 0.875 bicubic -49.756 -49.500 -45.365 -45.316 +46 +11
223 xception65 gluon_resnet152_v1c 28.896 31.017 71.104 68.984 47.167 48.940 52.833 51.060 39.92 60.21 299 224 0.903 0.875 bicubic -50.656 -48.895 -47.487 -45.912 +2 +49
224 tf_efficientnet_b1 cspdarknet53 28.886 31.015 71.114 68.985 47.503 50.414 52.497 49.586 7.79 27.64 240 256 0.882 0.887 bicubic bilinear -49.940 -49.035 -46.695 -44.678 +36 +44
225 gluon_resnet101_v1b gcresnet50t 28.878 31.015 71.121 68.985 46.389 50.131 53.611 49.869 44.55 25.90 224 256 0.875 0.900 bicubic -50.427 -49.923 -48.135 -45.309 +12 -8
226 vit_small_patch32_384 gluon_resnext101_64x4d 28.871 31.003 71.129 68.997 48.887 48.559 51.113 51.441 22.92 83.46 384 224 1.000 0.875 bicubic -51.609 -49.623 -46.711 -46.443 -52 +3
227 skresnext50_32x4d twins_svt_small 28.818 31.001 71.182 68.999 46.497 49.237 53.503 50.763 27.48 24.06 224 0.875 0.900 bicubic -51.338 -50.681 -48.145 -46.441 -31 -50
228 levit_256 ecaresnet101d_pruned 28.745 30.908 71.255 69.092 46.723 50.017 53.277 49.983 18.89 24.88 224 0.900 0.875 bicubic -52.765 -49.904 -48.767 -45.623 -94 -6
229 tf_efficientnet_lite3 resmlp_24_distilled_224 28.660 30.889 71.340 69.111 47.354 50.184 52.646 49.816 8.20 30.02 300 224 0.904 0.875 bilinear bicubic -51.160 -49.871 -47.560 -45.036 -16 -5
230 gluon_seresnext50_32x4d tf_efficientnet_cc_b1_8e 28.651 30.887 71.349 69.113 46.436 50.076 53.564 49.924 27.56 39.72 224 240 0.875 0.882 bicubic -51.267 -48.439 -48.386 -44.292 -28 +76
231 skresnet34 gluon_resnext101_32x4d 28.645 30.885 71.355 69.115 47.953 48.563 52.047 51.437 22.28 44.18 224 0.875 bicubic -48.267 -49.453 -45.369 -46.345 +105 +16
232 hrnet_w40 tf_efficientnetv2_b3 28.641 30.873 71.359 69.127 47.454 49.808 52.546 50.192 57.56 14.36 224 300 0.875 0.904 bilinear bicubic -50.279 -51.081 -47.016 -45.976 +25 -61
233 tf_efficientnetv2_b0 tf_efficientnet_lite4 28.566 30.840 71.434 69.160 47.079 50.400 52.921 49.600 7.14 13.01 224 380 0.875 0.920 bicubic bilinear -49.790 -50.700 -46.945 -45.260 +51 -52
234 tv_resnet152 nf_resnet50 28.533 30.730 71.467 69.270 47.118 49.968 52.882 50.032 60.19 25.56 224 288 0.875 0.940 bilinear bicubic -49.779 -49.926 -46.920 -45.368 +51 -6
235 repvgg_b2 ese_vovnet39b 28.427 30.696 71.573 69.304 47.038 49.879 52.962 50.121 89.02 24.57 224 0.875 bilinear bicubic -50.365 -48.608 -47.376 -44.845 +28 +74
236 hrnet_w48 dpn107 28.413 30.671 71.587 69.329 47.586 48.828 52.414 51.172 77.47 86.92 224 0.875 bilinear bicubic -50.887 -49.501 -46.926 -46.076 +3 +24
237 gluon_resnext50_32x4d xcit_tiny_24_p16_224 28.375 30.671 71.624 69.329 45.328 50.386 54.672 49.614 25.03 12.12 224 0.875 1.000 bicubic -50.978 -48.781 -49.098 -44.502 -4 +64
238 efficientnet_b2_pruned tresnet_xl_448 28.362 30.625 71.638 69.374 47.051 49.075 52.949 50.925 8.31 78.44 260 448 0.890 0.875 bicubic bilinear -51.554 -52.430 -47.805 -47.109 -35 -115
239 tf_efficientnet_b0_ap gluon_resnet152_v1b 28.346 30.622 71.654 69.379 47.531 48.523 52.469 51.477 5.29 60.19 224 0.875 bicubic -48.740 -49.059 -45.725 -46.213 +91 +51
240 tf_efficientnet_cc_b0_4e haloregnetz_b 28.315 30.614 71.685 69.386 47.364 48.999 52.636 51.001 13.31 11.68 224 0.875 0.940 bicubic -48.991 -50.428 -45.970 -46.201 +83 -32
241 dla102x2 ssl_resnext50_32x4d 28.313 30.596 71.687 69.404 46.761 50.687 53.239 49.313 41.28 25.03 224 0.875 bilinear -51.135 -49.706 -47.879 -44.731 -11 +9
242 dla169 gluon_resnet101_v1d 28.313 30.531 71.687 69.469 47.391 47.977 52.609 52.023 53.39 44.57 224 0.875 bilinear bicubic -50.375 -49.873 -46.945 -47.047 +24 0
243 mixnet_xl dpn68b 28.287 30.521 71.713 69.479 46.702 49.136 53.298 50.864 11.90 12.61 224 0.875 bicubic -52.189 -48.695 -48.234 -45.286 -68 +76
244 gluon_resnet50_v1d resnest26d 28.246 30.496 71.754 69.504 45.878 50.665 54.122 49.335 25.58 17.07 224 0.875 bicubic bilinear -50.828 -47.982 -48.592 -43.631 +8 +107
245 wide_resnet101_2 efficientnet_b2 28.108 30.445 71.892 69.555 46.401 49.698 53.599 50.302 126.89 9.11 224 288 0.875 1.000 bilinear bicubic -50.748 -50.165 -47.881 -45.618 +14 -14
246 gluon_resnet101_v1c tf_efficientnet_b1_ap 28.104 30.419 71.896 69.581 45.961 49.555 54.039 50.445 44.57 7.79 224 240 0.875 0.882 bicubic -51.430 -48.855 -48.617 -44.747 -20 +68
247 regnetx_320 resnetv2_50 28.093 30.409 71.907 69.591 45.126 48.844 54.874 51.156 107.81 25.55 224 0.875 0.950 bicubic -52.153 -49.997 -49.900 -46.236 -57 -6
248 densenet161 xcit_tiny_12_p16_384_dist 28.081 30.392 71.919 69.608 46.641 50.127 53.359 49.873 28.68 6.72 224 384 0.875 1.000 bicubic -49.277 -50.552 -46.997 -45.287 +74 -32
249 regnety_320 twins_pcpvt_small 28.059 30.378 71.941 69.622 45.444 49.394 54.556 50.606 145.05 24.11 224 0.875 0.900 bicubic -52.753 -50.726 -49.800 -46.248 -85 -43
250 gernet_s visformer_small 28.022 30.337 71.978 69.663 46.723 48.303 53.277 51.697 8.17 40.22 224 0.875 0.900 bilinear bicubic -48.894 -51.759 -46.409 -47.575 +85 -85
251 levit_192 pit_xs_distilled_224 28.016 30.280 71.984 69.720 45.880 49.830 54.120 50.170 10.95 11.00 224 0.900 bicubic -51.826 -49.014 -48.906 -44.544 -41 +62
252 efficientnet_el_pruned convmixer_1024_20_ks9_p14 28.016 30.081 71.984 69.919 46.790 49.928 53.210 50.072 10.59 24.38 300 224 0.904 0.960 bicubic -52.284 -46.863 -48.238 -43.430 -64 +169
253 xception41 dpn98 27.888 30.065 72.112 69.935 45.890 48.252 54.110 51.748 26.97 61.57 299 224 0.903 0.875 bicubic -50.628 -49.589 -48.388 -46.352 +17 +39
254 regnetx_160 seresnet50 27.817 30.061 72.183 69.939 45.617 49.327 54.383 50.673 54.28 28.09 224 0.875 bicubic -52.039 -50.187 -49.213 -45.743 -45 0
255 tf_inception_v3 dpn131 27.780 30.036 72.220 69.964 45.721 48.144 54.279 51.856 23.83 79.25 299 224 0.875 bicubic -50.082 -49.798 -47.919 -46.568 +51 +24
256 res2net101_26w_4s efficientnet_el 27.768 30.028 72.232 69.972 45.179 48.840 54.821 51.160 45.21 10.59 224 300 0.875 0.904 bilinear bicubic -51.430 -51.278 -49.253 -46.696 -8 -59
257 tf_efficientnetv2_b1 tf_efficientnet_b2 27.760 30.020 72.240 69.980 46.578 49.592 53.422 50.408 8.14 9.11 240 260 0.882 0.890 bicubic -51.702 -50.048 -48.144 -45.312 -28 +9
258 repvgg_b1 xcit_tiny_12_p16_224_dist 27.656 29.999 72.344 70.001 46.531 49.681 53.469 50.319 57.42 6.72 224 0.875 1.000 bilinear bicubic -50.710 -48.581 -47.567 -44.523 +25 +88
259 hrnet_w44 legacy_senet154 27.621 29.989 72.379 70.011 45.837 48.056 54.163 51.944 67.06 115.09 224 0.875 bilinear -51.275 -51.337 -48.531 -47.450 -1 -63
260 inception_v3 dpn92 27.556 29.977 72.444 70.023 45.263 49.201 54.737 50.799 23.83 37.67 299 224 0.875 bicubic -49.882 -50.017 -48.211 -45.635 +59 +9
261 resmlp_24_224 resnetv2_101x1_bitm 27.521 29.922 72.479 70.078 45.696 51.129 54.304 48.871 30.02 44.54 224 448 0.875 1.000 bicubic bilinear -51.853 -52.408 -48.851 -45.399 -30 -108
262 pit_xs_224 xception 27.491 29.887 72.509 70.113 45.900 48.716 54.100 51.284 10.62 22.86 224 299 0.900 0.897 bicubic -50.691 -49.161 -48.268 -45.680 +28 +66
263 regnetx_080 gluon_senet154 27.405 29.881 72.595 70.119 45.002 47.885 54.998 52.115 39.57 115.09 224 0.875 bicubic -51.789 -51.343 -49.558 -47.467 -14 -63
264 hrnet_w30 adv_inception_v3 27.381 29.820 72.619 70.180 46.554 47.867 53.446 52.133 37.71 23.83 224 299 0.875 bilinear bicubic -50.825 -47.758 -47.668 -45.873 +25 +133
265 hrnet_w32 gluon_xception65 27.369 29.804 72.631 70.196 45.994 47.776 54.006 52.224 41.23 39.92 224 299 0.875 0.903 bilinear bicubic -51.081 -49.898 -48.192 -47.091 +11 +24
266 gluon_resnet50_v1s resmlp_36_224 27.326 29.710 72.674 70.290 45.222 48.981 54.778 51.019 25.68 44.69 224 0.875 bicubic -51.386 -50.066 -49.016 -45.905 -1 +18
267 densenet201 resnet50 27.265 29.649 72.735 70.351 46.222 46.753 53.778 53.247 20.01 25.56 224 0.875 0.950 bicubic -50.021 -50.733 -47.256 -47.841 +57 -23
268 densenetblur121d resnetblur50 27.228 29.613 72.772 70.386 46.299 48.260 53.701 51.740 8.00 25.56 224 0.875 bicubic -49.360 -49.686 -46.893 -46.270 +77 +42
269 regnety_064 jx_nest_tiny 27.220 29.555 72.780 70.445 44.847 46.992 55.153 53.008 30.58 17.06 224 0.875 bicubic -52.502 -51.879 -49.921 -48.628 -52 -81
270 efficientnet_b1_pruned efficientnet_em 27.181 29.482 72.819 70.518 45.872 48.944 54.128 51.056 6.33 6.90 240 0.882 bicubic -51.055 -49.778 -47.962 -45.848 +18 +45
271 tf_efficientnetv2_b2 gcresnext50ts 27.163 29.446 72.837 70.554 44.570 47.898 55.430 52.102 10.10 15.67 260 256 0.890 0.900 bicubic -53.045 -51.148 -50.472 -47.282 -78 -39
272 resnetrs50 resnext101_32x8d 27.110 29.437 72.890 70.563 45.029 48.510 54.971 51.490 35.69 88.79 224 0.910 0.875 bicubic bilinear -52.782 -49.875 -49.939 -46.013 -67 +36
273 rexnet_130 coat_lite_mini 27.094 29.427 72.906 70.573 45.933 47.727 54.067 52.273 7.56 11.01 224 0.875 0.900 bicubic -52.406 -49.673 -48.749 -46.875 -46 +51
274 res2net50_26w_8s ssl_resnet50 27.078 29.425 72.921 70.575 44.428 49.785 55.572 50.215 48.40 25.56 224 0.875 bilinear -52.119 -49.811 -49.940 -45.047 -27 +42
275 dla102x deit_small_patch16_224 27.061 29.413 72.939 70.587 45.475 48.260 54.525 51.740 26.31 22.05 224 0.875 0.900 bilinear bicubic -51.449 -50.453 -48.753 -46.796 -4 +2
276 gmixer_24_224 cait_xxs24_384 27.027 29.405 72.972 70.595 44.361 48.751 55.639 51.249 24.72 12.03 224 384 0.875 1.000 bicubic -51.008 -51.549 -49.303 -46.887 +20 -61
277 tv_resnet101 nf_regnet_b1 26.963 29.391 73.037 70.609 45.234 49.447 54.766 50.553 44.55 10.22 224 288 0.875 0.900 bilinear bicubic -50.411 -49.905 -48.306 -45.295 +44 +35
278 resnext50d_32x4d resnext50_32x4d 26.876 29.358 73.124 70.642 44.436 47.409 55.564 52.591 25.05 25.03 224 0.875 bicubic -52.800 -50.442 -50.430 -47.205 -57 +5
279 regnetx_120 swin_tiny_patch4_window7_224 26.868 29.342 73.132 70.658 44.682 47.621 55.318 52.379 46.11 28.29 224 0.875 0.900 bicubic -52.728 -52.044 -50.056 -47.915 -56 -89
280 rexnet_100 resnet34d 26.831 29.325 73.169 70.675 45.369 48.427 54.631 51.573 4.80 21.82 224 0.875 bicubic -51.027 -47.789 -48.501 -44.955 +27 +133
281 densenet169 cait_xxs24_224 26.829 29.305 73.171 70.695 45.373 48.535 54.627 51.465 14.15 11.96 224 0.875 1.000 bicubic -49.077 -49.071 -47.653 -45.781 +76 +80
282 legacy_seresnext101_32x4d ecaresnet50d_pruned 26.811 29.215 73.189 70.785 43.497 48.455 56.503 51.545 48.96 19.94 224 0.875 bilinear bicubic -53.417 -50.491 -51.521 -46.419 -91 +6
283 regnety_120 tresnet_l_448 26.788 29.179 73.212 70.821 44.454 47.244 55.546 52.756 51.82 55.99 224 448 0.875 bicubic bilinear -53.578 -53.083 -50.672 -48.736 -103 -124
284 regnetx_064 gluon_inception_v3 26.784 29.134 73.216 70.866 44.927 46.963 55.073 53.037 26.21 23.83 224 299 0.875 bicubic -52.288 -49.664 -49.531 -47.417 -31 +55
285 regnetx_032 eca_resnet33ts 26.703 29.097 73.297 70.903 45.236 48.814 54.764 51.186 15.30 19.68 224 256 0.875 0.900 bicubic -51.469 -50.999 -48.852 -46.160 +6 -21
286 legacy_seresnet152 xception71 26.676 29.053 73.324 70.947 43.947 47.443 56.053 52.557 66.82 42.34 224 299 0.875 0.903 bilinear bicubic -51.984 -50.831 -50.423 -47.489 -19 -12
287 densenet121 hrnet_w64 26.664 28.992 73.336 71.007 45.900 47.140 54.100 52.860 7.98 128.06 224 0.875 bicubic bilinear -48.914 -50.464 -46.752 -47.514 +74 +13
288 efficientnet_es regnetz_b 26.621 28.934 73.379 71.066 45.112 47.244 54.888 52.756 5.44 9.72 224 288 0.875 0.940 bicubic -51.445 -51.784 -48.814 -48.230 +7 -61
289 res2net50_26w_6s xcit_tiny_12_p8_224 26.595 28.934 73.405 71.066 43.990 47.543 56.010 52.457 37.05 6.71 224 0.875 1.000 bilinear bicubic -51.975 -50.776 -50.134 -47.515 -20 -2
290 repvgg_b1g4 tf_efficientnet_b0_ns 26.579 28.908 73.421 71.092 45.084 48.983 54.916 51.017 39.97 5.29 224 0.875 bilinear bicubic -51.015 -49.750 -48.742 -45.387 +23 +55
291 dla60x xception65 26.552 28.904 73.448 71.096 45.023 47.161 54.977 52.839 17.35 39.92 224 299 0.875 0.903 bilinear bicubic -51.694 -50.642 -48.995 -47.498 -5 +5
292 regnety_080 gluon_resnet101_v1b 26.524 28.894 73.476 71.106 44.359 46.395 55.641 53.605 39.18 44.55 224 0.875 bicubic -53.352 -50.406 -50.471 -48.241 -86 +19
293 coat_lite_tiny vit_small_patch32_384 26.507 28.871 73.493 71.129 44.644 48.912 55.356 51.088 5.72 22.92 224 384 0.900 1.000 bicubic -51.005 -51.615 -49.272 -46.686 +24 -59
294 tf_efficientnet_b0 tf_efficientnet_b1 26.485 28.871 73.515 71.129 45.646 47.513 54.354 52.487 5.29 7.79 224 240 0.875 0.882 bicubic -50.363 -49.965 -47.582 -46.681 +43 +44
295 res2net50_14w_8s skresnext50_32x4d 26.483 28.855 73.517 71.145 44.371 46.503 55.629 53.497 25.06 27.48 224 0.875 bilinear bicubic -51.667 -51.287 -49.477 -48.141 -3 -32
296 mobilenetv3_large_100_miil sehalonet33ts 26.481 28.768 73.519 71.231 44.473 46.576 55.527 53.424 5.48 13.69 224 256 0.875 0.940 bilinear bicubic -51.435 -52.213 -48.437 -48.696 +7 -83
297 gluon_resnet50_v1b levit_256 26.436 28.767 73.564 71.234 44.035 46.702 55.965 53.298 25.56 18.89 224 0.875 0.900 bicubic -51.144 -52.735 -49.681 -48.778 +18 -112
298 tf_efficientnet_el tf_efficientnet_lite3 26.357 28.668 73.643 71.332 44.175 47.368 55.825 52.632 10.59 8.20 300 0.904 bicubic bilinear -53.893 -51.152 -50.953 -47.542 -109 -16
299 levit_128 skresnet34 26.332 28.654 73.668 71.346 44.096 47.969 55.904 52.031 9.21 22.28 224 0.900 0.875 bicubic -52.154 -48.266 -49.914 -45.351 -27 +123
300 resmlp_big_24_224 gluon_seresnext50_32x4d 26.318 28.649 73.682 71.351 43.556 46.460 56.444 53.540 129.14 27.56 224 0.875 bicubic -54.710 -51.275 -51.466 -48.368 -146 -29
301 resmlp_12_distilled_224 hrnet_w40 26.314 28.631 73.686 71.369 44.874 47.460 55.126 52.540 15.35 57.56 224 0.875 bicubic bilinear -51.630 -50.295 -48.684 -47.018 +1 +32
302 regnetx_040 tf_efficientnetv2_b0 26.243 28.574 73.757 71.426 44.438 47.097 55.562 52.903 22.12 7.14 224 0.875 bicubic -52.239 -49.796 -49.806 -46.929 -29 +60
303 vit_small_patch32_224 tv_resnet152 26.151 28.539 73.849 71.461 45.104 47.134 54.896 52.866 22.88 60.19 224 0.900 0.875 bicubic bilinear -49.839 -49.783 -48.168 -46.910 +51 +60
304 dpn68 xcit_tiny_12_p16_224 26.129 28.529 73.871 71.471 44.228 47.419 55.772 52.581 12.61 6.72 224 0.875 1.000 bicubic -50.189 -48.591 -48.750 -46.299 +46 +108
305 efficientnet_b1 repvgg_b2 26.061 28.444 73.939 71.556 44.080 47.040 55.920 52.960 7.79 89.02 256 224 1.000 0.875 bicubic bilinear -52.733 -50.350 -50.262 -47.386 -43 +35
306 hrnet_w18 hrnet_w48 25.986 28.427 74.014 71.573 44.813 47.588 55.187 52.412 21.30 77.47 224 0.875 bilinear -50.772 -50.895 -48.631 -46.926 +33 +1
307 hardcorenas_f halonet50ts 25.951 28.397 74.049 71.603 44.220 45.827 55.780 54.173 8.20 22.73 224 256 0.875 0.940 bilinear bicubic -52.153 -52.953 -49.582 -49.457 -13 -113
308 regnety_040 gluon_resnext50_32x4d 25.923 28.383 74.077 71.617 43.848 45.356 56.152 54.644 20.65 25.03 224 0.875 bicubic -53.297 -50.981 -50.808 -49.068 -63 -3
309 resnet34 efficientnet_b2_pruned 25.888 28.362 74.112 71.638 43.982 47.055 56.018 52.945 21.80 8.31 224 260 0.875 0.890 bilinear bicubic -49.222 -51.544 -48.302 -47.799 +63 -36
310 res2net50_26w_4s tf_efficientnet_b0_ap 25.866 28.354 74.134 71.646 43.155 47.535 56.845 52.465 25.70 5.29 224 0.875 bilinear bicubic -52.098 -48.750 -50.699 -45.729 -9 +104
311 tresnet_m_448 seresnet33ts 25.852 28.352 74.148 71.648 42.874 47.761 57.126 52.239 31.39 19.78 448 256 0.875 0.900 bilinear bicubic -55.862 -52.020 -52.698 -47.353 -184 -66
312 coat_tiny dla169 25.843 28.344 74.157 71.656 43.276 47.393 56.724 52.607 5.50 53.39 224 0.900 0.875 bicubic bilinear -52.591 -50.354 -50.761 -46.939 -34 +30
313 hardcorenas_c tf_efficientnet_cc_b0_4e 25.815 28.344 74.185 71.656 44.772 47.370 55.228 52.630 5.52 13.31 224 0.875 bilinear bicubic -51.239 -48.976 -48.386 -45.952 +18 +94
314 gluon_resnet50_v1c dla102x2 25.784 28.330 74.216 71.670 43.031 46.786 56.969 53.214 25.58 41.28 224 0.875 bicubic bilinear -52.228 -51.110 -50.957 -47.858 -16 -12
315 selecsls60 mixnet_xl 25.729 28.289 74.272 71.711 44.065 46.700 55.935 53.300 30.67 11.90 224 0.875 bicubic -52.254 -52.179 -49.764 -48.232 -15 -78
316 hardcorenas_e gluon_resnet50_v1d 25.662 28.238 74.338 71.762 43.412 45.922 56.588 54.078 8.07 25.58 224 0.875 bilinear bicubic -52.132 -50.826 -50.282 -48.538 -8 +10
317 dla60_res2net gluon_resnet101_v1c 25.652 28.120 74.348 71.880 43.599 45.994 56.401 54.006 20.85 44.57 224 0.875 bilinear bicubic -52.812 -51.414 -50.607 -48.594 -42 -20
318 dla60_res2next wide_resnet101_2 25.640 28.116 74.360 71.884 43.670 46.425 56.330 53.575 17.03 126.89 224 0.875 bilinear -52.800 -50.738 -50.482 -47.859 -41 +17
319 ecaresnet26t densenet161 25.538 28.098 74.462 71.902 43.660 46.647 56.340 53.353 16.01 28.68 320 224 0.950 0.875 bicubic -54.316 -49.254 -51.424 -46.989 -109 +87
320 resmlp_12_224 regnetx_320 25.518 28.095 74.482 71.906 44.324 45.128 55.676 54.872 15.35 107.81 224 0.875 bicubic -51.136 -52.154 -48.856 -49.898 +21 -67
321 mixnet_l regnety_320 25.512 28.073 74.488 71.927 43.455 45.458 56.545 54.542 7.33 145.05 224 0.875 bicubic -53.464 -52.721 -50.727 -49.788 -65 -98
322 tf_efficientnet_lite1 gernet_s 25.499 28.040 74.501 71.960 43.585 46.745 56.415 53.255 5.42 8.17 240 224 0.882 0.875 bicubic bilinear -51.143 -48.867 -49.641 -46.389 +20 +101
323 tv_resnext50_32x4d levit_192 25.455 28.038 74.545 71.963 42.787 45.872 57.213 54.128 25.03 10.95 224 0.875 0.900 bilinear bicubic -52.165 -51.822 -50.909 -48.930 -12 -45
324 repvgg_a2 efficientnet_el_pruned 25.436 28.006 74.564 71.994 43.939 46.798 56.061 53.202 28.21 10.59 224 300 0.875 0.904 bilinear bicubic -51.024 -52.282 -49.065 -48.424 +25 -73
325 tf_mixnet_l xception41 25.422 27.892 74.578 72.108 42.534 45.894 57.466 54.106 7.33 26.97 224 299 0.875 0.903 bicubic -53.352 -50.640 -51.464 -48.390 -61 +23
326 hardcorenas_b regnetx_160 25.402 27.839 74.598 72.161 44.190 45.627 55.810 54.373 5.18 54.28 224 0.875 bilinear bicubic -51.136 -51.995 -48.564 -49.197 +20 -45
327 res2next50 tf_inception_v3 25.389 27.802 74.611 72.198 42.508 45.729 57.492 54.271 24.67 23.83 224 299 0.875 bilinear bicubic -52.857 -50.058 -51.384 -47.917 -40 +60
328 legacy_seresnet101 res2net101_26w_4s 25.334 27.790 74.666 72.210 42.825 45.194 57.175 54.806 49.33 45.21 224 0.875 bilinear -53.048 -51.402 -51.439 -49.244 -46 -7
329 selecsls60b tf_efficientnetv2_b1 25.332 27.762 74.668 72.238 43.559 46.584 56.441 53.416 32.77 8.14 224 240 0.875 0.882 bicubic -53.080 -51.712 -50.615 -48.136 -49 -30
330 resnetv2_50x1_bitm vit_base_patch16_sam_224 25.324 27.719 74.676 72.281 45.359 45.104 54.641 54.896 25.55 86.57 448 224 1.000 0.900 bilinear bicubic -55.018 -52.523 -50.325 -49.658 -149 -74
331 dla102 repvgg_b1 25.316 27.662 74.684 72.338 43.827 46.505 56.173 53.495 33.27 57.42 224 0.875 bilinear -52.716 -50.716 -50.119 -47.599 -34 +29
332 hardcorenas_d hrnet_w44 25.300 27.633 74.700 72.367 43.121 45.833 56.879 54.167 7.50 67.06 224 0.875 bilinear -52.132 -51.257 -50.363 -48.549 -12 +2
333 resnest14d gcresnet33ts 25.284 27.599 74.716 72.401 44.114 46.218 55.886 53.782 10.61 19.88 224 256 0.875 0.900 bilinear bicubic -50.222 -52.487 -48.404 -48.774 +30 -68
334 legacy_seresnext50_32x4d inception_v3 25.210 27.582 74.790 72.418 41.936 45.265 58.064 54.735 27.56 23.83 224 299 0.875 bilinear bicubic -53.868 -49.882 -52.500 -48.211 -83 +68
335 mixer_b16_224 resmlp_24_224 25.121 27.530 74.879 72.469 41.227 45.705 58.773 54.295 59.88 30.02 224 0.875 bicubic -51.481 -51.856 -51.001 -48.841 +8 -32
336 res2net50_48w_2s pit_xs_224 25.027 27.472 74.973 72.528 42.208 45.918 57.792 54.082 25.29 10.62 224 0.875 0.900 bilinear bicubic -52.495 -50.712 -51.346 -48.246 -20 +33
337 efficientnet_b0 regnetx_080 25.015 27.387 74.985 72.613 42.787 44.998 57.213 55.002 5.29 39.57 224 0.875 bicubic -52.683 -51.833 -50.745 -49.548 -28 -19
338 gluon_resnet34_v1b hrnet_w30 24.939 27.383 75.061 72.617 42.243 46.552 57.757 53.448 21.80 37.71 224 0.875 bicubic bilinear -49.649 -50.819 -49.747 -47.676 +43 +30
339 mobilenetv2_120d hrnet_w32 24.937 27.379 75.063 72.621 43.058 46.024 56.942 53.976 5.83 41.23 224 0.875 bicubic bilinear -52.347 -51.063 -50.434 -48.172 -14 +17
340 dla60 gluon_resnet50_v1s 24.933 27.328 75.067 72.672 43.296 45.257 56.704 54.743 22.04 25.68 224 0.875 bilinear bicubic -52.099 -51.368 -50.022 -48.991 -8 +3
341 regnety_016 res2net50_26w_8s 24.811 27.308 75.189 72.692 42.616 44.835 57.384 55.165 11.20 48.40 224 0.875 bicubic bilinear -53.051 -51.672 -51.104 -49.449 -36 -10
342 tf_efficientnet_lite2 densenet201 24.530 27.279 75.470 72.721 42.280 46.210 57.720 53.790 6.09 20.01 260 224 0.890 0.875 bicubic -52.938 -50.011 -51.474 -47.270 -24 +66
343 skresnet18 densenetblur121d 24.483 27.250 75.517 72.751 42.536 46.319 57.464 53.681 11.96 8.00 224 0.875 bicubic -48.555 -49.341 -48.632 -46.874 +51 +89
344 regnetx_016 regnety_064 24.473 27.226 75.527 72.774 42.514 44.856 57.486 55.144 9.19 30.58 224 0.875 bicubic -52.477 -52.504 -50.906 -49.906 -11 -58
345 pit_ti_distilled_224 tf_efficientnetv2_b2 24.406 27.181 75.594 72.819 42.730 44.556 57.270 55.444 5.10 10.10 224 260 0.900 0.890 bicubic -50.124 -53.033 -49.366 -50.488 +37 -86
346 tf_efficientnet_lite0 efficientnet_b1_pruned 24.373 27.173 75.627 72.827 42.487 45.874 57.513 54.126 4.65 6.33 224 240 0.875 0.882 bicubic -50.457 -51.077 -49.689 -47.962 +30 +19
347 hardcorenas_a resnet33ts 24.369 27.141 75.631 72.859 43.284 45.346 56.716 54.654 5.26 19.68 224 256 0.875 0.900 bilinear bicubic -51.547 -52.073 -49.230 -49.226 +9 -27
348 tv_resnet50 resnetrs50 24.070 27.116 75.930 72.884 41.313 45.051 58.687 54.949 25.56 35.69 224 0.875 0.910 bilinear bicubic -52.068 -52.754 -51.551 -49.919 +4 -72
349 levit_128s rexnet_130 24.058 27.114 75.942 72.886 41.007 45.951 58.993 54.049 7.78 7.56 224 0.900 0.875 bicubic -52.472 -52.382 -51.859 -48.723 -2 -51
350 legacy_seresnet34 dla102x 24.027 27.059 75.973 72.941 41.909 45.507 58.091 54.493 21.96 26.31 224 0.875 bilinear -50.781 -51.453 -50.215 -48.719 +27 -1
351 resnet18d resnet32ts 23.929 27.047 76.071 72.953 42.300 45.287 57.700 54.713 11.71 17.96 224 256 0.875 0.900 bicubic -48.331 -51.973 -48.396 -49.075 +50 -22
352 efficientnet_lite0 gmixer_24_224 23.909 27.016 76.091 72.984 42.088 44.375 57.912 55.625 4.65 24.72 224 0.875 bicubic -51.575 -51.036 -50.422 -49.293 +12 +23
353 tv_densenet121 tv_resnet101 23.844 26.974 76.156 73.026 41.925 45.236 58.075 54.764 7.98 44.55 224 0.875 bicubic bilinear -50.894 -50.394 -50.225 -48.324 +25 +52
354 efficientnet_es_pruned resnext50d_32x4d 23.828 26.880 76.172 73.120 41.995 44.456 58.005 55.544 5.44 25.05 224 0.875 bicubic -51.172 -52.784 -50.453 -50.410 +21 -63
355 mobilenetv2_140 regnetx_120 23.712 26.866 76.288 73.134 41.477 44.666 58.523 55.334 6.11 46.11 224 0.875 bicubic -52.804 -52.740 -51.519 -50.064 -7 -61
356 mixnet_m rexnet_100 23.710 26.864 76.290 73.136 41.141 45.379 58.859 54.621 5.01 4.80 224 0.875 bicubic -53.550 -50.996 -52.284 -48.497 -30 +30
357 dla34 densenet169 23.669 26.841 76.331 73.159 41.551 45.414 58.449 54.586 15.74 14.15 224 0.875 bilinear bicubic -50.961 -49.057 -50.527 -47.610 +23 +89
358 legacy_seresnet50 regnety_120 23.651 26.811 76.349 73.189 40.091 44.489 59.909 55.511 28.09 51.82 224 0.875 bilinear bicubic -53.978 -53.575 -53.657 -50.633 -48 -115
359 ese_vovnet19b_dw regnetx_064 23.535 26.805 76.465 73.195 41.288 44.945 58.712 55.055 6.54 26.21 224 0.875 bicubic -53.263 -52.255 -51.980 -49.521 -21 -32
360 tf_mixnet_m legacy_seresnext101_32x4d 23.484 26.797 76.516 73.203 40.989 43.497 59.011 56.503 5.01 48.96 224 0.875 bicubic bilinear -53.458 -53.424 -52.163 -51.515 -26 -103
361 tv_resnet34 regnetx_032 23.473 26.721 76.527 73.279 41.367 45.255 58.633 54.745 21.80 15.30 224 0.875 bilinear bicubic -49.839 -51.429 -50.059 -48.831 +30 +9
362 tf_efficientnet_em legacy_seresnet152 23.359 26.674 76.641 73.326 40.404 43.951 59.596 56.049 6.90 66.82 240 224 0.882 0.875 bicubic bilinear -54.771 -51.988 -53.640 -50.425 -69 -18
363 selecsls42b densenet121 23.357 26.670 76.643 73.330 40.677 45.892 59.323 54.108 32.46 7.98 224 0.875 bicubic -53.817 -48.898 -52.713 -46.760 -36 +87
364 repvgg_b0 efficientnet_es 23.316 26.621 76.684 73.379 41.182 45.126 58.818 54.874 15.82 5.44 224 0.875 bilinear bicubic -51.837 -51.461 -51.236 -48.818 +5 +10
365 mobilenetv2_110d res2net50_26w_6s 23.066 26.595 76.934 73.405 40.716 44.006 59.284 55.994 4.52 37.05 224 0.875 bicubic bilinear -51.970 -51.971 -51.470 -50.112 +9 -18
366 deit_tiny_distilled_patch16_224 repvgg_b1g4 22.718 26.583 77.282 73.417 40.771 45.084 59.229 54.916 5.91 39.97 224 0.900 0.875 bicubic bilinear -51.792 -51.011 -51.119 -48.758 +17 +29
367 mobilenetv3_large_100 dla60x 22.655 26.564 77.345 73.436 40.781 45.049 59.219 54.951 5.48 17.35 224 0.875 bicubic bilinear -53.111 -51.682 -51.761 -48.975 -9 -1
368 mobilenetv3_rw regnety_080 22.630 26.540 77.370 73.460 40.374 44.375 59.626 55.625 5.48 39.18 224 0.875 bicubic -53.004 -53.332 -52.334 -50.457 -8 -93
369 tf_mobilenetv3_large_100 coat_lite_tiny 22.569 26.530 77.431 73.470 39.767 44.642 60.233 55.358 5.48 5.72 224 0.875 0.900 bilinear bicubic -52.949 -50.984 -52.839 -49.274 -7 +31
370 tf_efficientnet_es tf_efficientnet_b0 22.413 26.483 77.587 73.517 39.095 45.654 60.905 54.346 5.44 5.29 224 0.875 bicubic -54.180 -50.363 -54.107 -47.576 -26 +54
371 hrnet_w18_small_v2 mobilenetv3_large_100_miil 22.337 26.469 77.663 73.531 39.861 44.493 60.139 55.507 15.60 5.48 224 0.875 bilinear -52.777 -51.443 -52.555 -48.411 0 +11
372 convit_tiny res2net50_14w_8s 22.282 26.467 77.718 73.533 39.669 44.379 60.331 55.621 5.71 25.06 224 0.875 bicubic bilinear -50.834 -51.667 -52.045 -49.477 +21 0
373 regnety_008 gluon_resnet50_v1b 22.119 26.426 77.881 73.574 38.900 44.057 61.100 55.943 6.26 25.56 224 0.875 bicubic -54.197 -51.150 -54.166 -49.665 -22 +25
374 seresnext26t_32x4d tf_efficientnet_el 21.991 26.349 78.009 73.650 38.482 44.188 61.518 55.812 16.81 10.59 224 300 0.875 0.904 bicubic -55.995 -53.899 -55.264 -50.936 -75 -119
375 regnety_006 lambda_resnet26t 21.971 26.340 78.029 73.660 38.955 44.428 61.045 55.572 6.06 10.96 224 256 0.875 0.940 bicubic -53.275 -52.768 -53.577 -50.160 -7 -52
376 vit_tiny_r_s16_p8_384 levit_128 21.954 26.328 78.046 73.672 39.405 44.133 60.595 55.867 6.36 9.21 384 224 1.000 0.900 bicubic -53.998 -52.138 -53.855 -49.877 -21 -24
377 regnetx_008 resmlp_12_distilled_224 21.940 26.318 78.060 73.682 38.928 44.902 61.072 55.098 7.26 15.35 224 0.875 bicubic -53.098 -51.626 -53.408 -48.660 -4 +4
378 resnet26d resmlp_big_24_224 21.907 26.314 78.094 73.686 38.619 43.565 61.381 56.435 16.01 129.14 224 0.875 bicubic -54.789 -54.718 -54.531 -51.457 -38 -169
379 semnasnet_100 regnetx_040 21.903 26.245 78.097 73.755 38.600 44.458 61.400 55.542 3.89 22.12 224 0.875 bicubic -53.545 -52.239 -54.004 -49.796 -13 -29
380 pit_ti_224 crossvit_9_dagger_240 21.875 26.180 78.125 73.820 39.541 44.548 60.459 55.452 4.85 8.78 224 240 0.900 0.875 bicubic -51.037 -50.809 -51.861 -49.058 +16 +38
381 regnetx_006 vit_small_patch32_224 21.738 26.178 78.263 73.822 38.904 45.118 61.096 54.882 6.20 22.88 224 0.875 0.900 bicubic -52.115 -49.816 -52.768 -48.158 +7 +62
382 vit_tiny_patch16_384 dpn68 21.708 26.118 78.292 73.882 39.329 44.239 60.671 55.761 5.79 12.61 384 224 1.000 0.875 bicubic -56.722 -50.176 -55.213 -48.723 -103 +58
383 vgg19_bn efficientnet_b1 21.628 26.065 78.373 73.935 39.283 44.084 60.717 55.916 143.68 7.79 224 256 0.875 1.000 bilinear bicubic -52.587 -52.739 -52.559 -50.262 +1 -45
384 ghostnet_100 eca_halonext26ts 21.620 26.053 78.380 73.947 38.692 44.021 61.308 55.979 5.18 10.76 224 256 0.875 0.940 bilinear bicubic -52.358 -52.787 -52.764 -50.235 +3 -48
385 gluon_resnet18_v1b lambda_resnet26rpt_256 21.549 26.019 78.451 73.981 38.869 44.222 61.131 55.778 11.69 10.99 224 256 0.875 0.940 bicubic -49.287 -52.949 -50.893 -50.206 +24 -53
386 fbnetc_100 hrnet_w18 21.484 25.992 78.516 74.008 38.161 44.813 61.839 55.187 5.57 21.30 224 0.875 bilinear -53.640 -50.766 -54.224 -48.625 -16 +41
387 mnasnet_100 hardcorenas_f 21.350 25.956 78.650 74.043 37.719 44.224 62.281 55.776 4.38 8.20 224 0.875 bicubic bilinear -53.308 -52.148 -54.395 -49.570 -8 -14
388 resnet26 regnety_040 21.295 25.929 78.705 74.071 38.018 43.850 61.982 56.150 16.00 20.65 224 0.875 bicubic -53.997 -53.299 -54.552 -50.796 -21 -71
389 ssl_resnet18 resnet34 21.278 25.894 78.722 74.106 39.113 43.990 60.887 56.010 11.69 21.80 224 0.875 bilinear -51.332 -49.218 -52.303 -48.286 +8 +72
390 mixnet_s resnet26t 21.254 25.876 78.746 74.124 38.187 44.000 61.813 56.000 4.13 16.01 224 256 0.875 0.940 bicubic -54.738 -51.996 -54.609 -49.834 -37 -6
391 seresnext26d_32x4d res2net50_26w_4s 21.252 25.870 78.748 74.130 37.311 43.180 62.689 56.820 16.81 25.70 224 0.875 bicubic bilinear -56.350 -52.116 -56.297 -50.668 -79 -13
392 legacy_seresnext26_32x4d tresnet_m_448 21.093 25.864 78.907 74.136 37.633 42.888 62.367 57.112 16.79 31.39 224 448 0.875 bicubic bilinear -56.011 -55.850 -55.683 -52.682 -63 -216
393 regnetx_004 coat_tiny 20.898 25.862 79.102 74.138 37.566 43.275 62.434 56.725 5.16 5.50 224 0.875 0.900 bicubic -51.498 -52.572 -53.264 -50.759 +5 -36
394 spnasnet_100 hardcorenas_c 20.863 25.837 79.137 74.163 37.896 44.758 62.104 55.242 4.42 5.52 224 0.875 bilinear -53.221 -51.213 -53.922 -48.414 -9 +22
395 legacy_seresnet18 gluon_resnet50_v1c 20.837 25.788 79.162 74.213 37.619 43.039 62.381 56.961 11.78 25.58 224 0.875 bicubic -50.905 -52.218 -52.715 -50.949 +11 -18
396 mobilenetv2_100 halonet26t 20.773 25.750 79.227 74.250 37.759 43.239 62.241 56.761 3.50 12.48 224 256 0.875 0.950 bicubic -52.197 -53.384 -53.257 -51.077 -1 -74
397 tf_mixnet_s selecsls60 20.470 25.730 79.530 74.269 36.607 44.066 63.393 55.934 4.13 30.67 224 0.875 bicubic -55.180 -52.253 -56.021 -49.766 -38 -18
398 vit_tiny_patch16_224 dla60_res2net 20.458 25.674 79.542 74.326 37.597 43.603 62.403 56.397 5.72 20.85 224 0.900 0.875 bicubic bilinear -54.996 -52.788 -55.251 -50.605 -33 -45
399 regnety_004 hardcorenas_e 20.415 25.664 79.585 74.336 37.002 43.426 62.998 56.574 4.34 8.07 224 0.875 bicubic bilinear -53.619 -52.136 -54.750 -50.270 -13 -8
400 hrnet_w18_small dla60_res2next 20.368 25.636 79.632 74.364 37.093 43.675 62.907 56.325 13.19 17.03 224 0.875 bilinear -51.974 -52.806 -53.585 -50.482 0 -45
401 tf_mobilenetv3_large_075 ecaresnet26t 20.366 25.546 79.634 74.454 36.764 43.681 63.236 56.319 3.99 16.01 224 320 0.875 0.950 bilinear bicubic -53.072 -54.288 -54.586 -51.403 -12 -121
402 resnet18 resmlp_12_224 20.228 25.532 79.772 74.468 37.261 44.349 62.739 55.651 11.69 15.35 224 0.875 bilinear bicubic -49.520 -51.122 -51.817 -48.823 +11 +28
403 mixer_l16_224 tf_efficientnet_lite1 20.171 25.530 79.829 74.470 32.956 43.597 67.044 56.403 208.20 5.42 224 240 0.875 0.882 bicubic -51.887 -51.134 -54.712 -49.637 +1 +26
404 deit_tiny_patch16_224 mixnet_l 20.162 25.520 79.838 74.480 37.546 43.483 62.454 56.517 5.72 7.33 224 0.900 0.875 bicubic -52.007 -53.460 -53.572 -50.697 -1 -74
405 tf_mobilenetv3_large_minimal_100 bat_resnext26ts 20.122 25.471 79.878 74.529 36.908 43.235 63.092 56.765 3.92 10.73 224 256 0.875 0.900 bilinear bicubic -52.126 -52.791 -53.722 -50.865 -3 -41
406 vgg16_bn tv_resnext50_32x4d 19.959 25.469 80.041 74.531 36.301 42.817 63.699 57.183 138.37 25.03 224 0.875 bilinear -53.391 -52.141 -55.205 -50.867 -16 -12
407 vit_tiny_r_s16_p8_224 tf_mixnet_l 19.334 25.438 80.666 74.562 36.047 42.530 63.953 57.470 6.34 7.33 224 0.900 0.875 bicubic -52.454 -53.340 -54.781 -51.470 -2 -66
408 vgg19 repvgg_a2 17.929 25.436 82.071 74.564 33.054 43.980 66.946 56.020 143.67 28.21 224 0.875 bilinear -54.439 -51.044 -57.818 -49.040 -9 +29
409 vgg13_bn hardcorenas_b 17.802 25.410 82.198 74.590 34.039 44.200 65.961 55.800 133.05 5.18 224 0.875 bilinear -53.792 -51.120 -56.337 -48.552 -2 +26
410 vgg16 res2next50 17.540 25.402 82.460 74.598 32.773 42.516 67.227 57.484 138.36 24.67 224 0.875 bilinear -54.054 -52.840 -57.609 -51.388 -2 -43
411 regnety_002 resnetv2_50x1_bitm 17.450 25.345 82.550 74.655 32.431 45.352 67.569 54.648 3.16 25.55 224 448 0.875 1.000 bicubic bilinear -52.802 -54.999 -57.109 -50.334 0 -165
412 vgg11_bn dla102 17.403 25.328 82.597 74.672 33.011 43.819 66.989 56.181 132.87 33.27 224 0.875 bilinear -52.957 -52.700 -56.791 -50.139 -2 -36
413 regnetx_002 legacy_seresnet101 16.962 25.324 83.038 74.676 32.225 42.823 67.775 57.177 2.68 49.33 224 0.875 bicubic bilinear -51.800 -53.060 -56.331 -51.441 +2 -54
414 dla60x_c hardcorenas_d 16.310 25.322 83.690 74.678 31.761 43.159 68.239 56.841 1.32 7.50 224 0.875 bilinear -51.582 -52.102 -56.665 -50.327 +3 -10
415 tf_mobilenetv3_small_100 selecsls60b 16.227 25.314 83.772 74.686 31.223 43.575 68.777 56.425 2.54 32.77 224 0.875 bilinear bicubic -51.694 -53.094 -56.441 -50.601 +1 -57
416 vgg13 resnest14d 16.100 25.294 83.900 74.706 30.985 44.092 69.015 55.908 133.05 10.61 224 0.875 bilinear -53.826 -50.212 -58.261 -48.428 -4 +36
417 vgg11 legacy_seresnext50_32x4d 15.728 25.226 84.272 74.775 30.453 41.968 69.547 58.032 132.86 27.56 224 0.875 bilinear -53.296 -53.853 -58.175 -52.464 -3 -92
418 tf_mobilenetv3_small_075 mixer_b16_224 14.944 25.143 85.056 74.857 29.572 41.223 70.428 58.777 2.04 59.88 224 0.875 bilinear bicubic -50.772 -51.479 -56.558 -51.005 +1 +13
419 dla46_c res2net50_48w_2s 14.657 25.029 85.343 74.971 29.380 42.215 70.620 57.785 1.30 25.29 224 0.875 bilinear -50.209 -52.505 -56.912 -51.343 +1 -20
420 dla46x_c efficientnet_b0 14.382 25.019 85.618 74.981 29.191 42.801 70.809 57.199 1.07 5.29 224 0.875 bilinear bicubic -51.588 -52.685 -57.789 -50.721 -2 -28
421 tf_mobilenetv3_small_minimal_100 dla60 13.964 24.929 86.036 75.071 27.988 43.310 72.012 56.690 2.04 22.04 224 0.875 bilinear -48.942 -52.105 -56.242 -50.014 0 -4
422 gluon_resnet34_v1b 24.929 75.071 42.249 57.751 21.80 224 0.875 bicubic -49.663 -49.747 +49
423 mobilenetv2_120d 24.925 75.075 43.053 56.947 5.83 224 0.875 bicubic -52.361 -50.459 -14
424 regnety_016 24.815 75.185 42.628 57.372 11.20 224 0.875 bicubic -53.049 -51.096 -39
425 xcit_nano_12_p8_224_dist 24.807 75.193 43.088 56.912 3.05 224 1.000 bicubic -51.523 -49.998 +13
426 seresnext26ts 24.693 75.307 43.102 56.898 10.39 256 0.900 bicubic -53.155 -50.686 -38
427 eca_resnext26ts 24.660 75.340 42.872 57.128 10.30 256 0.900 bicubic -52.790 -50.706 -24
428 tf_efficientnet_lite2 24.530 75.470 42.251 57.749 6.09 260 0.890 bicubic -52.952 -51.497 -27
429 regnetx_016 24.502 75.498 42.514 57.486 9.19 224 0.875 bicubic -52.444 -50.912 -9
430 skresnet18 24.485 75.515 42.545 57.455 11.96 224 0.875 bicubic -48.537 -48.625 +59
431 pit_ti_distilled_224 24.400 75.600 42.734 57.266 5.10 224 0.900 bicubic -50.130 -49.366 +41
432 tf_efficientnet_lite0 24.400 75.600 42.490 57.510 4.65 224 0.875 bicubic -50.432 -49.686 +34
433 hardcorenas_a 24.363 75.637 43.292 56.708 5.26 224 0.875 bilinear -51.549 -49.222 +12
434 tv_resnet50 24.080 75.920 41.325 58.675 25.56 224 0.875 bilinear -52.072 -51.553 +7
435 levit_128s 24.068 75.932 41.017 58.983 7.78 224 0.900 bicubic -52.470 -51.847 -1
436 legacy_seresnet34 24.035 75.965 41.901 58.099 21.96 224 0.875 bilinear -50.757 -50.227 +31
437 xcit_nano_12_p16_384_dist 24.027 75.973 42.308 57.692 3.05 384 1.000 bicubic -51.441 -50.368 +17
438 xcit_nano_12_p8_384_dist 23.966 76.034 41.956 58.044 3.05 384 1.000 bicubic -53.852 -52.078 -48
439 gcresnext26ts 23.952 76.048 41.364 58.636 10.48 256 0.900 bicubic -53.868 -52.462 -50
440 resnet18d 23.936 76.064 42.300 57.700 11.71 224 0.875 bicubic -48.332 -48.384 +57
441 efficientnet_lite0 23.925 76.075 42.097 57.903 4.65 224 0.875 bicubic -51.579 -50.419 +12
442 resnext26ts 23.889 76.111 41.123 58.877 10.30 256 0.900 bicubic -52.883 -52.007 -16
443 efficientnet_es_pruned 23.854 76.146 42.003 57.997 5.44 224 0.875 bicubic -51.142 -50.437 +22
444 tv_densenet121 23.826 76.174 41.921 58.079 7.98 224 0.875 bicubic -50.920 -50.233 +24
445 mobilenetv2_140 23.701 76.299 41.494 58.506 6.11 224 0.875 bicubic -52.815 -51.506 -9
446 dla34 23.699 76.301 41.547 58.453 15.74 224 0.875 bilinear -50.909 -50.511 +24
447 mixnet_m 23.697 76.303 41.158 58.842 5.01 224 0.875 bicubic -53.577 -52.264 -37
448 legacy_seresnet50 23.646 76.354 40.107 59.893 28.09 224 0.875 bilinear -53.992 -53.639 -55
449 ese_vovnet19b_dw 23.545 76.455 41.276 58.724 6.54 224 0.875 bicubic -53.279 -52.004 -24
450 tf_mixnet_m 23.500 76.500 40.991 59.009 5.01 224 0.875 bicubic -53.458 -52.175 -31
451 tv_resnet34 23.490 76.510 41.398 58.602 21.80 224 0.875 bilinear -49.814 -50.024 +35
452 selecsls42b 23.404 76.596 40.659 59.341 32.46 224 0.875 bicubic -53.786 -52.731 -41
453 tf_efficientnet_em 23.394 76.606 40.411 59.589 6.90 240 0.882 bicubic -54.748 -53.646 -82
454 repvgg_b0 23.317 76.683 41.192 58.808 15.82 224 0.875 bilinear -51.835 -51.222 +5
455 xcit_nano_12_p16_224_dist 23.249 76.751 41.388 58.612 3.05 224 1.000 bicubic -49.063 -49.464 +41
456 mobilenetv2_110d 23.076 76.924 40.736 59.264 4.52 224 0.875 bicubic -51.976 -51.452 +8
457 vit_base_patch32_sam_224 23.042 76.958 39.557 60.443 88.22 224 0.900 bicubic -50.658 -51.451 +25
458 deit_tiny_distilled_patch16_224 22.712 77.288 40.773 59.227 5.91 224 0.900 bicubic -51.812 -51.123 +15
459 mobilenetv3_large_100 22.647 77.353 40.781 59.219 5.48 224 0.875 bicubic -53.127 -51.759 -12
460 mobilenetv3_rw 22.636 77.365 40.410 59.590 5.48 224 0.875 bicubic -52.982 -52.303 -11
461 tf_mobilenetv3_large_100 22.563 77.437 39.747 60.253 5.48 224 0.875 bilinear -52.947 -52.861 -10
462 tf_efficientnet_es 22.427 77.573 39.095 60.905 5.44 224 0.875 bicubic -54.163 -54.117 -29
463 xcit_nano_12_p8_224 22.396 77.604 40.675 59.325 3.05 224 1.000 bicubic -51.516 -51.491 +16
464 hrnet_w18_small_v2 22.357 77.644 39.899 60.101 15.60 224 0.875 bilinear -52.750 -52.513 -2
465 convit_tiny 22.256 77.744 39.684 60.316 5.71 224 0.875 bicubic -50.856 -52.036 +23
466 regnety_008 22.121 77.879 38.918 61.082 6.26 224 0.875 bicubic -54.199 -54.150 -27
467 seresnext26t_32x4d 22.009 77.991 38.501 61.499 16.81 224 0.875 bicubic -55.969 -55.241 -87
468 regnety_006 21.983 78.017 38.963 61.037 6.06 224 0.875 bicubic -53.283 -53.571 -10
469 regnetx_008 21.963 78.037 38.936 61.064 7.26 224 0.875 bicubic -53.093 -53.412 -6
470 vit_tiny_r_s16_p8_384 21.942 78.058 39.439 60.561 6.36 384 1.000 bicubic -54.030 -53.833 -26
471 resnet26d 21.930 78.070 38.639 61.361 16.01 224 0.875 bicubic -54.760 -54.509 -43
472 semnasnet_100 21.903 78.097 38.604 61.396 3.89 224 0.875 bicubic -53.549 -54.002 -16
473 pit_ti_224 21.869 78.131 39.537 60.463 4.85 224 0.900 bicubic -51.053 -51.873 +18
474 regnetx_006 21.739 78.260 38.932 61.068 6.20 224 0.875 bicubic -52.107 -52.750 +7
475 vit_tiny_patch16_384 21.728 78.272 39.335 60.665 5.79 384 1.000 bicubic -56.718 -55.209 -121
476 crossvit_9_240 21.706 78.294 39.268 60.732 8.55 240 0.875 bicubic -52.276 -52.702 +2
477 vgg19_bn 21.635 78.365 39.280 60.720 143.68 224 0.875 bilinear -52.599 -52.574 -3
478 ghostnet_100 21.625 78.374 38.714 61.286 5.18 224 0.875 bilinear -52.358 -52.746 -1
479 gluon_resnet18_v1b 21.547 78.453 38.895 61.105 11.69 224 0.875 bicubic -49.287 -50.866 +26
480 fbnetc_100 21.508 78.492 38.146 61.854 5.57 224 0.875 bilinear -53.612 -54.228 -20
481 xcit_nano_12_p16_224 21.437 78.563 39.804 60.196 3.05 224 1.000 bicubic -48.535 -49.954 +27
482 mnasnet_100 21.368 78.632 37.719 62.281 4.38 224 0.875 bicubic -53.306 -54.379 -13
483 ssl_resnet18 21.297 78.703 39.132 60.868 11.69 224 0.875 bilinear -51.315 -52.288 +9
484 resnet26 21.290 78.710 38.040 61.960 16.00 224 0.875 bicubic -54.002 -54.534 -27
485 seresnext26d_32x4d 21.285 78.715 37.332 62.668 16.81 224 0.875 bicubic -56.300 -56.272 -89
486 mixnet_s 21.268 78.732 38.209 61.791 4.13 224 0.875 bicubic -54.726 -54.583 -44
487 legacy_seresnext26_32x4d 21.075 78.925 37.629 62.371 16.79 224 0.875 bicubic -56.019 -55.681 -72
488 crossvit_tiny_240 21.054 78.946 38.071 61.929 7.01 240 0.875 bicubic -52.290 -53.851 -3
489 regnetx_004 20.908 79.092 37.568 62.432 5.16 224 0.875 bicubic -51.482 -53.250 +4
490 spnasnet_100 20.853 79.147 37.912 62.088 4.42 224 0.875 bilinear -53.225 -53.908 -15
491 legacy_seresnet18 20.800 79.200 37.619 62.381 11.78 224 0.875 bicubic -50.934 -52.719 +11
492 mobilenetv2_100 20.775 79.225 37.774 62.226 3.50 224 0.875 bicubic -52.177 -53.228 -2
493 tf_mixnet_s 20.470 79.530 36.639 63.361 4.13 224 0.875 bicubic -55.214 -55.997 -45
494 vit_tiny_patch16_224 20.452 79.548 37.625 62.375 5.72 224 0.900 bicubic -55.002 -55.227 -39
495 regnety_004 20.423 79.577 37.022 62.978 4.34 224 0.875 bicubic -53.589 -54.744 -19
496 hrnet_w18_small 20.366 79.634 37.100 62.900 13.19 224 0.875 bilinear -51.966 -53.586 -1
497 tf_mobilenetv3_large_075 20.362 79.638 36.770 63.230 3.99 224 0.875 bilinear -53.088 -54.570 -14
498 resnet18 20.238 79.762 37.260 62.740 11.69 224 0.875 bilinear -49.502 -51.826 +12
499 mixer_l16_224 20.160 79.840 32.950 67.050 208.20 224 0.875 bicubic -51.906 -54.704 +1
500 deit_tiny_patch16_224 20.142 79.858 37.578 62.422 5.72 224 0.900 bicubic -52.018 -53.534 -1
501 tf_mobilenetv3_large_minimal_100 20.120 79.880 36.902 63.098 3.92 224 0.875 bilinear -52.132 -53.734 -3
502 vgg16_bn 19.969 80.031 36.310 63.690 138.37 224 0.875 bilinear -53.391 -55.182 -18
503 vit_tiny_r_s16_p8_224 19.342 80.658 36.061 63.939 6.34 224 0.900 bicubic -52.456 -54.763 -2
504 vgg19 17.929 82.071 33.060 66.940 143.67 224 0.875 bilinear -54.459 -57.826 -10
505 vgg13_bn 17.821 82.179 34.047 65.953 133.05 224 0.875 bilinear -53.743 -56.327 -1
506 vgg16 17.540 82.460 32.767 67.233 138.36 224 0.875 bilinear -54.044 -57.623 -3
507 regnety_002 17.454 82.546 32.453 67.547 3.16 224 0.875 bicubic -52.828 -57.091 0
508 vgg11_bn 17.409 82.591 33.039 66.961 132.87 224 0.875 bilinear -52.953 -56.767 -2
509 regnetx_002 16.962 83.038 32.237 67.763 2.68 224 0.875 bicubic -51.788 -56.323 +3
510 dla60x_c 16.320 83.680 31.773 68.227 1.32 224 0.875 bilinear -51.592 -56.645 +5
511 eca_botnext26ts_256 16.257 83.743 30.623 69.376 10.59 256 0.950 bicubic -57.621 -61.164 -31
512 tf_mobilenetv3_small_100 16.224 83.776 31.241 68.760 2.54 224 0.875 bilinear -51.703 -56.436 +2
513 vgg13 16.116 83.885 30.987 69.013 133.05 224 0.875 bilinear -53.823 -58.271 -4
514 vgg11 15.728 84.272 30.464 69.536 132.86 224 0.875 bilinear -53.320 -58.172 -3
515 tf_mobilenetv3_small_075 14.942 85.058 29.594 70.406 2.04 224 0.875 bilinear -50.778 -56.542 +2
516 dla46_c 14.677 85.323 29.372 70.628 1.30 224 0.875 bilinear -50.193 -56.922 +2
517 dla46x_c 14.382 85.618 29.197 70.803 1.07 224 0.875 bilinear -51.594 -57.791 -1
518 tf_mobilenetv3_small_minimal_100 13.983 86.017 27.992 72.008 2.04 224 0.875 bilinear -48.925 -56.254 +1
519 botnet26t_256 13.543 86.457 26.420 73.580 12.49 256 0.950 bicubic -55.003 -62.276 -6

@ -136,7 +136,7 @@ class Attention(nn.Module):
qkv_bias = torch.cat((self.q_bias, torch.zeros_like(self.v_bias, requires_grad=False), self.v_bias))
qkv = F.linear(input=x, weight=self.qkv.weight, bias=qkv_bias)
qkv = qkv.reshape(B, N, 3, self.num_heads, -1).permute(2, 0, 3, 1, 4)
q, k, v = qkv[0], qkv[1], qkv[2] # make torchscript happy (cannot use tensor as tuple)
q, k, v = qkv.unbind(0) # make torchscript happy (cannot use tensor as tuple)
q = q * self.scale
attn = (q @ k.transpose(-2, -1))

@ -146,6 +146,12 @@ default_cfgs = {
'regnetz_d': _cfgr(
url='https://github.com/rwightman/pytorch-image-models/releases/download/v0.1-attn-weights/regnetz_d_rab_256-b8073a89.pth',
mean=(0.5, 0.5, 0.5), std=(0.5, 0.5, 0.5), test_input_size=(3, 320, 320), crop_pct=0.95),
'regnetz_d8': _cfgr(
url='',
mean=(0.5, 0.5, 0.5), std=(0.5, 0.5, 0.5), test_input_size=(3, 320, 320), crop_pct=0.95),
'regnetz_e8': _cfgr(
url='',
mean=(0.5, 0.5, 0.5), std=(0.5, 0.5, 0.5), test_input_size=(3, 320, 320), crop_pct=0.95),
}
@ -549,6 +555,40 @@ model_cfgs = dict(
attn_kwargs=dict(rd_ratio=0.25),
block_kwargs=dict(bottle_in=True, linear_out=True),
),
regnetz_d8=ByoModelCfg(
blocks=(
ByoBlockCfg(type='bottle', d=3, c=64, s=1, gs=8, br=4),
ByoBlockCfg(type='bottle', d=6, c=128, s=2, gs=8, br=4),
ByoBlockCfg(type='bottle', d=12, c=256, s=2, gs=8, br=4),
ByoBlockCfg(type='bottle', d=3, c=384, s=2, gs=8, br=4),
),
stem_chs=64,
stem_type='tiered',
stem_pool='',
downsample='',
num_features=1792,
act_layer='silu',
attn_layer='se',
attn_kwargs=dict(rd_ratio=0.25),
block_kwargs=dict(bottle_in=True, linear_out=True),
),
regnetz_e8=ByoModelCfg(
blocks=(
ByoBlockCfg(type='bottle', d=3, c=96, s=1, gs=8, br=4),
ByoBlockCfg(type='bottle', d=8, c=192, s=2, gs=8, br=4),
ByoBlockCfg(type='bottle', d=16, c=384, s=2, gs=8, br=4),
ByoBlockCfg(type='bottle', d=3, c=512, s=2, gs=8, br=4),
),
stem_chs=64,
stem_type='tiered',
stem_pool='',
downsample='',
num_features=2048,
act_layer='silu',
attn_layer='se',
attn_kwargs=dict(rd_ratio=0.25),
block_kwargs=dict(bottle_in=True, linear_out=True),
),
)
@ -759,6 +799,20 @@ def regnetz_d(pretrained=False, **kwargs):
return _create_byobnet('regnetz_d', pretrained=pretrained, **kwargs)
@register_model
def regnetz_d8(pretrained=False, **kwargs):
"""
"""
return _create_byobnet('regnetz_d8', pretrained=pretrained, **kwargs)
@register_model
def regnetz_e8(pretrained=False, **kwargs):
"""
"""
return _create_byobnet('regnetz_e8', pretrained=pretrained, **kwargs)
def expand_blocks_cfg(stage_blocks_cfg: Union[ByoBlockCfg, Sequence[ByoBlockCfg]]) -> List[ByoBlockCfg]:
if not isinstance(stage_blocks_cfg, Sequence):
stage_blocks_cfg = (stage_blocks_cfg,)

@ -4,6 +4,8 @@ Hacked together by / Copyright 2020 Ross Wightman
"""
from torch import nn as nn
from .helpers import to_2tuple
class Mlp(nn.Module):
""" MLP as used in Vision Transformer, MLP-Mixer and related networks
@ -12,17 +14,20 @@ class Mlp(nn.Module):
super().__init__()
out_features = out_features or in_features
hidden_features = hidden_features or in_features
drop_probs = to_2tuple(drop)
self.fc1 = nn.Linear(in_features, hidden_features)
self.act = act_layer()
self.drop1 = nn.Dropout(drop_probs[0])
self.fc2 = nn.Linear(hidden_features, out_features)
self.drop = nn.Dropout(drop)
self.drop2 = nn.Dropout(drop_probs[1])
def forward(self, x):
x = self.fc1(x)
x = self.act(x)
x = self.drop(x)
x = self.drop1(x)
x = self.fc2(x)
x = self.drop(x)
x = self.drop2(x)
return x
@ -35,10 +40,13 @@ class GluMlp(nn.Module):
out_features = out_features or in_features
hidden_features = hidden_features or in_features
assert hidden_features % 2 == 0
drop_probs = to_2tuple(drop)
self.fc1 = nn.Linear(in_features, hidden_features)
self.act = act_layer()
self.drop1 = nn.Dropout(drop_probs[0])
self.fc2 = nn.Linear(hidden_features // 2, out_features)
self.drop = nn.Dropout(drop)
self.drop2 = nn.Dropout(drop_probs[1])
def init_weights(self):
# override init of fc1 w/ gate portion set to weight near zero, bias=1
@ -50,9 +58,9 @@ class GluMlp(nn.Module):
x = self.fc1(x)
x, gates = x.chunk(2, dim=-1)
x = x * self.act(gates)
x = self.drop(x)
x = self.drop1(x)
x = self.fc2(x)
x = self.drop(x)
x = self.drop2(x)
return x
@ -64,8 +72,11 @@ class GatedMlp(nn.Module):
super().__init__()
out_features = out_features or in_features
hidden_features = hidden_features or in_features
drop_probs = to_2tuple(drop)
self.fc1 = nn.Linear(in_features, hidden_features)
self.act = act_layer()
self.drop1 = nn.Dropout(drop_probs[0])
if gate_layer is not None:
assert hidden_features % 2 == 0
self.gate = gate_layer(hidden_features)
@ -73,15 +84,15 @@ class GatedMlp(nn.Module):
else:
self.gate = nn.Identity()
self.fc2 = nn.Linear(hidden_features, out_features)
self.drop = nn.Dropout(drop)
self.drop2 = nn.Dropout(drop_probs[1])
def forward(self, x):
x = self.fc1(x)
x = self.act(x)
x = self.drop(x)
x = self.drop1(x)
x = self.gate(x)
x = self.fc2(x)
x = self.drop(x)
x = self.drop2(x)
return x

@ -6,7 +6,7 @@ Based on the impl in https://github.com/google-research/vision_transformer
Hacked together by / Copyright 2020 Ross Wightman
"""
import torch
from torch import nn as nn
from .helpers import to_2tuple
@ -30,8 +30,8 @@ class PatchEmbed(nn.Module):
def forward(self, x):
B, C, H, W = x.shape
assert H == self.img_size[0] and W == self.img_size[1], \
f"Input image size ({H}*{W}) doesn't match model ({self.img_size[0]}*{self.img_size[1]})."
torch._assert(H == self.img_size[0], f"Input image height ({H}) doesn't match model ({self.img_size[0]}).")
torch._assert(W == self.img_size[1], f"Input image width ({W}) doesn't match model ({self.img_size[1]}).")
x = self.proj(x)
if self.flatten:
x = x.flatten(2).transpose(1, 2) # BCHW -> BNC

@ -81,7 +81,7 @@ class Attention(nn.Module):
B, T, N, C = x.shape
# result of next line is (qkv, B, num (H)eads, T, N, (C')hannels per head)
qkv = self.qkv(x).reshape(B, T, N, 3, self.num_heads, C // self.num_heads).permute(3, 0, 4, 1, 2, 5)
q, k, v = qkv[0], qkv[1], qkv[2] # make torchscript happy (cannot use tensor as tuple)
q, k, v = qkv.unbind(0) # make torchscript happy (cannot use tensor as tuple)
attn = (q @ k.transpose(-2, -1)) * self.scale # (B, H, T, N, N)
attn = attn.softmax(dim=-1)

@ -172,7 +172,7 @@ class WindowAttention(nn.Module):
"""
B_, N, C = x.shape
qkv = self.qkv(x).reshape(B_, N, 3, self.num_heads, C // self.num_heads).permute(2, 0, 3, 1, 4)
q, k, v = qkv[0], qkv[1], qkv[2] # make torchscript happy (cannot use tensor as tuple)
q, k, v = qkv.unbind(0) # make torchscript happy (cannot use tensor as tuple)
q = q * self.scale
attn = (q @ k.transpose(-2, -1))
@ -649,4 +649,4 @@ def swin_large_patch4_window7_224_in22k(pretrained=False, **kwargs):
"""
model_kwargs = dict(
patch_size=4, window_size=7, embed_dim=192, depths=(2, 2, 18, 2), num_heads=(6, 12, 24, 48), **kwargs)
return _create_swin_transformer('swin_large_patch4_window7_224_in22k', pretrained=pretrained, **model_kwargs)
return _create_swin_transformer('swin_large_patch4_window7_224_in22k', pretrained=pretrained, **model_kwargs)

@ -61,7 +61,7 @@ class Attention(nn.Module):
def forward(self, x):
B, N, C = x.shape
qk = self.qk(x).reshape(B, N, 2, self.num_heads, self.head_dim).permute(2, 0, 3, 1, 4)
q, k = qk[0], qk[1] # make torchscript happy (cannot use tensor as tuple)
q, k = qk.unbind(0) # make torchscript happy (cannot use tensor as tuple)
v = self.v(x).reshape(B, N, self.num_heads, -1).permute(0, 2, 1, 3)
attn = (q @ k.transpose(-2, -1)) * self.scale

@ -45,6 +45,8 @@ class SpatialMlp(nn.Module):
super().__init__()
out_features = out_features or in_features
hidden_features = hidden_features or in_features
drop_probs = to_2tuple(drop)
self.in_features = in_features
self.out_features = out_features
self.spatial_conv = spatial_conv
@ -55,9 +57,9 @@ class SpatialMlp(nn.Module):
hidden_features = in_features * 2
self.hidden_features = hidden_features
self.group = group
self.drop = nn.Dropout(drop)
self.conv1 = nn.Conv2d(in_features, hidden_features, 1, stride=1, padding=0, bias=False)
self.act1 = act_layer()
self.drop1 = nn.Dropout(drop_probs[0])
if self.spatial_conv:
self.conv2 = nn.Conv2d(
hidden_features, hidden_features, 3, stride=1, padding=1, groups=self.group, bias=False)
@ -66,16 +68,17 @@ class SpatialMlp(nn.Module):
self.conv2 = None
self.act2 = None
self.conv3 = nn.Conv2d(hidden_features, out_features, 1, stride=1, padding=0, bias=False)
self.drop3 = nn.Dropout(drop_probs[1])
def forward(self, x):
x = self.conv1(x)
x = self.act1(x)
x = self.drop(x)
x = self.drop1(x)
if self.conv2 is not None:
x = self.conv2(x)
x = self.act2(x)
x = self.conv3(x)
x = self.drop(x)
x = self.drop3(x)
return x

@ -190,7 +190,7 @@ class Attention(nn.Module):
def forward(self, x):
B, N, C = x.shape
qkv = self.qkv(x).reshape(B, N, 3, self.num_heads, C // self.num_heads).permute(2, 0, 3, 1, 4)
q, k, v = qkv[0], qkv[1], qkv[2] # make torchscript happy (cannot use tensor as tuple)
q, k, v = qkv.unbind(0) # make torchscript happy (cannot use tensor as tuple)
attn = (q @ k.transpose(-2, -1)) * self.scale
attn = attn.softmax(dim=-1)
@ -893,4 +893,4 @@ def vit_base_patch16_224_miil(pretrained=False, **kwargs):
"""
model_kwargs = dict(patch_size=16, embed_dim=768, depth=12, num_heads=12, qkv_bias=False, **kwargs)
model = _create_vision_transformer('vit_base_patch16_224_miil', pretrained=pretrained, **model_kwargs)
return model
return model

@ -267,7 +267,7 @@ class XCA(nn.Module):
B, N, C = x.shape
# Result of next line is (qkv, B, num (H)eads, (C')hannels per head, N)
qkv = self.qkv(x).reshape(B, N, 3, self.num_heads, C // self.num_heads).permute(2, 0, 3, 4, 1)
q, k, v = qkv[0], qkv[1], qkv[2] # make torchscript happy (cannot use tensor as tuple)
q, k, v = qkv.unbind(0) # make torchscript happy (cannot use tensor as tuple)
# Paper section 3.2 l2-Normalization and temperature scaling
q = torch.nn.functional.normalize(q, dim=-1)

@ -30,13 +30,13 @@ def avg_sq_ch_mean(model, input, output):
def avg_ch_var(model, input, output):
"""calculate average channel variance of output activations
""" calculate average channel variance of output activations
"""
return torch.mean(output.var(axis=[0, 2, 3])).item()
def avg_ch_var_residual(model, input, output):
"""calculate average channel variance of output activations
""" calculate average channel variance of output activations
"""
return torch.mean(output.var(axis=[0, 2, 3])).item()
@ -193,7 +193,7 @@ def _freeze_unfreeze(root_module, submodules=[], include_bn_running_stats=True,
named_modules = submodules
submodules = [root_module.get_submodule(m) for m in submodules]
if not (len(submodules)):
if not len(submodules):
named_modules, submodules = list(zip(*root_module.named_children()))
for n, m in zip(named_modules, submodules):

Loading…
Cancel
Save