- Feb 25, 2021
-
-
Haian Huang(深度眸) authored
* Refactor unittest * Fix unittest * Fix unittest * Replace util with mmcv testing * Try to reduce the unit test memory
-
- Feb 24, 2021
-
-
jingege315 authored
* use isinstance method to get loading pipeline * Fix isinstance error * Add unit test * Fix lint * Fix lint Co-authored-by:
hhaAndroid <1286304229@qq.com>
-
- Feb 09, 2021
-
-
Wenwei Zhang authored
* clean deprecated fp16 api * clean fp16 import in core
-
- Feb 07, 2021
-
-
ZhangShilong authored
* add a abvious import * add a assert for CLASSES in XMLDataset * change to get * add voc tiny dataset * add tiny voc * add voc init test * change to smalle iamge * add xmlsubclass check * add smaller image * add comment for assert
-
Haian Huang(深度眸) authored
* Support get plt frame data * Add grayscale image unittest and fix comment * Clean empty line and fix comment * Add unit test and fix comment
-
- Feb 05, 2021
-
-
Haian Huang(深度眸) authored
* Update inference and add unit test * Fix lint * Fix abnormal resource usage * Update unit test
-
- Jan 28, 2021
-
-
Thang Vu authored
Code for AAAI 2021 paper. "SCNet: Training Inference Sample Consistency for Instance Segmentation" (#4356) * add scnet * add more configs and minors * fix unittest for scnet * update docstring * add forward test for htc and scnet * fix build on pytorch 1.3 for empty tensor * update doc string and minor refactor * update unit-test and use inheritance for SCNet heads * support scnet tta * minor * update readme * minor fixes
-
- Jan 27, 2021
-
-
ZhangShilong authored
* add CompatibleCheckHook * check val * add docstr * move hook to default runtime * add unitest * fix a typo * fix unitest * update docs * add check for CLASSES is None * fix doc
-
Luting Wang authored
* fix: mask resize * test: mask resize * chore: fix lint
-
- Jan 26, 2021
-
-
ZhangShilong authored
* draft version train and test * remove get_bbox in sparse_head * refactor SparseRCNN model, align inference eval mAP with official repo * add focal_loss in hungarian_assigner.py * update hungarian_assigner.py * update detr config * update doc and codes * fix unitest * fix unitest * add embedding_rpn and traing code * modify code format * fix proposalist in simpletest * add focal loss traing * fix acc * fix reduce mean * add embedding rpn doc and add show initproposals * add docstr * fix backbone lr * fix typo and change detach_proposal_list to proposal_list * remove debug assert * add readme * add config for random crop when use 300 proposals * add aug for 300 proposals * add 300 proposals results and fix docstr * add 1x results * fix lint * fix unitest * fix docstr of embeddingrpn * fix according to the comments * fix get_bbox and a bug of dynamic conv * support cpu focal loss and fix docstr * fix docstr * fix unitest * fix bug of init_weight * fix to device in assign * fix all commemt * fix test_config * remove dim 1 in forward * fix shape in comment * fix the case that train_cfg is None * fix shape of docstr * fix docstr * fix typo * simplify test * fix docstr * move train_cfg and test_cfg to model as * fix unitest * add link of ckpt and log * fix 1x results Co-authored-by:
tianyuandu <tianyuandu@gmail.com> Co-authored-by:
fangkairen <fangkairen@sensetime.com>
-
- Jan 20, 2021
-
-
Haian Huang(深度眸) authored
* New Add ResultEvaluate * Update ResultVisualizer * Delete debug code * Add Loading related pipeline * 1.Move retrieve_loading_pipeline to dataset.util 2.Support display GT mask 3.Support display GT mask and det mask for visualize fn * Use gt_mask.to_ndarray() * Refactor analyze_results.py * Fix docs str * Logger is silent and add progressBar * Fix lint * Fix docs str and other comment * Fix docs str * Fix docs str * Fix docs str and add unit test for mask2ndarray
-
- Jan 18, 2021
-
-
Jerry Jiarui XU authored
* Move train_cfg/test_cfg into model * fixed fsaf * fixed missing
-
- Jan 13, 2021
-
-
Haian Huang(深度眸) authored
* FPN deprecated warning * FPN deprecated warning * Replace imshow_det_bboxes visualization backend * Add bbox_vis unit tests * Encapsulate color_val_matplotlib function * Add fun input parameters * Deprecate block * Add mask display in image * Putting the text inner left corner the bbox * Add a filling color for text regions. * Update color docs * Fix color docs * Update color docs and Fix default param
-
- Dec 29, 2020
-
-
Haian Huang(深度眸) authored
* FPN deprecated warning * FPN deprecated warning * fix scale_factor is not same type as det_bboxes error * Update model url from aws to aliyun * Delete unnecessary changes * update url * add url link * Test program * Revert changes * Update MMDet tutorial url
-
Haian Huang(深度眸) authored
* FPN deprecated warning * FPN deprecated warning * Fix show_result error
-
- Dec 23, 2020
-
-
kellenf authored
* add focal_loss in hungarian_assigner.py * update hungarian_assigner.py * update detr config * update doc and codes * fix unitest * fix unitest * modify code format * update docstring * fix unitest * fix name * fix docformat * fix docformat * fix format Co-authored-by:
fangkairen <fangkairen@sensetime.com>
-
Haian Huang(深度眸) authored
* FPN deprecated warning * FPN deprecated warning * Fix empirical attention with resNext backbone error(#4228) * Fix empirical attention in resnext backbone error * Add test ResNeXt Bottleneck forward with plugins
-
- Dec 15, 2020
-
-
Chrisfsj2051 authored
* go * go * go * go * remove unused * Update trident_faster_rcnn.py * fix nms for latest mmcv * Delete tridentnet_r101_caffe_1x_coco.py * fix ci * Update tridentnet_r50_caffe_1x_coco.py * add unit test * Update test_backbones.py * Update trident_roi_head.py * add mstrain config * update * Update trident_roi_head.py * Update trident_roi_head.py * update accoding to comment * Update trident_resnet.py * update * Update README.md * Update README.md * update * Update trident_resnet.py * Update tridentnet_r50_caffe_mstrain_1x_coco.py * Update mmdet/models/backbones/trident_resnet.py * Update resnet.py * reformat to pass CI Co-authored-by:
Jerry Jiarui XU <xvjiarui0826@gmail.com>
-
- Dec 11, 2020
-
-
filaPro authored
-
- Dec 10, 2020
-
-
Wenwei Zhang authored
* fix detr config for higher performance * fix unit tests
-
- Nov 29, 2020
-
-
qiaofl authored
* supports for DETR transformer * unit test with small data to avoid out of memory in CI * use batch size 1 for unit test to avoid out of memory * move transformer into utils folder and use more small data for unit test * reformat docstring * add more detailed docstring * reforamt * reformat and add build_transformer (#3866) * Supports for DETR position embedding (#3850) * supports for DETR position embedding * reformat docstring * reformat * move transformer_head folder into utils * remove unnecessary comments * reformat * reformat * reformat docstring * reformat * add optional for default parameters * add comments for unit test * avoid inplace in MultiheadAttention and add optional add_residual for FFN * Supports for DETR inference (#3941) * fix forward in FFN * supports detr inference mode with batchsize 1 * add docstring for DETR in detr.py * reformat and add doctest for TransformerHead * reformat, and move the mask construction from simple_test in detr.py to the forward process of transformer_head * rename detr_r50_1x_coco as detr_r50_8x4_1x_coco in config * reformat * mask input_img_shape in img_meta as a general modification of base_detector forward_test * reformat * Supports for DETR hungarian matcher. (#3929) * Add doc of modify loss (#3777) * add doc of modify loss * minor fix * change name * improve the function of simple_test_bboxes (#3853) * update * fix lint error * add bbox_pred_split in sabl_head * fix lint error * fix yapf * fix build error * fix yapf * Clean background_labels in the dense heads (#3221) * Clean background_labels in the dense heads * clean format * Reformat * Fix CI bug * fix fsaf and the comments * fix newly added heads * fix yolact * complete comments * fix rpn transforming bug in two stage networks (#3754) * fix rpn transforming bug in two_stage * [Refactor] refactor get_subset_by_classes in dataloader for training with empty-GT images (#3695) * Add regression test and test data * Add fix for empty gt images * Trigger CI build * refactor get_subset_by_classes * reformat and fix docstring * [refactor]: move get_subset_by_classes to _filter_imgs * make img_ids consistent * resolve comments * simplify logics * add warning * add warning * add warning Co-authored-by:
mmeendez8 <miguelmndez@gmail.com> * Fix nonzero in NMS for PyTorch 1.6.0 (#3867) * Support TTA of ATSS, FCOS, YOLOv3 (#3844) * Support TTA of ATSS, FCOS, YOLOv3 * Add comment * [Docs] Fix typo in docs/tutorials/new_dataset.md (#3876) * [Docs] Remove duplicate content in docs/config.md (#3875) * [Enhance]: Convert mask to bool before using it as img's index for robustness and speedup (#3870) * Convert mask to bool before using it as img's index * lint * Rewrite code in more concise way * Fix typo in bbox_flip (#3886) * fix the API change bug of PAA (#3883) * fix cv2 import error of ligGL.so.1 (#3891) * [enhance]: Improve documentation of modules and dataset customization (#3821) * update tutorials for changing training settings * update * Update details of hook * resolve comments * reformat * Update module documentations * add notes for classes specification * support to use pytorch 1.6 in docker (#3905) * support to use pytorch 1.6 in docker * update mmcv requirement * update docs * Add missing notes in data customization (#3906) * [Fix]: fix mask rcnn training stuck problem when there is no positive rois (#3713) * Fix mask rcnn stuck problem when there is no positive rois * support non pos inference in cascade methods, link CU-49tawu * print mmcv version in CI * use mmcv repo to check wrappers * change cpu build * upgrade mmcv requirements and change ci back * use pre-built whl in CI * Bump to v2.5.0 (#3879) * bump to v2.5.0 * update PR * resolve comments * clean unnecessary modification * update bc breaking * rephrase bc-breaking * rephrase * Added `generate_inputs_and_wrap_model` function for pytorch2onnx (#3857) * added `generate_inputs_and_wrap_model` function for pytorch2onnx * undo debugging changes * added model.cpu().eval() * refactored onnx * fix verify * move `generate_inputs_and_wrap_model` into mmdet.core.export * use `generate_inputs_and_wrap_model` in tools/pytorch2onnx.py * typo (#3917) * Edit mmdet.core.export docstring (#3912) * edit mmdet.core.export docstring * update doctest * fix small bugs * supports for HungarianMatchAssigner, add bbox_cxcywh_to_xyxy and bbox_xyxy_to_cxcywh for bbox transform * format box-wise related giou calculating as a function and implement it in iou2d_calculater.py * supports for BboxGIoU2D and re-implements giou_loss using bbox_gious * remove unnecessary * reformat * reformat docstring * reformat * rename * supports for giou calculating in BboxOverlaps2D, and re-implements giou_loss using bbox_overlaps * fix sabl validating bug in cascade_rcnn (#3913) * reformat * move giou related unit test from test_losses.py to test_iou2d_calculator.py * reformat * Avoid division by zero in PAA head when num_pos=0 * [Fix]: Avoid division by zero in PAA head when num_pos=0 (#3938) * explicitly add mode in giou_loss * Add supports for giou calculation in BboxOverlaps2D, and re-implements giou_loss using bbox_overlaps (#3936) * supports for BboxGIoU2D and re-implements giou_loss using bbox_gious * remove unnecessary * reformat * reformat docstring * reformat * rename * supports for giou calculating in BboxOverlaps2D, and re-implements giou_loss using bbox_overlaps * reformat * move giou related unit test from test_losses.py to test_iou2d_calculator.py * reformat * Avoid division by zero in PAA head when num_pos=0 * explicitly add mode in giou_loss * Add supports for giou calculation in BboxOverlaps2D, and add iou_calculator in hungarian_assigner * rename hungarian_match_assigner as hungarian_assigner * fix init * reformat docstring * Avoid division by zero in PAA head when num_pos=0 * fix cpu (#3948) * add mode for iou_calculator and make giou cost as a default case * make mode as a param in iou_calculator * reformat docsting * make iou_mode outside of iou_calculator Co-authored-by:
Cao Yuhang <yhcao6@gmail.com> Co-authored-by:
yuzhj <31239926+yuzhj@users.noreply.github.com> Co-authored-by:
Wenwei Zhang <40779233+ZwwWayne@users.noreply.github.com> Co-authored-by:
mmeendez8 <miguelmndez@gmail.com> Co-authored-by:
Yosuke Shinya <42844407+shinya7y@users.noreply.github.com> Co-authored-by:
LabMemNo003 <LabMemNo003@gmail.com> Co-authored-by:
Ye Liu <yeliudev@outlook.com> Co-authored-by:
aboettcher <aboettcher@users.noreply.github.com> Co-authored-by:
Ryan Li <xlide@connect.ust.hk> Co-authored-by:
Jiangmiao Pang <pangjiangmiao@gmail.com> * Re-implements RandomCrop to support different crop_type (#4093) * re-implements RandomCrop to support different crop_type * add assertion for relative related crop_type * reformat, and add image shape assertion for unit test * reformat * Supports for DETR training mode in process. (#3963) * add input_img_shape in img_meta, and supports training mode toy * toy commit * toy commit * re-organize and support for detr training mode * add unit test for detr training, testing, and transformer_head * add more unit test for transformer * reformat * remove unnecessary * use small transformer model for unit test * reformat docstring * reformat * reformat * Supports DETR e150 config (#4197) * rename e300 config as e150 config * reformat * add comments on override option in Resize * add comments on override option in Resize * position embeddingto positional encoding * fix unit tests * fix registry name bug * rename file * remove unnecessary Co-authored-by:
ZwwWayne <wayne.zw@outlook.com> Co-authored-by:
Cao Yuhang <yhcao6@gmail.com> Co-authored-by:
yuzhj <31239926+yuzhj@users.noreply.github.com> Co-authored-by:
Wenwei Zhang <40779233+ZwwWayne@users.noreply.github.com> Co-authored-by:
mmeendez8 <miguelmndez@gmail.com> Co-authored-by:
Yosuke Shinya <42844407+shinya7y@users.noreply.github.com> Co-authored-by:
LabMemNo003 <LabMemNo003@gmail.com> Co-authored-by:
Ye Liu <yeliudev@outlook.com> Co-authored-by:
aboettcher <aboettcher@users.noreply.github.com> Co-authored-by:
Ryan Li <xlide@connect.ust.hk> Co-authored-by:
Jiangmiao Pang <pangjiangmiao@gmail.com>
-
- Nov 26, 2020
-
-
Jerry Jiarui XU authored
* [Feature] Add best ckp hook * update docstring * Fixed evaluate * make key_indicator default None * add test, and OrderDict * add test fot best checkpoint hook * delete comments * add more info * fixed eval metric * remove key_indicator * update doc * fixed test.py/eval_metric.py * fixed dist * compatible with mmcv * more test * revert voc0712
-
- Nov 24, 2020
-
-
Jerry Jiarui XU authored
* add stem_channels opt * add ResNeSt * fixed config * fixed cascade config * add precise BN * add precise bn in test * format precise bn * update precise bn interval * fixed eval config bug * fixed precise interval * change to return_loss=False * add naive syncbn * add naive syncbn * rmo precise bn * add range ms * change to MMSyncBN * add naive * fixed loader * reset test * fixed faster config bug * add no norm decay * add baseline no norm decay * set fronzen_stages=-1 * move import * restore to official setting * set to MMSyncBN * update s101 pretrain * update docs * fixed config * add backbone+head * change fpn init * add s101 * add s101 * revert fpn init * add modelzoo, docstring, test * fixed test * fixed test * add missing models * update docstring * add comment * fixed markdownlint
-
- Nov 17, 2020
-
-
Kai Chen authored
* fix pytorch 1.7 imcompatibility issues * remove useless files
-
- Nov 05, 2020
-
-
GT9505 authored
* add faster rcnn C5 * add trained faster rcnn C5 model url * fix typos * update based on 1-st comments * update unittest for ChannelMapper * small changes of ChannelMapper's docstring * small changes of ChannelMapper's docstring
-
- Oct 29, 2020
-
-
hyz-xmaster authored
* add varifocal loss, vfnet head and config file * fix nonzero() and register_module bug * add more configs and README.md * enlarge image in README.md * add arxiv link * add paper arxiv link * attempt to fix checks error - res2net * update readme * update according to comments * revert res2net.py * compact the VFNetHead * adapt for official TTA * add unit tests and refine vfnet_head * update url * update readme * add minor comments * update supported models * remove VFNet.png Co-authored-by:
Cao Yuhang <yhcao6@gmail.com>
-
- Oct 16, 2020
-
-
Qiaofei Li authored
Add supports for giou calculation in BboxOverlaps2D, and re-implements giou_loss using bbox_overlaps (#3936) * supports for BboxGIoU2D and re-implements giou_loss using bbox_gious * remove unnecessary * reformat * reformat docstring * reformat * rename * supports for giou calculating in BboxOverlaps2D, and re-implements giou_loss using bbox_overlaps * reformat * move giou related unit test from test_losses.py to test_iou2d_calculator.py * reformat * Avoid division by zero in PAA head when num_pos=0 * explicitly add mode in giou_loss
-
- Sep 30, 2020
-
-
Wenwei Zhang authored
* Add regression test and test data * Add fix for empty gt images * Trigger CI build * refactor get_subset_by_classes * reformat and fix docstring * [refactor]: move get_subset_by_classes to _filter_imgs * make img_ids consistent * resolve comments * simplify logics * add warning * add warning * add warning Co-authored-by:
mmeendez8 <miguelmndez@gmail.com>
-
- Sep 26, 2020
-
-
Chong Zhou authored
* YOLACT (not the final commit, so please don't review) * Implementation notes for YOLACT * Modify yolact_r50.py * Update YOLACT configs * Add YOLACT README * Adjust according to the first round of review * Handle the corner case when gt_mask is empty * Add unit tests for YOLACT heads * Add unit tests for YOLACT forward * Adjust according to Kai's comments, except for gt_mask filtering * Change use_OHEM to use_ohem in unit tests * Update config in YOLACT unit tests * merge bbox overlap and batch bbox overlap * fix unit test * refactor some codes and fix some bugs * fix isort * fix ci * update model link * fix cfg path * support batch test * Make get_seg_masks faster * fix format * update readme Co-authored-by:
Cao Yuhang <yhcao6@gmail.com>
-
- Sep 25, 2020
-
-
Qiaofei Li authored
* re-implement Translate augmentation using mmcv.imtranslate * add translate abstractmethod for base class * add PolygonMasks supports toy * toy commit * add supports for PolygonMasks * merge translate.py into auto_augment.py and add unit test for AutoAugment equipped with Translate * move some variables in call function to self * fix raising IndexError when getitem from empty index for PolygonMasks * remove unnecessary interpolation * add assertion message for fill_val when translating PolygonMasks * add format * add comments * fix handle conflicts * fix module not registered
-
Qiaofei Li authored
* implements augmentation which only transform images (e.g. Color,Sharpness) in process * Add augs which only transform image (e.g. Sharpness, Equalize, Color) in process. * remove test_augonlyimg.py * re-implement color,brightness,equalize,contrast using mmcv * rename aug_only_img as img_augment * remove aug_only_img related files * merge img_augment.py into auto_augment.py
-
- Sep 24, 2020
-
-
Qiaofei Li authored
* add Rotate augmentation init * add coco_dummy data for unit test of augmentations * add coco_dummy data for unit test of augmentations * add Rotate augmentation * remove duplicated warpAffine declaration. * remove unnecessary coco_dummy folder * re-implements rotate augmentation upon mmcv.imrotate * fix uint test * reformat * add supports for PolygonMasks * handle __init__ conflicts * unchange * pull from master and merge rotate.py into auto_augment.py * add unit test for autoaugment equipped with rotate * move random_negative_prob to self and reformat assertion message
-
- Sep 23, 2020
-
-
Qiaofei Li authored
* add Shear augmentation. * remove duplicated warpAffine declaration. * fix shear bboxes * re-implements Shear augmentation using mmcv.imshear * fix the name of some variables * reformat * add shear abstractmethod for BaseInstanceMasks * supports for PolygonMasks * add docstring * add more unit test * reformat assertion message * remove unnecessary comma in function * refactor * remove unnecessary * remove unnecessary copy * mergt shear.py into auto_augment.py * add unit test for autoaugment equipped with shear
-
- Sep 21, 2020
-
-
Ryan Li authored
* Change all fp16 operation to using MMCV * fix isort * yapf and docformatter * Revert "yapf and docformatter" This reverts commit dede22f5339e04002ccad4e7c4c7bbb083b2e6dc. * yapf
-
- Sep 10, 2020
-
-
Wang Xinjiang authored
* Add replace_ImageToTensor for batch inference * move replace_ImageToTensor to mmdet.datasets.utils * fix typo in unit tests Co-authored-by:
Kai Chen <chenkaidev@gmail.com>
-
- Sep 03, 2020
-
-
Cao Yuhang authored
* update some models * some fix * support cascade * add htc * sup more models * sup point rend * clean comment * minor fix * clean * fix unittest * update doc * fix image demo and robustness test * fix webcame
-
- Sep 02, 2020
-
-
Jiaqi Wang authored
Code Release of ECCV 2020 Spotlight paper for Side-Aware Boundary Localization for More Precise Object Detection (#3603) * add sabl two stage * add sabl retina * ret cfg bug fix * test bug fix * minor update * update * add r101 two stage * update * add cfgs * add cfgs * update cfgs * format * format * add readme * fix isort * update * update readme * add doc string for sabl retina head * add doc string and rename some functions * add docstring for bucketing coder * update docstring * bucket_num -> num_buckets * bucket_pw -> bucket_w bucket_ph -> bucket_h * update label2onehot * update bucketing bbox coder doc * update * typo fix * bboxes_ -> rescaled_bboxes * rename some params in sabl head * init with mmcv.cnn * update doc * rename pos->post * update cfgs * update test cfg * update * add unitest for sabl head * add unitest for sabl retina * rename * minor rename * minor update * update docstring * update * use F.one_hot * update docstring * update test heads * update ReadMe * fix
-
Jerry Jiarui XU authored
* [Feature] Support diagonal flip * Add some test * Add for Polygon * fixed test * add test * fixed doc and test * add 3 mode * Fixed test * Fixed test
-
- Aug 31, 2020
-
-
T.T. Tang authored
* Implement YOLOv3 * Remove unused function * Update yolov3_ms_aug_273e.py Clean the comments in config file * Add README.md * port to mmdet-2.0 api * unify registry * port to ConvModule and remove ConvLayer * Refactor Backbone * Update README * Lint and format * Unify the class name * fix the `label - 1` problem * Move a lot hard-coded params to the __init__ function * Refactor YOLOV3Neck * Add norm_cfg and act_cfg to backbone * Update Config * Fix doc string * Fix nms (thanks to @LMerCy) * Add doc string * Update config * Remove pretrained in head and neck * Add support for conv_cfg in neck * Update mmdet/models/dense_heads/yolo_head.py Co-authored-by:
Jerry Jiarui XU <xvjiarui0826@gmail.com> * Update mmdet/models/dense_heads/yolo_head.py Co-authored-by:
Jerry Jiarui XU <xvjiarui0826@gmail.com> * Fix README.md * Fix typos * update config * flake8, yapf, docformatter, etc * Update README * Add conv_cfg to backbone and head * Move some config to arch_settings in backbone * Add doc strings and replace Warning with warnings.warn() * Fix bug. * Update doc * Add _frozen_stages for backbone * Update mmdet/models/backbones/darknet.py Co-authored-by:
Jerry Jiarui XU <xvjiarui0826@gmail.com> * Fix inplace bug * fix indent * refactor config * set 8GPU lr * fixed typo * update performance table * Resolve conversation * Add anchor generator and coder * fixed test * Finish refactor * refactor anchor order * fixed batch size * Fixed train_cfg * fix yolo assigner * clean up * Fixed format * Update model zoo * change to mmcv pretrain link * add test forward * fixed comma and docstring * Refactor loss * reformat * fixed avg_factor * revert to original * fixed format * update table * fixed BCE Co-authored-by:
Haoyu Wu <haoyu.wu@wdc.com> Co-authored-by:
Haoyu Wu <wuhy08@users.noreply.github.com> Co-authored-by:
Haoyu Wu <wuhaoyu1989@gmail.com> Co-authored-by:
Jerry Jiarui XU <xvjiarui0826@gmail.com> Co-authored-by:
xmpeng <1051323399@qq.com>
-
- Aug 30, 2020
-
-
shilong authored
* implement PAA assign * unpate setup.cfg * fix multiply ioupred with clsscore * add score voting * add 2x and 101 configs * add voting return * make sklearm optional * remove sklearm in setup.cfg * separate pos loss calculation from reassign * add unitest and readme * add model url * fix reduction and doc * add 1.5x * fix config base * add r50 1.5x results * mock skm * change according to comment * remove return none * add universal partition interface * fix docstr * fix docstr * fix docstr
-