Ross Wightman
45c048ba13
A few minor fixes and bit more cleanup on the huggingface hub integration.
2021-03-17 13:18:52 -07:00
Mehrdad
97f49d163c
adding efficientnet_el, efficientnet_es_prunedefficientnet_es_pruned and efficientnet_el_pruned pretrained models to timm/models
2021-03-17 10:51:51 -07:00
Ross Wightman
ead80d33c5
Fix typo, naming consistency
2021-03-16 23:02:51 -07:00
Ross Wightman
d584e7f617
Support for huggingface hub via create_model and default_cfgs.
...
* improve consistency of model creation helper fns
* add comments to some of the model helpers
* support passing external default_cfgs so they can be sourced from hub
2021-03-16 22:48:26 -07:00
Ross Wightman
1f799afcb3
Remove capital letters in model names
2021-03-15 10:20:34 -07:00
AFLALO, Jonathan Isaac
82c1fe958a
added hardcorenas model
...
refactoring to support feature extraction
2021-03-15 08:06:34 +02:00
Ross Wightman
f57db99101
Update README, fix iabn pip version print.
2021-03-07 16:17:06 -08:00
Ross Wightman
7ef7788ee9
Fix CUDA crash w/ channels-last + CSP models. Remove use of chunk()
2021-03-06 16:56:34 -08:00
Ross Wightman
317ea3e599
Tweak NFNet, ResNetV2, RexNet feature extraction, use pre-act features for simplicty. Update tests for pytorch 1.8. 0.4.5 version bump.
2021-03-06 12:48:06 -08:00
Ross Wightman
17cdee7354
Fix C&P patch_size error, and order of op patch_size arg resolution bug. Remove a test vit model.
2021-03-01 16:53:32 -08:00
Ross Wightman
0706d05d52
Benchmark models listed in txt file. Add more hybrid vit variants for testing
2021-02-28 16:00:33 -08:00
Ross Wightman
de97be9146
Spell out diff between my small and deit small vit models.
2021-02-23 16:22:55 -08:00
Ross Wightman
f0ffdf89b3
Add numerous experimental ViT Hybrid models w/ ResNetV2 base. Update the ViT naming for hybrids. Fix #426 for pretrained vit resizing.
2021-02-23 15:54:55 -08:00
Ross Wightman
4bc103f504
Fix CUDA crash w/ channels-last + CSP models. Remove use of chunk()
2021-02-23 13:15:52 -08:00
Ross Wightman
8563609b28
Update notes in ScaledStdConv impl
2021-02-18 12:44:08 -08:00
Ross Wightman
678ba4e0a2
Add NFNet-F model weights ported from DeepMind Haiku impl and new set of models w/ compatible config.
2021-02-18 12:28:46 -08:00
Ross Wightman
4f49b94311
Initial AGC impl. Still testing.
2021-02-15 23:22:44 -08:00
Ross Wightman
5f9aff395c
Fix stem width in NFNet-F models, add some more comments, add some 'light' NFNet models for testing.
2021-02-13 16:58:51 -08:00
Ross Wightman
d86dbe45c2
Update README.md and few more comments
2021-02-12 22:07:18 -08:00
Ross Wightman
0d253e2c5e
Fix issue with nfnet tests, bit more cleanup.
2021-02-12 21:05:41 -08:00
Ross Wightman
cb06c7a910
Add NFNet-F models and tweak existing NF models.
2021-02-12 18:28:56 -08:00
Ross Wightman
e4de077021
Add first 'Normalizer Free' models. nf_regnet_b1 79.3 @ 288x288 test, and nf_resnet50 80.3 @ 256x256 test (80.68 @ 288x288).
2021-02-11 13:20:11 -08:00
Ross Wightman
d8e69206be
Merge pull request #419 from rwightman/byob_vgg_models
...
More models, GPU-Efficient Nets, RepVGG, classic VGG, and flexible Byob backbone.
2021-02-10 15:44:09 -08:00
Ross Wightman
6853b07bbd
Improve RegVGG block identity/vs non for clariy and fix attn usage. Add comments.
2021-02-10 14:40:29 -08:00
Ross Wightman
0356e773f5
Default to native PyTorch AMP instead of APEX amp. Too many APEX issues cropping up lately.
2021-02-10 14:31:18 -08:00
Reuben
94ca140b67
update collections.abc import
2021-02-10 23:54:35 +11:00
Ross Wightman
b4e216e377
Fix a few small things.
2021-02-09 17:33:43 -08:00
Ross Wightman
dc85e5a237
Add ByobNet w/ GPU-EfficientNets and RepVGG. Also add classic vgg models.
2021-02-09 16:22:52 -08:00
Ross Wightman
1bcc69e0ad
Use in_channels for depthwise groups, allows using `out_channels=N * in_channels` (does not impact existing models). Fix #354 .
2021-02-09 16:22:52 -08:00
Ross Wightman
9811e229f7
Fix regression in models with 1001 class pretrained weights. Improve batchnorm arg and BatchNormAct layer handling in several models.
2021-02-09 16:22:52 -08:00
Ross Wightman
a39c3ee216
Merge branch 'master' into eca-weights
2021-02-08 11:52:31 -08:00
Ross Wightman
666de85cf1
Move stride in EdgeResidual block to 3x3 expansion conv. Fix #414
2021-02-07 22:10:18 -08:00
Ross Wightman
3b57490a63
Fix some half removed resnet model defs, pooling for ecaresnet269d
2021-02-07 22:09:25 -08:00
Ross Wightman
68a4144882
Add new weights for ecaresnet26t/50t/269d models. Remove distinction between 't' and 'tn' (tiered models), tn is now t. Add test time img size spec to default cfg.
2021-02-06 16:30:02 -08:00
Ross Wightman
b9843f954b
Merge pull request #282 from tigert1998/patch-1
...
Add symbolic for SwishJitAutoFn to support onnx
2021-02-04 12:18:40 -08:00
hwangdeyu
7a4be5c035
add operator HardSwishJitAutoFn export to onnx
2021-02-03 09:06:53 +08:00
Ross Wightman
f0e65e37b7
Fix NF-ResNet101 model defs
2021-01-30 23:26:19 -08:00
Ross Wightman
2de54d174a
Fix pool size defs for NFNet models, add a comment.
2021-01-30 18:02:33 -08:00
Ross Wightman
90980de4a9
Fix up a few details in NFResNet models, managed stable training. Add support for gamma gain to be applied in activation or ScaleStdConv. Some tweaks to ScaledStdConv.
2021-01-30 16:32:07 -08:00
Ross Wightman
5a8e1e643e
Initial Normalizer-Free Reg/ResNet impl. A bit of related layer refactoring.
2021-01-27 22:06:57 -08:00
Ross Wightman
38d8f67570
Fix potential issue with change to num_classes arg in train/validate.py defaulting to None (rely on model def / default_cfg)
2021-01-25 11:53:34 -08:00
Ross Wightman
bb50ac4708
Add DeiT distilled weights and distilled model def. Remove some redudant ViT model args.
2021-01-25 11:05:23 -08:00
Ross Wightman
c16e965037
Add some ViT comments and fix a few minor issues.
2021-01-24 23:18:35 -08:00
Ross Wightman
22748f1a2d
Convert samples/targets in ParserImageInTar to numpy arrays, slightly less mem usage for massive datasets. Add a few more se/eca model defs to resnet.py
2021-01-22 16:54:33 -08:00
Ross Wightman
55f7dfa9ea
Refactor vision_transformer entrpy fns, add pos embedding resize support for fine tuning, add some deit models for testing
2021-01-18 16:11:02 -08:00
Ross Wightman
d55bcc0fee
Finishing adding stochastic depth support to BiT ResNetV2 models
2021-01-16 16:32:03 -08:00
Ross Wightman
855d6cc217
More dataset work including factories and a tensorflow datasets (TFDS) wrapper
...
* Add parser/dataset factory methods for more flexible dataset & parser creation
* Add dataset parser that wraps TFDS image classification datasets
* Tweak num_classes handling bug for 21k models
* Add initial deit models so they can be benchmarked in next csv results runs
2021-01-15 17:26:20 -08:00
Ross Wightman
20516abc18
Fix some broken tests for ResNetV2 BiT models
2021-01-04 23:21:39 -08:00
Ross Wightman
59ec7e6a53
Merge branch 'master' into imagenet21k_datasets_more
2021-01-04 12:11:05 -08:00
Ross Wightman
4e2533db77
Add 320x320 model default cfgs for 101D and 152D ResNets. Add SEResNet-152D weights and 320x320 cfg.
2021-01-03 12:10:25 -08:00
Ross Wightman
0167f749d3
Remove some old __future__ imports
2021-01-03 11:24:16 -08:00
Ross Wightman
ce69de70d3
Add 21k weight urls to vision_transformer. Cleanup feature_info for preact ResNetV2 (BiT) models
2020-12-28 16:59:15 -08:00
Ross Wightman
231d04e91a
ResNetV2 pre-act and non-preact model, w/ BiT pretrained weights and support for ViT R50 model. Tweaks for in21k num_classes passing. More to do... tests failing.
2020-12-28 16:59:15 -08:00
Ross Wightman
392595c7eb
Add pool_size to default cfgs for new models to prevent tests from failing. Add explicit 200D_320 model entrypoint for next benchmark run.
2020-12-18 21:28:47 -08:00
Ross Wightman
b1f1228a41
Add ResNet101D, 152D, and 200D weights, remove meh 66d model
2020-12-18 17:13:37 -08:00
Ross Wightman
cd72e66eff
Bug in last mod for features_only default_cfg
2020-12-03 12:33:01 -08:00
Ross Wightman
867a0e5a04
Add default_cfg back to models wrapped in feature extraction module as per discussion in #294 .
2020-12-03 10:24:35 -08:00
Ross Wightman
2ed8f24715
A few more changes for 0.3.2 maint release. Linear layer change for mobilenetv3 and inception_v3, support no bias for linear wrapper.
2020-11-30 16:19:52 -08:00
Ross Wightman
460eba7f24
Work around casting issue with combination of native torch AMP and torchscript for Linear layers
2020-11-30 13:30:51 -08:00
Ross Wightman
5f4b6076d8
Fix inplace arg compat for GELU and PreLU via activation factory
2020-11-30 13:27:40 -08:00
Ross Wightman
fd962c4b4a
Native SiLU (Swish) op doesn't export to ONNX
2020-11-29 21:56:55 -08:00
tigertang
43f2500c26
Add symbolic for SwishJitAutoFn to support onnx
2020-11-18 14:36:12 +08:00
Ross Wightman
b401952caf
Add newly added vision transformer large/base 224x224 weights ported from JAX official repo
2020-10-29 17:31:01 -07:00
Ross Wightman
61200db0ab
in_chans=1 working w/ pretrained weights for vision_transformer
2020-10-29 15:49:36 -07:00
Ross Wightman
e90edce438
Support native silu activation (aka swish). An optimized ver is available in PyTorch 1.7.
2020-10-29 15:45:17 -07:00
Ross Wightman
da6cd2cc1f
Fix regression for pretrained classifier loading when using entrypt functions directly
2020-10-29 15:43:39 -07:00
Ross Wightman
f591e90b0d
Make sure num_features attr is present in vit models as with others
2020-10-29 15:33:47 -07:00
Ross Wightman
f944242cb0
Fix #262 , num_classes arg mixup. Make vision_transformers a bit closer to other models wrt get/reset classfier/forward_features. Fix torchscript for ViT.
2020-10-29 13:58:28 -07:00
Ross Wightman
736f209e7d
Update vision transformers to be compatible with official code. Port official ViT weights from jax impl.
2020-10-26 18:42:11 -07:00
Ross Wightman
27a93e9de7
Improve test crop for ViT models. Small now 77.85, added base weights at 79.35 top-1.
2020-10-21 23:35:25 -07:00
Ross Wightman
d4db9e7977
Add small vision transformer weights. 77.42 top-1.
2020-10-21 12:14:12 -07:00
Ross Wightman
f31933cb37
Initial Vision Transformer impl w/ patch and hybrid variants. Refactor tuple helpers.
2020-10-13 13:33:44 -07:00
Ross Wightman
fcb6258877
Add missing leaky_relu layer factory defn, update Apex/Native loss scaler interfaces to support unscaled grad clipping. Bump ver to 0.2.2 for pending release.
2020-10-02 16:19:39 -07:00
Ross Wightman
e8e2d9cabf
Add DropPath (stochastic depth) to ReXNet and VoVNet. RegNet DropPath impl tweak and dedupe se args.
2020-09-24 18:20:36 -07:00
Ross Wightman
e8ca45854c
More models in sotabench, more control over sotabench run, dataset filename extraction consistency
2020-09-24 15:56:57 -07:00
Ross Wightman
9c406532bd
Add EfficientNet-EdgeTPU-M (efficientnet_em) model trained natively in PyTorch. More sotabench fiddling.
2020-09-23 17:12:07 -07:00
Ross Wightman
c40384f5bd
Add ResNet weights. 80.5 (top-1) ResNet-50-D, 77.1 ResNet-34-D, 72.7 ResNet-18-D.
2020-09-18 12:05:37 -07:00
Ross Wightman
33f8a1bf36
Updated README, add wide_resnet50_2 and seresnext50_32x4d weights
2020-09-03 10:45:17 -07:00
Ross Wightman
751b0bba98
Add global_pool (--gp) arg changes to allow passing 'fast' easily for train/validate to avoid channels_last issue with AdaptiveAvgPool
2020-09-02 16:13:47 -07:00
Ross Wightman
9c297ec67d
Cleanup Apex vs native AMP scaler state save/load. Cleanup CheckpointSaver a bit.
2020-09-02 15:12:59 -07:00
Ross Wightman
80c9d9cc72
Add 'fast' global pool option, remove redundant SEModule from tresnet, normal one is now 'fast'
2020-09-02 09:11:48 -07:00
Ross Wightman
90a01f47d1
hrnet features_only pretrained weight loading issue. Fix #232 .
2020-09-01 17:37:55 -07:00
Ross Wightman
110a7c4982
AdaptiveAvgPool2d -> mean((2,3)) for all SE/attn layers to avoid NaN with AMP + channels_last layout. See https://github.com/pytorch/pytorch/issues/43992
2020-09-01 16:05:32 -07:00
Ross Wightman
470220b1f4
Fix MobileNetV3 crash with global_pool='', output consistent with other models but not equivalent due to efficient head.
2020-08-18 14:11:30 -07:00
Ross Wightman
fc8b8afb6f
Fix a silly bug in Sample version of EvoNorm missing x* part of swish, update EvoNormBatch to accumulated unbiased variance.
2020-08-13 18:25:01 -07:00
Ross Wightman
0f5d9d8166
Add CSPResNet50 weights, 79.6 top-1 at 256x256
2020-08-12 11:20:11 -07:00
Ross Wightman
b1b6e7c361
Fix a few more issues related to #216 w/ TResNet (space2depth) and FP16 weights in wide resnets. Also don't completely dump pretrained weights in in_chans != 1 or 3 cases.
2020-08-11 18:57:47 -07:00
Ross Wightman
512b2dd645
Add new EfficientNet-B3 and RegNetY-3.2GF weights, both just over 82 top-1
2020-08-11 14:18:51 -07:00
Ross Wightman
6890300877
Add DropPath (stochastic depth) to RegNet
2020-08-11 14:08:53 -07:00
Yusuke Uchida
f6b56602f9
fix test_model_default_cfgs
2020-08-11 23:23:57 +09:00
Ross Wightman
d5145fa4d5
Change default_cfg names for senet to include the legacy and match model names
2020-08-08 11:12:58 -07:00
Ross Wightman
b1f1a54de9
More uniform treatment of classifiers across all models, reduce code duplication.
2020-08-03 22:18:24 -07:00
Ross Wightman
d72ddafe56
Fix some checkpoint / model str regressions
2020-07-29 19:43:01 -07:00
Ross Wightman
ac18adb9c3
Remove debug print from RexNet
2020-07-29 11:15:19 -07:00
Ross Wightman
ec4976fdba
Add EfficientNet-Lite0 weights trained with this code by @hal-314, 75.484 top-1
2020-07-29 00:32:08 -07:00
Ross Wightman
9ecd16bd7b
Add new seresnet50 (non-legacy) model weights, 80.274 top-1
2020-07-29 00:17:42 -07:00
Ross Wightman
7995295968
Merge branch 'logger' into features. Change 'logger' to '_logger'.
2020-07-27 18:00:46 -07:00
Ross Wightman
1998bd3180
Merge branch 'feature/AB/logger' of https://github.com/antoinebrl/pytorch-image-models into logger
2020-07-27 16:06:01 -07:00
Ross Wightman
6c17d57a2c
Fix some attributions, add copyrights to some file docstrings
2020-07-27 13:44:56 -07:00
Ross Wightman
a69c0e04f0
Fix pool size in cspnet
2020-07-27 13:44:02 -07:00
Ross Wightman
14ef7a0dd6
Rename csp.py -> cspnet.py
2020-07-27 11:15:07 -07:00
Ross Wightman
ec37008432
Add pretrained weight links to CSPNet for cspdarknet53, cspresnext50
2020-07-27 11:13:21 -07:00
Ross Wightman
08016e839d
Cleanup FeatureInfo getters, add TF models sourced Xception41/65/71 weights
2020-07-24 17:59:21 -07:00
Ross Wightman
7ba5a384d3
Add ReXNet w/ remapped weights, feature support
2020-07-23 10:28:57 -07:00
Ross Wightman
c9d54bc1c3
Add HRNet feature extraction, fix senet type, lower feature testing res to 96x96
2020-07-21 17:39:29 -07:00
Ross Wightman
2ac663f340
Add feature support to legacy senets, add 32x32 resnext models to exclude list for feature testing.
2020-07-21 11:15:30 -07:00
Ross Wightman
c146b54abc
Cleanup EfficientNet/MobileNetV3 feature extraction a bit, only two tap locations now, small mobilenetv3 models work
2020-07-21 01:21:38 -07:00
Ross Wightman
68fd8a267b
Merge branch 'master' into features
2020-07-20 16:11:38 -07:00
Ross Wightman
4e61c6a12d
Cleanup, refactoring of Feature extraction code, add tests, fix tests, non hook feature extraction working with torchscript
2020-07-20 16:10:31 -07:00
Ross Wightman
6eec3fb4a4
Move FeatureHooks into features.py, switch EfficientNet, MobileNetV3 to use build model helper
2020-07-19 15:00:43 -07:00
Ross Wightman
9eba134d79
More models supporting feature extraction, xception, gluon_xception, inception_v3, inception_v4, pnasnet, nasnet, dla. Fix DLA unused projection params.
2020-07-19 14:02:02 -07:00
Ross Wightman
298fba09ac
Back out some activation hacks trialing upcoming pytorch changes
2020-07-17 18:41:37 -07:00
Ross Wightman
3b9004bef9
Lots of changes to model creation helpers, close to finalizing feature extraction / interfaces
2020-07-17 17:54:26 -07:00
Ross Wightman
e2cc481310
Update CSP ResNets for cross expansion without activation. Fix VovNet IABN compatibility with fixed activation arg.
2020-07-13 16:24:55 -07:00
Ross Wightman
3b6cce4c95
Add initial impl of CrossStagePartial networks, yet to be trained, not quite the same as darknet cfgs.
2020-07-13 15:01:06 -07:00
Ross Wightman
3aebc2f06c
Switch DPN to use BnAct layer, train a new DPN 68b model with RA to 79.21
2020-07-12 11:13:06 -07:00
Ross Wightman
f122f0274b
Significant ResNet refactor:
...
* stage creation + make_layer moved to separate fn with more sensible dilation/output_stride calc
* drop path rate decay easy to impl with refactored block creation loops
* fix dilation + blur pool combo
2020-07-05 00:48:12 -07:00
Ross Wightman
a66df5fb91
More model feature extraction support, start to deprecate senet.py, dilations added to regnet, add proper aligned xception
2020-07-03 00:41:30 -07:00
Ross Wightman
7729f40dca
Fix another bug, update all gluon resnet models to use new creation method (feature support)
2020-06-30 16:44:15 -07:00
Ross Wightman
d72ac0db25
Fix #173 , lr cycle default 0 vs 1. Fix #177 , mirror resnest weights for future stability.
2020-06-29 21:31:48 -07:00
Ross Wightman
d0113f9cdb
Fix a few issues that came up in tests
2020-06-29 21:13:21 -07:00
Ross Wightman
d23a2697d0
Working on feature extraction, interfaces refined, a number of models working, some in progress.
2020-06-29 18:18:59 -07:00
Ross Wightman
328339a086
Add ESE-VoVNet-19-DW weights
2020-06-15 14:31:55 -07:00
Ross Wightman
2d83752bc2
Fix default interpolation/crop of largest 2 ResNeSt models
2020-06-12 16:42:47 -07:00
Ross Wightman
39f27c1add
Almost ready to merge, vovnet typo, version bump, readme addition
2020-06-11 15:41:58 -07:00
Ross Wightman
151679c2f1
Add custom grad tests, fix cut & paste error with hard_mish ME, add a few more pytorch act fns to factory
2020-06-11 14:49:23 -07:00
Ross Wightman
6c7932fe75
Update sotabench.py, tweak VovNet cfg
2020-06-11 14:34:25 -07:00
Ross Wightman
0aca08384f
Update regnet cfg keys to match model names so registry works properly
2020-06-09 14:37:45 -07:00
Antoine Broyelle
78fa0772cc
Leverage python hierachical logger
...
with this update one can tune the kind of logs generated by timm but
training and inference traces are unchanged
2020-06-09 18:28:48 +01:00
Ross Wightman
13c0a6290e
Add ESE-VovNet39 weights, 79.32 top-1
2020-06-06 22:50:21 -07:00
Ross Wightman
4ddde1d3a4
Fix two regressions
2020-06-05 11:04:51 -07:00
Ross Wightman
a7e8cadd15
Remove pointless densenet configs, add an iabn version of 264 as it makes more sense to try someday...
2020-06-03 17:13:52 -07:00
Ross Wightman
e78daf586a
better densenet121 and densenetblur121d weights
2020-06-03 13:30:03 -07:00
Ross Wightman
7be299504f
Add missing feature_info() on MobileNetV3, make hook feature output order/type consistent with bottleneck (list, decreasing fmap size)
2020-06-03 00:00:37 -07:00
Ross Wightman
88129b2569
Add set_layer_config contextmgr to adjust all layer configs at once, use in create_module with new args. Remove a few old warning causing constant annotations for jit.
2020-06-02 21:06:10 -07:00
Ross Wightman
f28170df3f
Fix an an untested change, remove a debug print
2020-06-01 17:26:42 -07:00
Ross Wightman
eb7653614f
Monster commit, activation refactor, VoVNet, norm_act improvements, more
...
* refactor activations into basic PyTorch, jit scripted, and memory efficient custom auto
* implement hard-mish, better grad for hard-swish
* add initial VovNet V1/V2 impl, fix #151
* VovNet and DenseNet first models to use NormAct layers (support BatchNormAct2d, EvoNorm, InplaceIABN)
* Wrap IABN for any models that use it
* make more models torchscript compatible (DPN, PNasNet, Res2Net, SelecSLS) and add tests
2020-06-01 17:16:52 -07:00
Ross Wightman
0ea53cecc3
Merge branch 'master' into densenet_update_and_more
2020-05-22 16:18:10 -07:00
Ross Wightman
6441e9cc1b
Fix memory_efficient mode for DenseNets. Add AntiAliasing (Blur) support for DenseNets and create one test model. Add lr cycle/mul params to train args.
2020-05-22 16:16:45 -07:00
Ross Wightman
afb6bd0669
Add backward and default_cfg tests and fix a few issues found. Fix #153
2020-05-21 15:30:58 -07:00
Ross Wightman
50658b9a67
Add RegNet models and weights
2020-05-18 00:08:52 -07:00
Ross Wightman
7df83258c9
Merge branch 'master' into densenet_update_and_more
2020-05-13 23:34:44 -07:00
Ross Wightman
1904ed8fec
Improve dropblock impl, add fast variant, and better AMP speed, inplace, batchwise... few ResNeSt cleanups
2020-05-13 15:17:08 -07:00
Ross Wightman
17270c69b9
Remove annoying InceptionV3 dependency on scipy and insanely slow trunc_norm init. Bring InceptionV3 code into this codebase and use upcoming torch trunch_norm_ init.
2020-05-12 21:59:34 -07:00
Ross Wightman
c4ca016656
Merge pull request #145 from rwightman/resnest
...
ResNeSt
2020-05-12 13:38:29 -07:00
Ross Wightman
208e7912f7
Missed one of the abalation model entrypoints, update README
2020-05-12 13:36:31 -07:00
Ross Wightman
9cc289f18c
Exclude EfficientNet-L2 models from test
2020-05-12 13:07:03 -07:00
Ross Wightman
2f884a0ce5
Add resnest14, resnest26, and two of the abalation grouped resnest50 models
2020-05-12 12:21:52 -07:00
Ross Wightman
f4cdc2ac31
Add ResNeSt models
2020-05-11 23:27:09 -07:00
Ross Wightman
780860d140
Add norm_act factory method, move JIT of norm layers to factory
2020-05-09 22:09:21 -07:00
Ross Wightman
14edacdf9a
DenseNet converted to support ABN (norm + act) modules. Experimenting with EvoNorm, IABN
2020-05-09 18:26:41 -07:00
Ross Wightman
022ed001f3
Update DenseNet to latest in Torchvision (torchscript compat, checkpointing, proper init). Start adding ehanced configurability, stem options...
2020-05-07 09:57:48 -07:00
Vyacheslav Shults
a7ebe09029
Replace all None by nn.Identity() in all models reset_classifier when False-values num_classes is given.
...
Make small code refactoring
2020-05-06 09:54:03 +03:00
Vyacheslav Shults
f0eb021620
Replace all None by nn.Identity() in HRNet modules
2020-05-05 21:09:35 +03:00
Ross Wightman
8d8677e03b
Fix #139 . Broken SKResNets after BlurPool addition, as a plus, SKResNets support AA now too.
2020-05-04 12:14:43 -07:00
AFLALO, Jonathan Isaac
9c15d57505
added efficientnet pruned weights
2020-05-03 09:29:45 +03:00
Ross Wightman
ea300709f0
Fix model create fn not passing num_classes through. Fix #135
2020-05-01 18:37:03 -07:00
Ross Wightman
2c438c4e0d
Merge branch 'master' of github.com:rwightman/pytorch-models
2020-05-01 17:03:17 -07:00
Ross Wightman
2681a8d618
Final blurpool2d cleanup and add resnetblur50 weights, match tresnet Downsample arg order to BlurPool2d for interop
2020-05-01 17:00:21 -07:00
Ross Wightman
9590f301a9
Merge branch 'blur' of https://github.com/VRandme/pytorch-image-models into VRandme-blur
2020-05-01 15:19:57 -07:00
Ross Wightman
a5220ad3aa
Merge pull request #125 from Separius/patch-1
...
fix typo in eca
2020-05-01 15:11:56 -07:00
Ross Wightman
0834fbc01c
Move pruned model adapt strings to separate txt files. A few minor formatting alignment tweaks.
2020-05-01 15:09:20 -07:00
Ross Wightman
ba793f5c1c
Merge branch 'adding_ECA_resnet' of https://github.com/yoniaflalo/pytorch-image-models into yoniaflalo-adding_ECA_resnet
2020-04-29 16:43:02 -07:00
AFLALO, Jonathan Isaac
07f19dd699
added eca resnet
2020-04-29 19:09:55 +03:00
Ross Wightman
be7c784d21
Small TResNet simplification, just use SelectAdaptivePool, don't notice any perf difference
2020-04-27 17:50:19 -07:00
Ross Wightman
e3a98171b2
Remove some CRLF that made it into TResNet merge
2020-04-27 13:23:41 -07:00
Ross Wightman
0004f37d25
Some TResNet cleanup.
...
* allow use of global pool arg, test-time-pooling
* clean checkpoints to just contain state dict, add 448 res checkpoints
* support DataParallel via lazy filter creation for JIT Downsample
* some minor formatting (mostly alignment) preferences
2020-04-27 13:21:05 -07:00
Sepehr Sameni
20290b5b56
fix typo in eca
2020-04-14 15:20:35 +04:30
Ross Wightman
ebf82b84ac
Merge pull request #122 from mrT23/master
...
TResNet models
2020-04-12 18:23:46 -07:00
Alexey Chernov
bdb165a8a4
Merge changes in feature extraction interface to MobileNetV3
...
Experimental feature extraction interface seems to be changed
a little bit with the most up to date version apparently found
in EfficientNet class. Here these changes are added to
MobileNetV3 class to make it support it and work again, too.
2020-04-13 02:02:14 +03:00
talrid
8a63c1add8
finalizing
2020-04-12 19:08:35 +03:00
talrid
6209146738
TResNet models
2020-04-12 18:44:12 +03:00
Ross Wightman
1a8f5900ab
Update EfficientNet feature extraction for EfficientDet. Add needed MaxPoolSame as well.
2020-04-09 01:41:54 -07:00
Chris Ha
06a50a94a8
Fix minor typos in create_attn.py and resnet.py
...
'eca'->'ceca'
and
doest not-> does not
2020-04-07 21:15:57 +09:00
Ross Wightman
1a9ab07307
One too many changes at a time, fix missing C
2020-04-07 21:12:08 +09:00
Ross Wightman
f17b42bc33
Blur filter no longer a buffer
2020-04-07 21:12:08 +09:00
Ross Wightman
6cdeca24a3
Some cleanup and fixes for initial BlurPool impl. Still some testing and tweaks to go...
2020-04-07 21:12:08 +09:00
Chris Ha
acd1b6cccd
Implement Functional Blur on resnet.py
...
1. add ResNet argument blur=''
2. implement blur for maxpool and strided convs in downsampling blocks
2020-04-07 21:12:08 +09:00
Chris Ha
ce3d82b58b
Update blurpool.py
...
clean up code for PR
2020-04-07 21:12:07 +09:00
Chris Ha
3a287a6e76
Create blurpool.py
...
Initial implementation of blur layer.
currently tests as correct against Downsample of original github
2020-04-07 21:12:07 +09:00
Ross Wightman
c99a5abed4
Merge pull request #115 from rwightman/mobilenetv2-experiment
...
MobileNet-V2 experiments
2020-04-05 17:32:06 -07:00
Ross Wightman
e34074b4da
Add final weights for MobileNet-V2 experiments
2020-04-05 17:31:02 -07:00
Ross Wightman
a6a5565de7
Fiddling...
2020-03-19 10:20:20 -07:00
Ross Wightman
5a16c533ff
Add better resnext50_32x4d weights trained by andravin
2020-03-18 14:43:50 -07:00
Ross Wightman
bc998cad91
Experimenting with some MobileNetV2 variations to compare against EfficientNet-Lite
2020-03-18 13:54:06 -07:00
Ross Wightman
3406e582cf
Add EfficientNet-Lite results, update README
2020-03-18 13:12:30 -07:00
Ross Wightman
bd05258f7b
EfficientNet-Lite model added w/ converted checkpoints, validation in progress...
2020-03-17 23:31:45 -07:00
Ross Wightman
56e2ac3a6d
Merge pull request #94 from rwightman/lr_noise
...
Learning rate noise, MobileNetV3 weights, and activate MobileNetV3/EfficientNet weight init change
2020-02-29 20:41:05 -08:00
Ross Wightman
c16f25ced2
Add MobileNetV3 Large weights, results, update README and sotabench for merge
2020-02-29 20:37:20 -08:00
Ross Wightman
c60069c1eb
Annotate types on drop fns to avoid torchscript error
2020-02-27 09:30:23 -08:00
Ross Wightman
9fee316752
Enable fixed fanout calc in EfficientNet/MobileNetV3 weight init by default. Fix #84
2020-02-24 15:11:26 -08:00
Ross Wightman
43225d110c
Unify drop connect vs drop path under 'drop path' name, switch all EfficientNet/MobilenetV3 refs to 'drop_path'. Update factory to handle new drop args.
2020-02-18 14:00:26 -08:00
Ross Wightman
f1d5f8a6c4
Update comments for Selective Kernel and DropBlock/Path impl, add skresnet34 weights
2020-02-18 13:58:30 -08:00
Ross Wightman
569419b38d
Tweak some comments, add SKNet models with weights to sotabench, remove an unused branch
2020-02-15 21:18:25 -08:00
Ross Wightman
53c47479c4
Batch validation batch size adjustment, tweak L2 crop pct
2020-02-15 20:37:04 -08:00
Ross Wightman
08553e16b3
Merge branch 'master' into attention
2020-02-14 18:24:21 -08:00
Ross Wightman
fa38f24967
Update SK network configs, add weights for skresnet8 and skresnext50
2020-02-14 15:37:00 -08:00
Ross Wightman
ba15ca47e8
Add ported EfficientNet-L2, B0-B7 NoisyStudent weights from TF TPU
2020-02-12 11:26:38 -08:00
Ross Wightman
5e6dbbaf30
Add CBAM for experimentation
2020-02-10 16:23:09 -08:00
Ross Wightman
d725991870
Remove debug print from ECA module
2020-02-10 16:21:33 -08:00