-
Notifications
You must be signed in to change notification settings - Fork 47
Commit
This commit does not belong to any branch on this repository, and may belong to a fork outside of the repository.
Signed-off-by: hsj576 <[email protected]>
- Loading branch information
Showing
350 changed files
with
162 additions
and
127 deletions.
There are no files selected for viewing
File renamed without changes.
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
File renamed without changes.
File renamed without changes.
File renamed without changes.
210 changes: 105 additions & 105 deletions
210
...hms/yolo/model_selector/choose_net_b64.py → ...hms/yolo/model_selector/choose_net_b64.py
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
Original file line number | Diff line number | Diff line change |
---|---|---|
@@ -1,106 +1,106 @@ | ||
model = dict( | ||
type='ImageClassifier', | ||
backbone=dict( | ||
type='ResNet', | ||
depth=18, | ||
num_stages=4, | ||
out_indices=(3, ), | ||
style='pytorch'), | ||
neck=dict(type='GlobalAveragePooling'), | ||
head=dict( | ||
type='MultiLabelLinearClsHead', | ||
num_classes=20, | ||
in_channels=512, | ||
loss=dict(type='CrossEntropyLoss', loss_weight=1.0, use_soft=True))) | ||
dataset_type = 'BDD_Performance' | ||
img_norm_cfg = dict( | ||
mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True) | ||
train_pipeline = [ | ||
dict(type='LoadImageFromFile'), | ||
dict(type='Resize', size=(256, -1)), | ||
dict( | ||
type='Normalize', | ||
mean=[123.675, 116.28, 103.53], | ||
std=[58.395, 57.12, 57.375], | ||
to_rgb=True), | ||
dict(type='ImageToTensor', keys=['img']), | ||
dict(type='ToTensor', keys=['gt_label']), | ||
dict(type='Collect', keys=['img', 'gt_label']) | ||
] | ||
test_pipeline = [ | ||
dict(type='LoadImageFromFile'), | ||
dict(type='Resize', size=(256, -1)), | ||
dict( | ||
type='Normalize', | ||
mean=[123.675, 116.28, 103.53], | ||
std=[58.395, 57.12, 57.375], | ||
to_rgb=True), | ||
dict(type='ImageToTensor', keys=['img']), | ||
dict(type='Collect', keys=['img']) | ||
] | ||
data = dict( | ||
samples_per_gpu=64, | ||
workers_per_gpu=2, | ||
train=dict( | ||
type='BDD_Performance', | ||
data_prefix='', | ||
ann_file= | ||
'/home/liyunzhe/Mobile-Inference/algorithm/labels/0129_real_world_multi_label_remo_xyxy_bdd_train.txt', | ||
pipeline=[ | ||
dict(type='LoadImageFromFile'), | ||
dict(type='Resize', size=(256, -1)), | ||
dict( | ||
type='Normalize', | ||
mean=[123.675, 116.28, 103.53], | ||
std=[58.395, 57.12, 57.375], | ||
to_rgb=True), | ||
dict(type='ImageToTensor', keys=['img']), | ||
dict(type='ToTensor', keys=['gt_label']), | ||
dict(type='Collect', keys=['img', 'gt_label']) | ||
]), | ||
val=dict( | ||
type='BDD_Performance', | ||
data_prefix='', | ||
ann_file= | ||
'/home/liyunzhe/Mobile-Inference/algorithm/labels/0129_real_world_multi_label_remo_xyxy_bdd_val.txt', | ||
pipeline=[ | ||
dict(type='LoadImageFromFile'), | ||
dict(type='Resize', size=(256, -1)), | ||
dict( | ||
type='Normalize', | ||
mean=[123.675, 116.28, 103.53], | ||
std=[58.395, 57.12, 57.375], | ||
to_rgb=True), | ||
dict(type='ImageToTensor', keys=['img']), | ||
dict(type='Collect', keys=['img']) | ||
]), | ||
test=dict( | ||
type='BDD_Performance', | ||
data_prefix='', | ||
ann_file= | ||
'/home/liyunzhe/Mobile-Inference/algorithm/labels/0129_real_world_multi_label_remo_xyxy_bdd_val.txt', | ||
pipeline=[ | ||
dict(type='LoadImageFromFile'), | ||
dict(type='Resize', size=(256, -1)), | ||
dict( | ||
type='Normalize', | ||
mean=[123.675, 116.28, 103.53], | ||
std=[58.395, 57.12, 57.375], | ||
to_rgb=True), | ||
dict(type='ImageToTensor', keys=['img']), | ||
dict(type='Collect', keys=['img']) | ||
])) | ||
evaluation = dict(interval=1, metric='mAP') | ||
optimizer = dict(type='SGD', lr=0.1, momentum=0.9, weight_decay=0.0001) | ||
optimizer_config = dict(grad_clip=None) | ||
lr_config = dict(policy='step', step=[30, 60, 90]) | ||
runner = dict(type='EpochBasedRunner', max_epochs=100) | ||
checkpoint_config = dict(interval=1) | ||
log_config = dict(interval=100, hooks=[dict(type='TextLoggerHook')]) | ||
dist_params = dict(backend='nccl') | ||
log_level = 'INFO' | ||
load_from = None | ||
resume_from = None | ||
workflow = [('train', 1)] | ||
work_dir = 'work_dirs/220208-bdd-best' | ||
model = dict( | ||
type='ImageClassifier', | ||
backbone=dict( | ||
type='ResNet', | ||
depth=18, | ||
num_stages=4, | ||
out_indices=(3, ), | ||
style='pytorch'), | ||
neck=dict(type='GlobalAveragePooling'), | ||
head=dict( | ||
type='MultiLabelLinearClsHead', | ||
num_classes=20, | ||
in_channels=512, | ||
loss=dict(type='CrossEntropyLoss', loss_weight=1.0, use_soft=True))) | ||
dataset_type = 'BDD_Performance' | ||
img_norm_cfg = dict( | ||
mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True) | ||
train_pipeline = [ | ||
dict(type='LoadImageFromFile'), | ||
dict(type='Resize', size=(256, -1)), | ||
dict( | ||
type='Normalize', | ||
mean=[123.675, 116.28, 103.53], | ||
std=[58.395, 57.12, 57.375], | ||
to_rgb=True), | ||
dict(type='ImageToTensor', keys=['img']), | ||
dict(type='ToTensor', keys=['gt_label']), | ||
dict(type='Collect', keys=['img', 'gt_label']) | ||
] | ||
test_pipeline = [ | ||
dict(type='LoadImageFromFile'), | ||
dict(type='Resize', size=(256, -1)), | ||
dict( | ||
type='Normalize', | ||
mean=[123.675, 116.28, 103.53], | ||
std=[58.395, 57.12, 57.375], | ||
to_rgb=True), | ||
dict(type='ImageToTensor', keys=['img']), | ||
dict(type='Collect', keys=['img']) | ||
] | ||
data = dict( | ||
samples_per_gpu=64, | ||
workers_per_gpu=2, | ||
train=dict( | ||
type='BDD_Performance', | ||
data_prefix='', | ||
ann_file= | ||
'/home/liyunzhe/Mobile-Inference/algorithm/labels/0129_real_world_multi_label_remo_xyxy_bdd_train.txt', | ||
pipeline=[ | ||
dict(type='LoadImageFromFile'), | ||
dict(type='Resize', size=(256, -1)), | ||
dict( | ||
type='Normalize', | ||
mean=[123.675, 116.28, 103.53], | ||
std=[58.395, 57.12, 57.375], | ||
to_rgb=True), | ||
dict(type='ImageToTensor', keys=['img']), | ||
dict(type='ToTensor', keys=['gt_label']), | ||
dict(type='Collect', keys=['img', 'gt_label']) | ||
]), | ||
val=dict( | ||
type='BDD_Performance', | ||
data_prefix='', | ||
ann_file= | ||
'/home/liyunzhe/Mobile-Inference/algorithm/labels/0129_real_world_multi_label_remo_xyxy_bdd_val.txt', | ||
pipeline=[ | ||
dict(type='LoadImageFromFile'), | ||
dict(type='Resize', size=(256, -1)), | ||
dict( | ||
type='Normalize', | ||
mean=[123.675, 116.28, 103.53], | ||
std=[58.395, 57.12, 57.375], | ||
to_rgb=True), | ||
dict(type='ImageToTensor', keys=['img']), | ||
dict(type='Collect', keys=['img']) | ||
]), | ||
test=dict( | ||
type='BDD_Performance', | ||
data_prefix='', | ||
ann_file= | ||
'/home/liyunzhe/Mobile-Inference/algorithm/labels/0129_real_world_multi_label_remo_xyxy_bdd_val.txt', | ||
pipeline=[ | ||
dict(type='LoadImageFromFile'), | ||
dict(type='Resize', size=(256, -1)), | ||
dict( | ||
type='Normalize', | ||
mean=[123.675, 116.28, 103.53], | ||
std=[58.395, 57.12, 57.375], | ||
to_rgb=True), | ||
dict(type='ImageToTensor', keys=['img']), | ||
dict(type='Collect', keys=['img']) | ||
])) | ||
evaluation = dict(interval=1, metric='mAP') | ||
optimizer = dict(type='SGD', lr=0.1, momentum=0.9, weight_decay=0.0001) | ||
optimizer_config = dict(grad_clip=None) | ||
lr_config = dict(policy='step', step=[30, 60, 90]) | ||
runner = dict(type='EpochBasedRunner', max_epochs=100) | ||
checkpoint_config = dict(interval=1) | ||
log_config = dict(interval=100, hooks=[dict(type='TextLoggerHook')]) | ||
dist_params = dict(backend='nccl') | ||
log_level = 'INFO' | ||
load_from = None | ||
resume_from = None | ||
workflow = [('train', 1)] | ||
work_dir = 'work_dirs/220208-bdd-best' | ||
gpu_ids = range(0, 1) |
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
Original file line number | Diff line number | Diff line change |
---|---|---|
@@ -0,0 +1,34 @@ | ||
# How to contribute examples | ||
|
||
## Overall contribution workflow | ||
|
||
1. Apply for a topic. | ||
Once you have a new example, you can apply for a topic to discuss it on [SIG AI weekly meeting](http://github.com/kubeedge/ianvs.git). | ||
2. Submit proposal. | ||
After the idea is fully discussed, the former proposal PR is needed to submit to the [Ianvs repository](http://github.com/kubeedge/ianvs.git). | ||
3. Fix proposal review comments. | ||
If other Ianvs maintainers leave review comments to the PR, you need to fix them and get at least 2 reviewers' `/lgtm`, and 1 approver's `/approve`. | ||
4. Submit code. | ||
Then you can implement your code, and a good code style is encouraged. | ||
5. Fix code review comments. | ||
Besides the merge requirements of the proposal, CI passing is needed before reviewing this step. | ||
|
||
## Add a new example | ||
|
||
The new example should be stored in the following path: | ||
|
||
~~~bash | ||
examples/dataset_name/algorithm_name/task_name/ | ||
~~~ | ||
|
||
Here is an example: | ||
|
||
~~~bash | ||
examples/robot/lifelong_learning_bench/semantic-segmentation/ | ||
~~~ | ||
|
||
For contributing a new example, you can follow these steps to determine its storage path: | ||
|
||
1. Under the examples directory, choose the dataset you used in this example, such as cityscapes, robot, and so on. Only when you use a new dataset can you create a new folder under the examples directory to store the example related to that dataset. | ||
2. After determining the dataset, select the algorithm paradigm you used, such as lifelong learning, single-task learning, and so on. If you used a new algorithm paradigm, you can create a new folder under the dataset directory to store examples of that type of algorithm. | ||
3. After determining the algorithm paradigm, select the task for your example, such as semantic segmentation, curb detection, and so on. If you used a new task, you can create a new folder under the algorithm paradigm directory to store examples of that type of task. |
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
This file contains bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes.
File renamed without changes
File renamed without changes
File renamed without changes
File renamed without changes
File renamed without changes
File renamed without changes
File renamed without changes
File renamed without changes
File renamed without changes
File renamed without changes
File renamed without changes.
File renamed without changes.
Oops, something went wrong.