BitCoinCore配置文件解读
Posted
tags:
篇首语:本文由小常识网(cha138.com)小编为大家整理,主要介绍了BitCoinCore配置文件解读相关的知识,希望对你有一定的参考价值。
参考技术A bitcoin.conf 配置文件除了 -datadir 和 -conf 以外的所有命令行参数都可以通过一个配置文件来设置,而所有配置文件中的选项也都可以在命令行中设置。命令行参数设置的值会覆盖配置文件中的设置。
配置文件是“设置=值”格式的一个列表,每行一个。您还可以使用 # 符号来编写注释。
配置文件不会自动创建;您可以使用您喜爱的纯文本编辑器来创建它。默认情况下,Bitcoin(或 bitcoind)会在比特币数据文件夹下查找一个名为“bitcoin.conf”的文件,但是数据文件夹和配置文件的路径都可以分别通过 -datadir 和 -conf 命令行参数分别指定。
bitcoin.conf位置
操作系统 默认数据文件夹 配置文件路径
Windows %APPDATA%\Bitcoin\ (XP) C:\Documents and Settings\username\Application Data\Bitcoin\bitcoin.conf
(Vista, 7) C:\Users\username\AppData\Roaming\Bitcoin\bitcoin.conf
Linux $HOME/.bitcoin/ /home/username/.bitcoin/bitcoin.conf
Mac OSX $HOME/Library/Application Support/Bitcoin/ /Users/username/Library/Application Support/Bitcoin/bitcoin.conf
bitcoin.conf 示例
# bitcoin.conf 配置文件。以 # 开头的行是注释。
# 网络相关的设置:
# 在测试网络中运行,而不是在真正的比特币网络
#testnet=0
# 通过一个 Socks4 代理服务器连接
#proxy=127.0.0.1:9050
##############################################################
## addnode 与 connect 的区别 ##
## ##
## 假设您使用了 addnode=4.2.2.4 参数,那么 addnode 便会与 ##
## 您的节点连接,并且告知您的节点所有与它相连接的其它节点。 ##
## 另外它还会将您的节点信息告知与其相连接的其它节点,这样它 ##
## 们也可以连接到您的节点。 ##
## ##
## connect 在您的节点“连接”到它的时候并不会做上述工作。仅 ##
## 它会与您连接,而其它节点不会。 ##
## ##
## 因此如果您位于防火墙后,或者因为其它原因无法找到节点,则 ##
## 使用“addnode”添加一些节点。 ##
## ##
## 如果您想保证隐私,使用“connect”连接到那些您可以“信任” ##
## 的节点。 ##
## ##
## 如果您在一个局域网内运行了多个节点,您不需要让它们建立许多 ##
## 连接。您只需要使用“connect”让它们统一连接到一个已端口转 ##
## 发并拥有多个连接的节点。 ##
##############################################################
# 您可以在下面使用多个 addnode= 设置来连接到指定的节点
#addnode=69.164.218.197
#addnode=10.0.0.2:8333
# ... 或使用多个 connect= 设置来仅连接到指定的节点
#connect=69.164.218.197
#connect=10.0.0.1:8333
# 不使用因特网中继聊天(IRC)(irc.lfnet.org #bitcoin 频道)
# 来查找其它节点
#noirc=0
# 入站+出站的最大连接数
#maxconnections=
# JSON-RPC 选项(用于控制运行中的 Bitcoin/bitcoind 进程):
# server=1 告知 Bitcoin-QT 接受 JSON-RPC 命令
#server=0
# 您必须设置 rpcuser 和 rpcpassword 以确保 JSON-RPC 的安全
#rpcuser=Ulysseys
#rpcpassword=YourSuperGreatPasswordNumber_DO_NOT_USE_THIS_OR_YOU_WILL_GET_ROBBED_38559
# 客户端在 HTTP 连接建立后,等待多少秒以完成一个 RPC HTTP 请求
#rpctimeout=30
# 默认仅允许来自本机的 RPC 连接。在这里您可以指定多个
# rpcallowip=,来设置您想允许连接的其它主机 IP 地址。
# 您可以使用 * 作为通配符。
#rpcallowip=10.1.1.34
#rpcallowip=192.168.1.*
# 在如下端口监听 RPC 连接
#rpcport=8332
# 您可以通过如下设置使用 Bitcoin 或 bitcoind 来发送命令到一个在
# 其它主机远程运行的 Bitcoin/bitcoind 客户端
#rpcconnect=127.0.0.1
# 使用安全套接层(也称为 TLS 或 HTTPS)来
# 连接到 Bitcoin -server 或 bitcoind
#rpcssl=1
# 当 rpcssl=1 时使用的 OpenSSL 设置
#rpcsslciphers=TLSv1+HIGH:!SSLv2:!aNULL:!eNULL:!AH:!3DES:@STRENGTH
#rpcsslcertificatechainfile=server.cert
#rpcsslprivatekeyfile=server.pem
# 其它选项:
# 设置 gen=1 以尝试生成比特币(采矿)
#gen=0
# 预生成如下数目的公匙和私匙,这样钱包备份便可以对已有的交易以及未来
# 多笔交易有效
#keypool=100
# 每次您发送比特币的时候支付一个可选的额外的交易手续费。包含手续费的交易
# 会更快的被包含在新生成的货币块中,因此会更快生效
#paytxfee=0.00
# 允许直接连接,实现“通过 IP 地址支付”功能
#allowreceivebyip=1
# 用户界面选项:
# 最小化启动比特币客户端
#min=1
# 最小化到系统托盘
#minimizetotray=1
mmdetection 配置文件解读
简介
faster_rcnn_r50_fpn_1x.py配置文件
cascade_rcnn_r50_fpn_1x.py配置文件
一、简介
在使用mmdetection对模型进行调优的过程中总会遇到很多参数的问题,不知道参数在代码中是什么作用,会对训练产生怎样的影响,这里我以faster_rcnn_r50_fpn_1x.py和cascade_rcnn_r50_fpn_1x.py为例,简单介绍一下mmdetection中的各项参数含义
二、faster_rcnn_r50_fpn_1x.py配置文件
首先介绍一下这个配置文件所描述的框架,它是基于resnet50的backbone,有着5个fpn特征层的faster-RCNN目标检测网络,训练迭代次数为标准的12次epoch,下面逐条解释其含义
# model settings model = dict( type=‘FasterRCNN‘, # model类型 pretrained=‘modelzoo://resnet50‘, # 预训练模型:imagenet-resnet50 backbone=dict( type=‘ResNet‘, # backbone类型 depth=50, # 网络层数 num_stages=4, # resnet的stage数量 out_indices=(0, 1, 2, 3), # 输出的stage的序号 frozen_stages=1, # 冻结的stage数量,即该stage不更新参数,-1表示所有的stage都更新参数 style=‘pytorch‘), # 网络风格:如果设置pytorch,则stride为2的层是conv3x3的卷积层;如果设置caffe,则stride为2的层是第一个conv1x1的卷积层 neck=dict( type=‘FPN‘, # neck类型 in_channels=[256, 512, 1024, 2048], # 输入的各个stage的通道数 out_channels=256, # 输出的特征层的通道数 num_outs=5), # 输出的特征层的数量 rpn_head=dict( type=‘RPNHead‘, # RPN网络类型 in_channels=256, # RPN网络的输入通道数 feat_channels=256, # 特征层的通道数 anchor_scales=[8], # 生成的anchor的baselen,baselen = sqrt(w*h),w和h为anchor的宽和高 anchor_ratios=[0.5, 1.0, 2.0], # anchor的宽高比 anchor_strides=[4, 8, 16, 32, 64], # 在每个特征层上的anchor的步长(对应于原图) target_means=[.0, .0, .0, .0], # 均值 target_stds=[1.0, 1.0, 1.0, 1.0], # 方差 use_sigmoid_cls=True), # 是否使用sigmoid来进行分类,如果False则使用softmax来分类 bbox_roi_extractor=dict( type=‘SingleRoIExtractor‘, # RoIExtractor类型 roi_layer=dict(type=‘RoIAlign‘, out_size=7, sample_num=2), # ROI具体参数:ROI类型为ROIalign,输出尺寸为7,sample数为2 out_channels=256, # 输出通道数 featmap_strides=[4, 8, 16, 32]), # 特征图的步长 bbox_head=dict( type=‘SharedFCBBoxHead‘, # 全连接层类型 num_fcs=2, # 全连接层数量 in_channels=256, # 输入通道数 fc_out_channels=1024, # 输出通道数 roi_feat_size=7, # ROI特征层尺寸 num_classes=81, # 分类器的类别数量+1,+1是因为多了一个背景的类别 target_means=[0., 0., 0., 0.], # 均值 target_stds=[0.1, 0.1, 0.2, 0.2], # 方差 reg_class_agnostic=False)) # 是否采用class_agnostic的方式来预测,class_agnostic表示输出bbox时只考虑其是否为前景,后续分类的时候再根据该bbox在网络中的类别得分来分类,也就是说一个框可以对应多个类别 # model training and testing settings train_cfg = dict( rpn=dict( assigner=dict( type=‘MaxIoUAssigner‘, # RPN网络的正负样本划分 pos_iou_thr=0.7, # 正样本的iou阈值 neg_iou_thr=0.3, # 负样本的iou阈值 min_pos_iou=0.3, # 正样本的iou最小值。如果assign给ground truth的anchors中最大的IOU低于0.3,则忽略所有的anchors,否则保留最大IOU的anchor ignore_iof_thr=-1), # 忽略bbox的阈值,当ground truth中包含需要忽略的bbox时使用,-1表示不忽略 sampler=dict( type=‘RandomSampler‘, # 正负样本提取器类型 num=256, # 需提取的正负样本数量 pos_fraction=0.5, # 正样本比例 neg_pos_ub=-1, # 最大负样本比例,大于该比例的负样本忽略,-1表示不忽略 add_gt_as_proposals=False), # 把ground truth加入proposal作为正样本 allowed_border=0, # 允许在bbox周围外扩一定的像素 pos_weight=-1, # 正样本权重,-1表示不改变原始的权重 smoothl1_beta=1 / 9.0, # 平滑L1系数 debug=False), # debug模式 rcnn=dict( assigner=dict( type=‘MaxIoUAssigner‘, # RCNN网络正负样本划分 pos_iou_thr=0.5, # 正样本的iou阈值 neg_iou_thr=0.5, # 负样本的iou阈值 min_pos_iou=0.5, # 正样本的iou最小值。如果assign给ground truth的anchors中最大的IOU低于0.3,则忽略所有的anchors,否则保留最大IOU的anchor ignore_iof_thr=-1), # 忽略bbox的阈值,当ground truth中包含需要忽略的bbox时使用,-1表示不忽略 sampler=dict( type=‘RandomSampler‘, # 正负样本提取器类型 num=512, # 需提取的正负样本数量 pos_fraction=0.25, # 正样本比例 neg_pos_ub=-1, # 最大负样本比例,大于该比例的负样本忽略,-1表示不忽略 add_gt_as_proposals=True), # 把ground truth加入proposal作为正样本 pos_weight=-1, # 正样本权重,-1表示不改变原始的权重 debug=False)) # debug模式 test_cfg = dict( rpn=dict( # 推断时的RPN参数 nms_across_levels=False, # 在所有的fpn层内做nms nms_pre=2000, # 在nms之前保留的的得分最高的proposal数量 nms_post=2000, # 在nms之后保留的的得分最高的proposal数量 max_num=2000, # 在后处理完成之后保留的proposal数量 nms_thr=0.7, # nms阈值 min_bbox_size=0), # 最小bbox尺寸 rcnn=dict( score_thr=0.05, nms=dict(type=‘nms‘, iou_thr=0.5), max_per_img=100) # max_per_img表示最终输出的det bbox数量 # soft-nms is also supported for rcnn testing # e.g., nms=dict(type=‘soft_nms‘, iou_thr=0.5, min_score=0.05) # soft_nms参数 ) # dataset settings dataset_type = ‘CocoDataset‘ # 数据集类型 data_root = ‘data/coco/‘ # 数据集根目录 img_norm_cfg = dict( mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True) # 输入图像初始化,减去均值mean并处以方差std,to_rgb表示将bgr转为rgb data = dict( imgs_per_gpu=2, # 每个gpu计算的图像数量 workers_per_gpu=2, # 每个gpu分配的线程数 train=dict( type=dataset_type, # 数据集类型 ann_file=data_root + ‘annotations/instances_train2017.json‘, # 数据集annotation路径 img_prefix=data_root + ‘train2017/‘, # 数据集的图片路径 img_scale=(1333, 800), # 输入图像尺寸,最大边1333,最小边800 img_norm_cfg=img_norm_cfg, # 图像初始化参数 size_divisor=32, # 对图像进行resize时的最小单位,32表示所有的图像都会被resize成32的倍数 flip_ratio=0.5, # 图像的随机左右翻转的概率 with_mask=False, # 训练时附带mask with_crowd=True, # 训练时附带difficult的样本 with_label=True), # 训练时附带label val=dict( type=dataset_type, # 同上 ann_file=data_root + ‘annotations/instances_val2017.json‘, # 同上 img_prefix=data_root + ‘val2017/‘, # 同上 img_scale=(1333, 800), # 同上 img_norm_cfg=img_norm_cfg, # 同上 size_divisor=32, # 同上 flip_ratio=0, # 同上 with_mask=False, # 同上 with_crowd=True, # 同上 with_label=True), # 同上 test=dict( type=dataset_type, # 同上 ann_file=data_root + ‘annotations/instances_val2017.json‘, # 同上 img_prefix=data_root + ‘val2017/‘, # 同上 img_scale=(1333, 800), # 同上 img_norm_cfg=img_norm_cfg, # 同上 size_divisor=32, # 同上 flip_ratio=0, # 同上 with_mask=False, # 同上 with_label=False, # 同上 test_mode=True)) # 同上 # optimizer optimizer = dict(type=‘SGD‘, lr=0.02, momentum=0.9, weight_decay=0.0001) # 优化参数,lr为学习率,momentum为动量因子,weight_decay为权重衰减因子 optimizer_config = dict(grad_clip=dict(max_norm=35, norm_type=2)) # 梯度均衡参数 # learning policy lr_config = dict( policy=‘step‘, # 优化策略 warmup=‘linear‘, # 初始的学习率增加的策略,linear为线性增加 warmup_iters=500, # 在初始的500次迭代中学习率逐渐增加 warmup_ratio=1.0 / 3, # 起始的学习率 step=[8, 11]) # 在第8和11个epoch时降低学习率 checkpoint_config = dict(interval=1) # 每1个epoch存储一次模型 # yapf:disable log_config = dict( interval=50, # 每50个batch输出一次信息 hooks=[ dict(type=‘TextLoggerHook‘), # 控制台输出信息的风格 # dict(type=‘TensorboardLoggerHook‘) ]) # yapf:enable # runtime settings total_epochs = 12 # 最大epoch数 dist_params = dict(backend=‘nccl‘) # 分布式参数 log_level = ‘INFO‘ # 输出信息的完整度级别 work_dir = ‘./work_dirs/faster_rcnn_r50_fpn_1x‘ # log文件和模型文件存储路径 load_from = None # 加载模型的路径,None表示从预训练模型加载 resume_from = None # 恢复训练模型的路径 workflow = [(‘train‘, 1)] # 当前工作区名称
三、cascade_rcnn_r50_fpn_1x.py配置文件
cascade-RCNN是cvpr2018的文章,相比于faster-RCNN的改进主要在于其RCNN有三个stage,这三个stage逐级refine检测的结果,使得结果达到更高的精度。下面逐条解释其config的含义,与faster-RCNN相同的部分就不再赘述。
# model settings model = dict( type=‘CascadeRCNN‘, num_stages=3, # RCNN网络的stage数量,在faster-RCNN中为1 pretrained=‘modelzoo://resnet50‘, backbone=dict( type=‘ResNet‘, depth=50, num_stages=4, out_indices=(0, 1, 2, 3), frozen_stages=1, style=‘pytorch‘), neck=dict( type=‘FPN‘, in_channels=[256, 512, 1024, 2048], out_channels=256, num_outs=5), rpn_head=dict( type=‘RPNHead‘, in_channels=256, feat_channels=256, anchor_scales=[8], anchor_ratios=[0.5, 1.0, 2.0], anchor_strides=[4, 8, 16, 32, 64], target_means=[.0, .0, .0, .0], target_stds=[1.0, 1.0, 1.0, 1.0], use_sigmoid_cls=True), bbox_roi_extractor=dict( type=‘SingleRoIExtractor‘, roi_layer=dict(type=‘RoIAlign‘, out_size=7, sample_num=2), out_channels=256, featmap_strides=[4, 8, 16, 32]), bbox_head=[ dict( type=‘SharedFCBBoxHead‘, num_fcs=2, in_channels=256, fc_out_channels=1024, roi_feat_size=7, num_classes=81, target_means=[0., 0., 0., 0.], target_stds=[0.1, 0.1, 0.2, 0.2], reg_class_agnostic=True), dict( type=‘SharedFCBBoxHead‘, num_fcs=2, in_channels=256, fc_out_channels=1024, roi_feat_size=7, num_classes=81, target_means=[0., 0., 0., 0.], target_stds=[0.05, 0.05, 0.1, 0.1], reg_class_agnostic=True), dict( type=‘SharedFCBBoxHead‘, num_fcs=2, in_channels=256, fc_out_channels=1024, roi_feat_size=7, num_classes=81, target_means=[0., 0., 0., 0.], target_stds=[0.033, 0.033, 0.067, 0.067], reg_class_agnostic=True) ]) # model training and testing settings train_cfg = dict( rpn=dict( assigner=dict( type=‘MaxIoUAssigner‘, pos_iou_thr=0.7, neg_iou_thr=0.3, min_pos_iou=0.3, ignore_iof_thr=-1), sampler=dict( type=‘RandomSampler‘, num=256, pos_fraction=0.5, neg_pos_ub=-1, add_gt_as_proposals=False), allowed_border=0, pos_weight=-1, smoothl1_beta=1 / 9.0, debug=False), rcnn=[ # 注意,这里有3个RCNN的模块,对应开头的那个RCNN的stage数量 dict( assigner=dict( type=‘MaxIoUAssigner‘, pos_iou_thr=0.5, neg_iou_thr=0.5, min_pos_iou=0.5, ignore_iof_thr=-1), sampler=dict( type=‘RandomSampler‘, num=512, pos_fraction=0.25, neg_pos_ub=-1, add_gt_as_proposals=True), pos_weight=-1, debug=False), dict( assigner=dict( type=‘MaxIoUAssigner‘, pos_iou_thr=0.6, neg_iou_thr=0.6, min_pos_iou=0.6, ignore_iof_thr=-1), sampler=dict( type=‘RandomSampler‘, num=512, pos_fraction=0.25, neg_pos_ub=-1, add_gt_as_proposals=True), pos_weight=-1, debug=False), dict( assigner=dict( type=‘MaxIoUAssigner‘, pos_iou_thr=0.7, neg_iou_thr=0.7, min_pos_iou=0.7, ignore_iof_thr=-1), sampler=dict( type=‘RandomSampler‘, num=512, pos_fraction=0.25, neg_pos_ub=-1, add_gt_as_proposals=True), pos_weight=-1, debug=False) ], stage_loss_weights=[1, 0.5, 0.25]) # 3个RCNN的stage的loss权重 test_cfg = dict( rpn=dict( nms_across_levels=False, nms_pre=2000, nms_post=2000, max_num=2000, nms_thr=0.7, min_bbox_size=0), rcnn=dict( score_thr=0.05, nms=dict(type=‘nms‘, iou_thr=0.5), max_per_img=100), keep_all_stages=False) # 是否保留所有stage的结果 # dataset settings dataset_type = ‘CocoDataset‘ data_root = ‘data/coco/‘ img_norm_cfg = dict( mean=[123.675, 116.28, 103.53], std=[58.395, 57.12, 57.375], to_rgb=True) data = dict( imgs_per_gpu=2, workers_per_gpu=2, train=dict( type=dataset_type, ann_file=data_root + ‘annotations/instances_train2017.json‘, img_prefix=data_root + ‘train2017/‘, img_scale=(1333, 800), img_norm_cfg=img_norm_cfg, size_divisor=32, flip_ratio=0.5, with_mask=False, with_crowd=True, with_label=True), val=dict( type=dataset_type, ann_file=data_root + ‘annotations/instances_val2017.json‘, img_prefix=data_root + ‘val2017/‘, img_scale=(1333, 800), img_norm_cfg=img_norm_cfg, size_divisor=32, flip_ratio=0, with_mask=False, with_crowd=True, with_label=True), test=dict( type=dataset_type, ann_file=data_root + ‘annotations/instances_val2017.json‘, img_prefix=data_root + ‘val2017/‘, img_scale=(1333, 800), img_norm_cfg=img_norm_cfg, size_divisor=32, flip_ratio=0, with_mask=False, with_label=False, test_mode=True)) # optimizer optimizer = dict(type=‘SGD‘, lr=0.02, momentum=0.9, weight_decay=0.0001) optimizer_config = dict(grad_clip=dict(max_norm=35, norm_type=2)) # learning policy lr_config = dict( policy=‘step‘, warmup=‘linear‘, warmup_iters=500, warmup_ratio=1.0 / 3, step=[8, 11]) checkpoint_config = dict(interval=1) # yapf:disable log_config = dict( interval=50, hooks=[ dict(type=‘TextLoggerHook‘), # dict(type=‘TensorboardLoggerHook‘) ]) # yapf:enable # runtime settings total_epochs = 12 dist_params = dict(backend=‘nccl‘) log_level = ‘INFO‘ work_dir = ‘./work_dirs/cascade_rcnn_r50_fpn_1x‘ load_from = None resume_from = None workflow = [(‘train‘, 1)]
原文链接:https://blog.csdn.net/hajlyx/article/details/85991400
以上是关于BitCoinCore配置文件解读的主要内容,如果未能解决你的问题,请参考以下文章