当前位置:   article > 正文

torch.optim.lr_scheduler.LambdaLR与OneCycleLR

torch.optim.lr_scheduler.lambdalr

目录

LambdaLR 

输出

OneCycleLR

输出


LambdaLR 

函数接口:

LambdaLR(optimizer, lr_lambda, last_epoch=-1, verbose=False)

更新策略:

new\_lr = \lambda \times initial\_lr

 其中 new \_lr是得到的新的学习率,initial\_lr是初始的学习率, λ是通过参数lr_lambda和epoch得到的。

参数:

optimizer (Optimizer):要更改学习率的优化器;

lr_lambda(function or list):可以为一个lambda函数,也可以传入列表;

last_epoch (int):最后一个epoch的index,如果是训练了很多个epoch后中断了,继续训练,这个值就等于加载的模型的epoch。默认为-1表示从头开始训练,即从epoch=1开始。

verbose(bool):如果未True,则打印输出信息对于每次更新,反之亦然。默认为False。

  1. import torch
  2. import torch.nn as nn
  3. from torch.optim.lr_scheduler import LambdaLR
  4. initial_lr = 0.1
  5. class model(nn.Module):
  6. def __init__(self):
  7. super().__init__()
  8. self.conv1 = nn.Conv2d(in_channels=3, out_channels=3, kernel_size=3)
  9. def forward(self, x):
  10. pass
  11. net_1 = model()
  12. optimizer_1 = torch.optim.SGD(net_1.parameters(), lr = initial_lr)
  13. print(optimizer_1)
  14. scheduler_1 = LambdaLR(optimizer_1, lr_lambda=lambda epoch: 1/(epoch+1))
  15. print("初始化的学习率:", optimizer_1.defaults['lr'])
  16. for epoch in range(1, 11):
  17. # train
  18. optimizer_1.zero_grad()
  19. optimizer_1.step()
  20. print("*-------------------------------------------------------*")
  21. print("更新前,epoch = %d lr = %f" % (epoch, optimizer_1.param_groups[0]['lr']))
  22. scheduler_1.step()
  23. print("更新后,epoch = %d lr = %f" % (epoch + 1, optimizer_1.param_groups[0]['lr']))
  24. print("更新后,epoch = %d lr = %f" % (epoch + 1, (1/(epoch+1))*initial_lr))
  25. print("*-------------------------------------------------------*")

输出

  1. SGD (
  2. Parameter Group 0
  3. dampening: 0
  4. lr: 0.1
  5. momentum: 0
  6. nesterov: False
  7. weight_decay: 0
  8. )
  9. 初始化的学习率: 0.1
  10. *-------------------------------------------------------*
  11. 更新前,epoch = 1 lr = 0.100000
  12. 更新后,epoch = 2 lr = 0.050000
  13. 更新后,epoch = 2 lr = 0.050000
  14. *-------------------------------------------------------*
  15. *-------------------------------------------------------*
  16. 更新前,epoch = 2 lr = 0.050000
  17. 更新后,epoch = 3 lr = 0.033333
  18. 更新后,epoch = 3 lr = 0.033333
  19. *-------------------------------------------------------*
  20. *-------------------------------------------------------*
  21. 更新前,epoch = 3 lr = 0.033333
  22. 更新后,epoch = 4 lr = 0.025000
  23. 更新后,epoch = 4 lr = 0.025000
  24. *-------------------------------------------------------*
  25. *-------------------------------------------------------*
  26. 更新前,epoch = 4 lr = 0.025000
  27. 更新后,epoch = 5 lr = 0.020000
  28. 更新后,epoch = 5 lr = 0.020000
  29. *-------------------------------------------------------*
  30. *-------------------------------------------------------*
  31. 更新前,epoch = 5 lr = 0.020000
  32. 更新后,epoch = 6 lr = 0.016667
  33. 更新后,epoch = 6 lr = 0.016667
  34. *-------------------------------------------------------*
  35. *-------------------------------------------------------*
  36. 更新前,epoch = 6 lr = 0.016667
  37. 更新后,epoch = 7 lr = 0.014286
  38. 更新后,epoch = 7 lr = 0.014286
  39. *-------------------------------------------------------*
  40. *-------------------------------------------------------*
  41. 更新前,epoch = 7 lr = 0.014286
  42. 更新后,epoch = 8 lr = 0.012500
  43. 更新后,epoch = 8 lr = 0.012500
  44. *-------------------------------------------------------*
  45. *-------------------------------------------------------*
  46. 更新前,epoch = 8 lr = 0.012500
  47. 更新后,epoch = 9 lr = 0.011111
  48. 更新后,epoch = 9 lr = 0.011111
  49. *-------------------------------------------------------*
  50. *-------------------------------------------------------*
  51. 更新前,epoch = 9 lr = 0.011111
  52. 更新后,epoch = 10 lr = 0.010000
  53. 更新后,epoch = 10 lr = 0.010000
  54. *-------------------------------------------------------*
  55. *-------------------------------------------------------*
  56. 更新前,epoch = 10 lr = 0.010000
  57. 更新后,epoch = 11 lr = 0.009091
  58. 更新后,epoch = 11 lr = 0.009091
  59. *-------------------------------------------------------*

OneCycleLR

  1. import cv2
  2. import torch.nn as nn
  3. import torch
  4. from torchvision.models import AlexNet
  5. import matplotlib.pyplot as plt
  6. from torch.optim.lr_scheduler import LambdaLR
  7. import math
  8. total_steps = 300
  9. # 自定义函数OneCycleLR
  10. def one_cycle(y1=0.0, y2=1.0, steps=100):
  11. # lambda function for sinusoidal ramp from y1 to y2
  12. return lambda x: ((1 - math.cos(x * math.pi / steps)) / 2) * (y2 - y1) + y1
  13. lf = one_cycle(1, 0.2, total_steps) # cosine 1->hyp['lrf']
  14. lr = 0.001
  15. # pytorch函数OneCycleLR
  16. lrs = []
  17. steps = []
  18. model = AlexNet(num_classes=20)
  19. optimizer = torch.optim.SGD(model.parameters(), lr=lr, momentum=0.9)
  20. scheduler =torch.optim.lr_scheduler.OneCycleLR(optimizer,max_lr=0.001,total_steps=total_steps,
  21. verbose=False)
  22. # 自定义函数OneCycleLR与LambdaLR结合使用
  23. lrs1 = []
  24. steps1 = []
  25. model1 = AlexNet(num_classes=20)
  26. optimizer1 = torch.optim.SGD(model.parameters(), lr=lr, momentum=0.9)
  27. scheduler1 = LambdaLR(optimizer1, lr_lambda=lf)
  28. for epoch in range(total_steps):
  29. scheduler1.step()
  30. lrs1.append(scheduler1.get_lr()[0])
  31. steps1.append(epoch)
  32. scheduler.step()
  33. lrs.append(scheduler.get_lr()[0])
  34. steps.append(epoch)
  35. print("custom OneCycleLR: ",scheduler1.get_lr()[0],
  36. "pytorch OneCycleLR: ",scheduler.get_lr()[0])
  37. plt.figure()
  38. plt.legend()
  39. plt.plot(steps, lrs, color='black', marker='',label='pytorch')
  40. plt.plot(steps1, lrs1, color='red', marker='',label='custom')
  41. plt.savefig("OneCycleLR.png")

输出

  1. custom OneCycleLR: 0.000999978067746205 pytorch OneCycleLR: 4.029901011425041e-05
  2. custom OneCycleLR: 0.0009999122733899382 pytorch OneCycleLR: 4.1195667927633396e-05
  3. custom OneCycleLR: 0.0009998026241462925 pytorch OneCycleLR: 4.268885631616862e-05
  4. custom OneCycleLR: 0.0009996491320395434 pytorch OneCycleLR: 4.477671495306198e-05
  5. custom OneCycleLR: 0.0009994518139018296 pytorch OneCycleLR: 4.745664262643999e-05
  6. custom OneCycleLR: 0.0009992106913713087 pytorch OneCycleLR: 5.072530048013703e-05
  7. custom OneCycleLR: 0.0009989257908897833 pytorch OneCycleLR: 5.4578616173493744e-05
  8. custom OneCycleLR: 0.0009985971436998018 pytorch OneCycleLR: 5.901178895498596e-05
  9. custom OneCycleLR: 0.000998224785841232 pytorch OneCycleLR: 6.40192956433644e-05
  10. custom OneCycleLR: 0.0009978087581473092 pytorch OneCycleLR: 6.959489750884987e-05
  11. custom OneCycleLR: 0.0009973491062401586 pytorch OneCycleLR: 7.573164804581384e-05
  12. custom OneCycleLR: 0.0009968458805257913 pytorch OneCycleLR: 8.242190162726e-05
  13. custom OneCycleLR: 0.0009962991361885775 pytorch OneCycleLR: 8.965732303032237e-05
  14. custom OneCycleLR: 0.0009957089331851954 pytorch OneCycleLR: 9.742889782091613e-05
  15. custom OneCycleLR: 0.0009950753362380552 pytorch OneCycleLR: 0.00010572694358459967
  16. custom OneCycleLR: 0.000994398414828202 pytorch OneCycleLR: 0.00011454112198965667
  17. custom OneCycleLR: 0.0009936782431876968 pytorch OneCycleLR: 0.00012386045166737076
  18. custom OneCycleLR: 0.0009929149002914754 pytorch OneCycleLR: 0.0001336733218934436
  19. custom OneCycleLR: 0.0009921084698486888 pytorch OneCycleLR: 0.00014396750705351078
  20. custom OneCycleLR: 0.0009912590402935224 pytorch OneCycleLR: 0.0001547301818747355
  21. custom OneCycleLR: 0.000990366704775499 pytorch OneCycleLR: 0.0001659479374045014
  22. custom OneCycleLR: 0.0009894315611492642 pytorch OneCycleLR: 0.0001776067977162975
  23. custom OneCycleLR: 0.0009884537119638544 pytorch OneCycleLR: 0.00018969223732198301
  24. custom OneCycleLR: 0.0009874332644514525 pytorch OneCycleLR: 0.0002021891992687357
  25. custom OneCycleLR: 0.0009863703305156273 pytorch OneCycleLR: 0.00021508211389814147
  26. custom OneCycleLR: 0.0009852650267190633 pytorch OneCycleLR: 0.00022835491824404845
  27. custom OneCycleLR: 0.0009841174742707772 pytorch OneCycleLR: 0.000241991076045024
  28. custom OneCycleLR: 0.000982927799012827 pytorch OneCycleLR: 0.00025597359834647615
  29. custom OneCycleLR: 0.0009816961314065109 pytorch OneCycleLR: 0.0002702850646667766
  30. custom OneCycleLR: 0.0009804226065180616 pytorch OneCycleLR: 0.0002849076447010104
  31. custom OneCycleLR: 0.0009791073640038343 pytorch OneCycleLR: 0.0002998231205353166
  32. custom OneCycleLR: 0.0009777505480949925 pytorch OneCycleLR: 0.0003150129093441395
  33. custom OneCycleLR: 0.0009763523075816903 pytorch OneCycleLR: 0.0003304580865421162
  34. custom OneCycleLR: 0.0009749127957967566 pytorch OneCycleLR: 0.00034613940936175237
  35. custom OneCycleLR: 0.0009734321705988807 pytorch OneCycleLR: 0.00036203734082751525
  36. custom OneCycleLR: 0.0009719105943553006 pytorch OneCycleLR: 0.00037813207409647157
  37. custom OneCycleLR: 0.000970348233923998 pytorch OneCycleLR: 0.00039440355713514844
  38. custom OneCycleLR: 0.0009687452606354002 pytorch OneCycleLR: 0.00041083151770186885
  39. custom OneCycleLR: 0.0009671018502735925 pytorch OneCycleLR: 0.00042739548860344146
  40. custom OneCycleLR: 0.0009654181830570403 pytorch OneCycleLR: 0.00044407483319473405
  41. custom OneCycleLR: 0.0009636944436188274 pytorch OneCycleLR: 0.00046084877108936394
  42. custom OneCycleLR: 0.0009619308209864078 pytorch OneCycleLR: 0.0004776964040494711
  43. custom OneCycleLR: 0.0009601275085608774 pytorch OneCycleLR: 0.0004945967420223218
  44. custom OneCycleLR: 0.0009582847040957652 pytorch OneCycleLR: 0.0005115287292912982
  45. custom OneCycleLR: 0.0009564026096753472 pytorch OneCycleLR: 0.0005284712707087017
  46. custom OneCycleLR: 0.0009544814316924859 pytorch OneCycleLR: 0.0005454032579776784
  47. custom OneCycleLR: 0.0009525213808259969 pytorch OneCycleLR: 0.0005623035959505287
  48. custom OneCycleLR: 0.0009505226720175455 pytorch OneCycleLR: 0.0005791512289106361
  49. custom OneCycleLR: 0.0009484855244480758 pytorch OneCycleLR: 0.000595925166805266
  50. custom OneCycleLR: 0.0009464101615137755 pytorch OneCycleLR: 0.0006126045113965584
  51. custom OneCycleLR: 0.0009442968108015775 pytorch OneCycleLR: 0.000629168482298131
  52. custom OneCycleLR: 0.0009421457040642026 pytorch OneCycleLR: 0.0006455964428648515
  53. custom OneCycleLR: 0.0009399570771947457 pytorch OneCycleLR: 0.0006618679259035283
  54. custom OneCycleLR: 0.0009377311702008061 pytorch OneCycleLR: 0.0006779626591724849
  55. custom OneCycleLR: 0.0009354682271781696 pytorch OneCycleLR: 0.0006938605906382474
  56. custom OneCycleLR: 0.0009331684962840398 pytorch OneCycleLR: 0.0007095419134578837
  57. custom OneCycleLR: 0.0009308322297098248 pytorch OneCycleLR: 0.0007249870906558605
  58. custom OneCycleLR: 0.0009284596836534817 pytorch OneCycleLR: 0.0007401768794646835
  59. custom OneCycleLR: 0.0009260511182914218 pytorch OneCycleLR: 0.0007550923552989896
  60. custom OneCycleLR: 0.000923606797749979 pytorch OneCycleLR: 0.0007697149353332234
  61. custom OneCycleLR: 0.0009211269900764458 pytorch OneCycleLR: 0.0007840264016535239
  62. custom OneCycleLR: 0.0009186119672096785 pytorch OneCycleLR: 0.0007980089239549761
  63. custom OneCycleLR: 0.0009160620049502761 pytorch OneCycleLR: 0.0008116450817559515
  64. custom OneCycleLR: 0.000913477382930336 pytorch OneCycleLR: 0.0008249178861018585
  65. custom OneCycleLR: 0.0009108583845827883 pytorch OneCycleLR: 0.0008378108007312642
  66. custom OneCycleLR: 0.0009082052971103158 pytorch OneCycleLR: 0.000850307762678017
  67. custom OneCycleLR: 0.0009055184114538569 pytorch OneCycleLR: 0.0008623932022837024
  68. custom OneCycleLR: 0.0009027980222607026 pytorch OneCycleLR: 0.0008740520625954986
  69. custom OneCycleLR: 0.0009000444278521839 pytorch OneCycleLR: 0.0008852698181252645
  70. custom OneCycleLR: 0.0008972579301909578 pytorch OneCycleLR: 0.0008960324929464892
  71. custom OneCycleLR: 0.0008944388348478938 pytorch OneCycleLR: 0.0009063266781065563
  72. custom OneCycleLR: 0.0008915874509685647 pytorch OneCycleLR: 0.0009161395483326291
  73. custom OneCycleLR: 0.0008887040912393449 pytorch OneCycleLR: 0.0009254588780103433
  74. custom OneCycleLR: 0.0008857890718531214 pytorch OneCycleLR: 0.0009342730564154004
  75. custom OneCycleLR: 0.000882842712474619 pytorch OneCycleLR: 0.0009425711021790838
  76. custom OneCycleLR: 0.0008798653362053463 pytorch OneCycleLR: 0.0009503426769696777
  77. custom OneCycleLR: 0.0008768572695481627 pytorch OneCycleLR: 0.00095757809837274
  78. custom OneCycleLR: 0.0008738188423714755 pytorch OneCycleLR: 0.0009642683519541861
  79. custom OneCycleLR: 0.0008707503878730643 pytorch OneCycleLR: 0.0009704051024911501
  80. custom OneCycleLR: 0.0008676522425435433 pytorch OneCycleLR: 0.0009759807043566356
  81. custom OneCycleLR: 0.0008645247461294607 pytorch OneCycleLR: 0.000980988211045014
  82. custom OneCycleLR: 0.0008613682415960422 pytorch OneCycleLR: 0.0009854213838265064
  83. custom OneCycleLR: 0.0008581830750895803 pytorch OneCycleLR: 0.0009892746995198629
  84. custom OneCycleLR: 0.0008549695958994758 pytorch OneCycleLR: 0.00099254335737356
  85. custom OneCycleLR: 0.0008517281564199351 pytorch OneCycleLR: 0.000995223285046938
  86. custom OneCycleLR: 0.0008484591121113242 pytorch OneCycleLR: 0.0009973111436838314
  87. custom OneCycleLR: 0.0008451628214611906 pytorch OneCycleLR: 0.0009988043320723666
  88. custom OneCycleLR: 0.00084183964594495 pytorch OneCycleLR: 0.0009997009898857496
  89. custom OneCycleLR: 0.0008384899499862462 pytorch OneCycleLR: 0.001
  90. custom OneCycleLR: 0.0008351141009169893 pytorch OneCycleLR: 0.0009999440511289331
  91. custom OneCycleLR: 0.0008317124689370715 pytorch OneCycleLR: 0.0009997762170368871
  92. custom OneCycleLR: 0.0008282854270737727 pytorch OneCycleLR: 0.0009994965352845243
  93. custom OneCycleLR: 0.0008248333511408524 pytorch OneCycleLR: 0.000999105068463608
  94. custom OneCycleLR: 0.0008213566196973377 pytorch OneCycleLR: 0.0009986019041829956
  95. custom OneCycleLR: 0.0008178556140060108 pytorch OneCycleLR: 0.0009979871550490316
  96. custom OneCycleLR: 0.0008143307179915986 pytorch OneCycleLR: 0.000997260958640346
  97. custom OneCycleLR: 0.0008107823181986711 pytorch OneCycleLR: 0.000996423477477066
  98. custom OneCycleLR: 0.0008072108037492522 pytorch OneCycleLR: 0.0009954748989844438
  99. custom OneCycleLR: 0.0008036165663001484 pytorch OneCycleLR: 0.0009944154354509117
  100. custom OneCycleLR: 0.0007999999999999999 pytorch OneCycleLR: 0.0009932453239805729
  101. custom OneCycleLR: 0.0007963615014460563 pytorch OneCycleLR: 0.0009919648264401376
  102. custom OneCycleLR: 0.0007927014696406861 pytorch OneCycleLR: 0.0009905742294003194
  103. custom OneCycleLR: 0.0007890203059476216 pytorch OneCycleLR: 0.0009890738440717015
  104. custom OneCycleLR: 0.0007853184140479448 pytorch OneCycleLR: 0.0009874640062350875
  105. custom OneCycleLR: 0.0007815961998958187 pytorch OneCycleLR: 0.0009857450761663572
  106. custom OneCycleLR: 0.000777854071673971 pytorch OneCycleLR: 0.0009839174385558363
  107. custom OneCycleLR: 0.000774092439748931 pytorch OneCycleLR: 0.0009819815024222052
  108. custom OneCycleLR: 0.000770311716626029 pytorch OneCycleLR: 0.0009799377010209615
  109. custom OneCycleLR: 0.0007665123169041606 pytorch OneCycleLR: 0.0009777864917474587
  110. custom OneCycleLR: 0.00076269465723032 pytorch OneCycleLR: 0.0009755283560345441
  111. custom OneCycleLR: 0.0007588591562539122 pytorch OneCycleLR: 0.0009731637992448144
  112. custom OneCycleLR: 0.0007550062345808412 pytorch OneCycleLR: 0.0009706933505575182
  113. custom OneCycleLR: 0.0007511363147273869 pytorch OneCycleLR: 0.0009681175628501272
  114. custom OneCycleLR: 0.0007472498210738712 pytorch OneCycleLR: 0.0009654370125746047
  115. custom OneCycleLR: 0.00074334717981812 pytorch OneCycleLR: 0.0009626522996283973
  116. custom OneCycleLR: 0.0007394288189287261 pytorch OneCycleLR: 0.0009597640472201802
  117. custom OneCycleLR: 0.0007354951680981166 pytorch OneCycleLR: 0.000956772901730385
  118. custom OneCycleLR: 0.0007315466586954334 pytorch OneCycleLR: 0.0009536795325665432
  119. custom OneCycleLR: 0.000727583723719228 pytorch OneCycleLR: 0.0009504846320134736
  120. custom OneCycleLR: 0.0007236067977499789 pytorch OneCycleLR: 0.000947188915078353
  121. custom OneCycleLR: 0.0007196163169024347 pytorch OneCycleLR: 0.000943793119330699
  122. custom OneCycleLR: 0.0007156127187777885 pytorch OneCycleLR: 0.0009402980047373052
  123. custom OneCycleLR: 0.0007115964424156918 pytorch OneCycleLR: 0.0009367043534921636
  124. custom OneCycleLR: 0.0007075679282461063 pytorch OneCycleLR: 0.0009330129698414117
  125. custom OneCycleLR: 0.0007035276180410084 pytorch OneCycleLR: 0.0009292246799033457
  126. custom OneCycleLR: 0.0006994759548659419 pytorch OneCycleLR: 0.0009253403314835384
  127. custom OneCycleLR: 0.0006954133830314323 pytorch OneCycleLR: 0.0009213607938851022
  128. custom OneCycleLR: 0.0006913403480442624 pytorch OneCycleLR: 0.0009172869577141438
  129. custom OneCycleLR: 0.000687257296558617 pytorch OneCycleLR: 0.0009131197346804487
  130. custom OneCycleLR: 0.0006831646763271038 pytorch OneCycleLR: 0.0009088600573934443
  131. custom OneCycleLR: 0.0006790629361516505 pytorch OneCycleLR: 0.0009045088791534849
  132. custom OneCycleLR: 0.0006749525258342899 pytorch OneCycleLR: 0.0009000671737385071
  133. custom OneCycleLR: 0.0006708338961278333 pytorch OneCycleLR: 0.0008955359351861013
  134. custom OneCycleLR: 0.000666707498686441 pytorch OneCycleLR: 0.0008909161775710499
  135. custom OneCycleLR: 0.0006625737860160923 pytorch OneCycleLR: 0.0008862089347783812
  136. custom OneCycleLR: 0.0006584332114249647 pytorch OneCycleLR: 0.0008814152602719894
  137. custom OneCycleLR: 0.0006542862289737217 pytorch OneCycleLR: 0.0008765362268588734
  138. custom OneCycleLR: 0.0006501332934257217 pytorch OneCycleLR: 0.0008715729264490461
  139. custom OneCycleLR: 0.0006459748601971467 pytorch OneCycleLR: 0.0008665264698111694
  140. custom OneCycleLR: 0.0006418113853070615 pytorch OneCycleLR: 0.000861397986323968
  141. custom OneCycleLR: 0.0006376433253274059 pytorch OneCycleLR: 0.0008561886237234785
  142. custom OneCycleLR: 0.0006334711373329262 pytorch OneCycleLR: 0.00085089954784619
  143. custom OneCycleLR: 0.0006292952788510527 pytorch OneCycleLR: 0.0008455319423681343
  144. custom OneCycleLR: 0.0006251162078117254 pytorch OneCycleLR: 0.000840087008539984
  145. custom OneCycleLR: 0.0006209343824971776 pytorch OneCycleLR: 0.0008345659649182163
  146. custom OneCycleLR: 0.0006167502614916799 pytorch OneCycleLR: 0.0008289700470924044
  147. custom OneCycleLR: 0.0006125643036312512 pytorch OneCycleLR: 0.0008233005074086972
  148. custom OneCycleLR: 0.0006083769679533429 pytorch OneCycleLR: 0.0008175586146895496
  149. custom OneCycleLR: 0.0006041887136464983 pytorch OneCycleLR: 0.000811745653949763
  150. custom OneCycleLR: 0.0006000000000000001 pytorch OneCycleLR: 0.0008058629261089048
  151. custom OneCycleLR: 0.0005958112863535017 pytorch OneCycleLR: 0.0007999117477001675
  152. custom OneCycleLR: 0.0005916230320466573 pytorch OneCycleLR: 0.0007938934505757319
  153. custom OneCycleLR: 0.0005874356963687486 pytorch OneCycleLR: 0.0007878093816087053
  154. custom OneCycleLR: 0.0005832497385083202 pytorch OneCycleLR: 0.0007816609023916948
  155. custom OneCycleLR: 0.0005790656175028224 pytorch OneCycleLR: 0.0007754493889320882
  156. custom OneCycleLR: 0.0005748837921882747 pytorch OneCycleLR: 0.0007691762313441089
  157. custom OneCycleLR: 0.0005707047211489473 pytorch OneCycleLR: 0.0007628428335377126
  158. custom OneCycleLR: 0.0005665288626670737 pytorch OneCycleLR: 0.0007564506129043982
  159. custom OneCycleLR: 0.0005623566746725943 pytorch OneCycleLR: 0.0007500009999999999
  160. custom OneCycleLR: 0.0005581886146929387 pytorch OneCycleLR: 0.0007434954382245347
  161. custom OneCycleLR: 0.0005540251398028534 pytorch OneCycleLR: 0.0007369353834991743
  162. custom OneCycleLR: 0.0005498667065742782 pytorch OneCycleLR: 0.0007303223039404152
  163. custom OneCycleLR: 0.0005457137710262783 pytorch OneCycleLR: 0.0007236576795315195
  164. custom OneCycleLR: 0.0005415667885750355 pytorch OneCycleLR: 0.0007169430017913008
  165. custom OneCycleLR: 0.0005374262139839078 pytorch OneCycleLR: 0.0007101797734403261
  166. custom OneCycleLR: 0.000533292501313559 pytorch OneCycleLR: 0.000703369508064614
  167. custom OneCycleLR: 0.0005291661038721667 pytorch OneCycleLR: 0.0006965137297768985
  168. custom OneCycleLR: 0.0005250474741657101 pytorch OneCycleLR: 0.0006896139728755389
  169. custom OneCycleLR: 0.0005209370638483495 pytorch OneCycleLR: 0.0006826717815011488
  170. custom OneCycleLR: 0.0005168353236728962 pytorch OneCycleLR: 0.0006756887092910232
  171. custom OneCycleLR: 0.000512742703441383 pytorch OneCycleLR: 0.0006686663190314402
  172. custom OneCycleLR: 0.0005086596519557378 pytorch OneCycleLR: 0.0006616061823079151
  173. custom OneCycleLR: 0.0005045866169685678 pytorch OneCycleLR: 0.0006545098791534849
  174. custom OneCycleLR: 0.0005005240451340582 pytorch OneCycleLR: 0.0006473789976951033
  175. custom OneCycleLR: 0.0004964723819589916 pytorch OneCycleLR: 0.0006402151337982227
  176. custom OneCycleLR: 0.0004924320717538938 pytorch OneCycleLR: 0.0006330198907096463
  177. custom OneCycleLR: 0.0004884035575843083 pytorch OneCycleLR: 0.0006257948786987268
  178. custom OneCycleLR: 0.00048438728122221134 pytorch OneCycleLR: 0.0006185417146969932
  179. custom OneCycleLR: 0.0004803836830975653 pytorch OneCycleLR: 0.0006112620219362892
  180. custom OneCycleLR: 0.000476393202250021 pytorch OneCycleLR: 0.0006039574295854978
  181. custom OneCycleLR: 0.0004724162762807721 pytorch OneCycleLR: 0.0005966295723859409
  182. custom OneCycleLR: 0.0004684533413045667 pytorch OneCycleLR: 0.0005892800902855287
  183. custom OneCycleLR: 0.0004645048319018834 pytorch OneCycleLR: 0.0005819106280717459
  184. custom OneCycleLR: 0.0004605711810712739 pytorch OneCycleLR: 0.0005745228350035547
  185. custom OneCycleLR: 0.0004566528201818799 pytorch OneCycleLR: 0.000567118364442296
  186. custom OneCycleLR: 0.00045275017892612893 pytorch OneCycleLR: 0.0005596988734816729
  187. custom OneCycleLR: 0.0004488636852726131 pytorch OneCycleLR: 0.0005522660225769001
  188. custom OneCycleLR: 0.0004449937654191588 pytorch OneCycleLR: 0.0005448214751730989
  189. custom OneCycleLR: 0.00044114084374608767 pytorch OneCycleLR: 0.0005373668973330249
  190. custom OneCycleLR: 0.0004373053427696799 pytorch OneCycleLR: 0.0005299039573642091
  191. custom OneCycleLR: 0.00043348768309583953 pytorch OneCycleLR: 0.0005224343254455967
  192. custom OneCycleLR: 0.00042968828337397095 pytorch OneCycleLR: 0.0005149596732537669
  193. custom OneCycleLR: 0.000425907560251069 pytorch OneCycleLR: 0.0005074816735888177
  194. custom OneCycleLR: 0.0004221459283260291 pytorch OneCycleLR: 0.0005000019999999999
  195. custom OneCycleLR: 0.00041840380010418134 pytorch OneCycleLR: 0.0004925223264111823
  196. custom OneCycleLR: 0.0004146815859520554 pytorch OneCycleLR: 0.0004850443267462332
  197. custom OneCycleLR: 0.00041097969405237846 pytorch OneCycleLR: 0.0004775696745544034
  198. custom OneCycleLR: 0.00040729853035931387 pytorch OneCycleLR: 0.0004701000426357908
  199. custom OneCycleLR: 0.0004036384985539436 pytorch OneCycleLR: 0.00046263710266697503
  200. custom OneCycleLR: 0.0003999999999999999 pytorch OneCycleLR: 0.0004551825248269011
  201. custom OneCycleLR: 0.0003963834336998514 pytorch OneCycleLR: 0.0004477379774230999
  202. custom OneCycleLR: 0.00039278919625074796 pytorch OneCycleLR: 0.000440305126518327
  203. custom OneCycleLR: 0.000389217681801329 pytorch OneCycleLR: 0.00043288563555770405
  204. custom OneCycleLR: 0.00038566928200840133 pytorch OneCycleLR: 0.00042548116499644507
  205. custom OneCycleLR: 0.00038214438599398927 pytorch OneCycleLR: 0.00041809337192825395
  206. custom OneCycleLR: 0.0003786433803026623 pytorch OneCycleLR: 0.0004107239097144713
  207. custom OneCycleLR: 0.00037516664885914785 pytorch OneCycleLR: 0.00040337442761405903
  208. custom OneCycleLR: 0.00037171457292622733 pytorch OneCycleLR: 0.00039604657041450203
  209. custom OneCycleLR: 0.00036828753106292835 pytorch OneCycleLR: 0.00038874197806371076
  210. custom OneCycleLR: 0.00036488589908301085 pytorch OneCycleLR: 0.00038146228530300675
  211. custom OneCycleLR: 0.0003615100500137536 pytorch OneCycleLR: 0.00037420912130127325
  212. custom OneCycleLR: 0.00035816035405505 pytorch OneCycleLR: 0.0003669841092903536
  213. custom OneCycleLR: 0.0003548371785388095 pytorch OneCycleLR: 0.0003597888662017773
  214. custom OneCycleLR: 0.0003515408878886759 pytorch OneCycleLR: 0.0003526250023048967
  215. custom OneCycleLR: 0.00034827184358006505 pytorch OneCycleLR: 0.0003454941208465151
  216. custom OneCycleLR: 0.0003450304041005241 pytorch OneCycleLR: 0.000338397817692085
  217. custom OneCycleLR: 0.00034181692491041984 pytorch OneCycleLR: 0.00033133768096855977
  218. custom OneCycleLR: 0.0003386317584039579 pytorch OneCycleLR: 0.00032431529070897674
  219. custom OneCycleLR: 0.00033547525387053913 pytorch OneCycleLR: 0.0003173322184988512
  220. custom OneCycleLR: 0.00033234775745645664 pytorch OneCycleLR: 0.0003103900271244611
  221. custom OneCycleLR: 0.0003292496121269357 pytorch OneCycleLR: 0.00030349027022310155
  222. custom OneCycleLR: 0.00032618115762852453 pytorch OneCycleLR: 0.00029663449193538614
  223. custom OneCycleLR: 0.0003231427304518373 pytorch OneCycleLR: 0.00028982422655967396
  224. custom OneCycleLR: 0.0003201346637946537 pytorch OneCycleLR: 0.0002830609982086992
  225. custom OneCycleLR: 0.000317157287525381 pytorch OneCycleLR: 0.00027634632046848027
  226. custom OneCycleLR: 0.0003142109281468787 pytorch OneCycleLR: 0.00026968169605958483
  227. custom OneCycleLR: 0.00031129590876065506 pytorch OneCycleLR: 0.00026306861650082563
  228. custom OneCycleLR: 0.00030841254903143543 pytorch OneCycleLR: 0.00025650856177546514
  229. custom OneCycleLR: 0.0003055611651521063 pytorch OneCycleLR: 0.0002500030000000001
  230. custom OneCycleLR: 0.00030274206980904217 pytorch OneCycleLR: 0.00024355338709560175
  231. custom OneCycleLR: 0.00029995557214781613 pytorch OneCycleLR: 0.00023716116646228723
  232. custom OneCycleLR: 0.0002972019777392974 pytorch OneCycleLR: 0.00023082776865589112
  233. custom OneCycleLR: 0.00029448158854614306 pytorch OneCycleLR: 0.0002245546110679117
  234. custom OneCycleLR: 0.00029179470288968434 pytorch OneCycleLR: 0.00021834309760830508
  235. custom OneCycleLR: 0.00028914161541721163 pytorch OneCycleLR: 0.00021219461839129468
  236. custom OneCycleLR: 0.00028652261706966397 pytorch OneCycleLR: 0.00020611054942426806
  237. custom OneCycleLR: 0.0002839379950497238 pytorch OneCycleLR: 0.00020009225229983252
  238. custom OneCycleLR: 0.00028138803279032144 pytorch OneCycleLR: 0.00019414107389109498
  239. custom OneCycleLR: 0.00027887300992355423 pytorch OneCycleLR: 0.00018825834605023698
  240. custom OneCycleLR: 0.000276393202250021 pytorch OneCycleLR: 0.0001824453853104503
  241. custom OneCycleLR: 0.00027394888170857826 pytorch OneCycleLR: 0.0001767034925913027
  242. custom OneCycleLR: 0.00027154031634651834 pytorch OneCycleLR: 0.0001710339529075956
  243. custom OneCycleLR: 0.00026916777029017513 pytorch OneCycleLR: 0.00016543803508178376
  244. custom OneCycleLR: 0.0002668315037159602 pytorch OneCycleLR: 0.00015991699146001575
  245. custom OneCycleLR: 0.0002645317728218304 pytorch OneCycleLR: 0.00015447205763186565
  246. custom OneCycleLR: 0.000262268829799194 pytorch OneCycleLR: 0.00014910445215381003
  247. custom OneCycleLR: 0.00026004292280525445 pytorch OneCycleLR: 0.0001438153762765216
  248. custom OneCycleLR: 0.00025785429593579726 pytorch OneCycleLR: 0.00013860601367603193
  249. custom OneCycleLR: 0.00025570318919842253 pytorch OneCycleLR: 0.0001334775301888306
  250. custom OneCycleLR: 0.00025358983848622465 pytorch OneCycleLR: 0.00012843107355095377
  251. custom OneCycleLR: 0.00025151447555192406 pytorch OneCycleLR: 0.00012346777314112658
  252. custom OneCycleLR: 0.0002494773279824546 pytorch OneCycleLR: 0.00011858873972801045
  253. custom OneCycleLR: 0.00024747861917400317 pytorch OneCycleLR: 0.00011379506522161873
  254. custom OneCycleLR: 0.0002455185683075141 pytorch OneCycleLR: 0.00010908782242895002
  255. custom OneCycleLR: 0.00024359739032465288 pytorch OneCycleLR: 0.00010446806481389881
  256. custom OneCycleLR: 0.0002417152959042349 pytorch OneCycleLR: 9.993682626149293e-05
  257. custom OneCycleLR: 0.0002398724914391225 pytorch OneCycleLR: 9.549512084651507e-05
  258. custom OneCycleLR: 0.00023806917901359227 pytorch OneCycleLR: 9.114394260655564e-05
  259. custom OneCycleLR: 0.00023630555638117247 pytorch OneCycleLR: 8.688426531955129e-05
  260. custom OneCycleLR: 0.00023458181694295966 pytorch OneCycleLR: 8.271704228585612e-05
  261. custom OneCycleLR: 0.00023289814972640756 pytorch OneCycleLR: 7.864320611489772e-05
  262. custom OneCycleLR: 0.00023125473936459973 pytorch OneCycleLR: 7.466366851646164e-05
  263. custom OneCycleLR: 0.00022965176607600202 pytorch OneCycleLR: 7.077932009665415e-05
  264. custom OneCycleLR: 0.00022808940564469937 pytorch OneCycleLR: 6.69910301585882e-05
  265. custom OneCycleLR: 0.00022656782940111932 pytorch OneCycleLR: 6.32996465078364e-05
  266. custom OneCycleLR: 0.00022508720420324335 pytorch OneCycleLR: 5.970599526269471e-05
  267. custom OneCycleLR: 0.00022364769241830972 pytorch OneCycleLR: 5.6210880669300965e-05
  268. custom OneCycleLR: 0.00022224945190500755 pytorch OneCycleLR: 5.2815084921647e-05
  269. custom OneCycleLR: 0.0002208926359961657 pytorch OneCycleLR: 4.9519367986526286e-05
  270. custom OneCycleLR: 0.0002195773934819385 pytorch OneCycleLR: 4.632446743345669e-05
  271. custom OneCycleLR: 0.00021830386859348928 pytorch OneCycleLR: 4.3231098269614797e-05
  272. custom OneCycleLR: 0.00021707220098717307 pytorch OneCycleLR: 4.0239952779819815e-05
  273. custom OneCycleLR: 0.00021588252572922275 pytorch OneCycleLR: 3.73517003716026e-05
  274. custom OneCycleLR: 0.00021473497328093673 pytorch OneCycleLR: 3.456698742539522e-05
  275. custom OneCycleLR: 0.00021362966948437268 pytorch OneCycleLR: 3.1886437149872676e-05
  276. custom OneCycleLR: 0.00021256673554854755 pytorch OneCycleLR: 2.9310649442481776e-05
  277. custom OneCycleLR: 0.0002115462880361455 pytorch OneCycleLR: 2.6840200755185466e-05
  278. custom OneCycleLR: 0.00021056843885073584 pytorch OneCycleLR: 2.447564396545582e-05
  279. custom OneCycleLR: 0.00020963329522450102 pytorch OneCycleLR: 2.2217508252541176e-05
  280. custom OneCycleLR: 0.00020874095970647766 pytorch OneCycleLR: 2.006629897903861e-05
  281. custom OneCycleLR: 0.00020789153015131134 pytorch OneCycleLR: 1.8022497577794767e-05
  282. custom OneCycleLR: 0.0002070850997085245 pytorch OneCycleLR: 1.608656144416369e-05
  283. custom OneCycleLR: 0.00020632175681230326 pytorch OneCycleLR: 1.4258923833642831e-05
  284. custom OneCycleLR: 0.00020560158517179795 pytorch OneCycleLR: 1.2539993764912554e-05
  285. custom OneCycleLR: 0.00020492466376194484 pytorch OneCycleLR: 1.0930155928298623e-05
  286. custom OneCycleLR: 0.00020429106681480458 pytorch OneCycleLR: 9.429770599680518e-06
  287. custom OneCycleLR: 0.0002037008638114225 pytorch OneCycleLR: 8.039173559862363e-06
  288. custom OneCycleLR: 0.0002031541194742088 pytorch OneCycleLR: 6.758676019427176e-06
  289. custom OneCycleLR: 0.00020265089375984147 pytorch OneCycleLR: 5.588564549088189e-06
  290. custom OneCycleLR: 0.00020219124185269065 pytorch OneCycleLR: 4.529101015556186e-06
  291. custom OneCycleLR: 0.000201775214158768 pytorch OneCycleLR: 3.580522522934006e-06
  292. custom OneCycleLR: 0.00020140285630019817 pytorch OneCycleLR: 2.7430413596540916e-06
  293. custom OneCycleLR: 0.00020107420911021678 pytorch OneCycleLR: 2.016844950968456e-06
  294. custom OneCycleLR: 0.0002007893086286914 pytorch OneCycleLR: 1.4020958170042977e-06
  295. custom OneCycleLR: 0.0002005481860981705 pytorch OneCycleLR: 8.989315363919581e-07
  296. custom OneCycleLR: 0.00020035086796045665 pytorch OneCycleLR: 5.074647154757879e-07
  297. custom OneCycleLR: 0.00020019737585370734 pytorch OneCycleLR: 2.277829631129057e-07
  298. custom OneCycleLR: 0.0002000877266100618 pytorch OneCycleLR: 5.994887106690402e-08
  299. custom OneCycleLR: 0.00020002193225379506 pytorch OneCycleLR: 4e-09
  300. custom OneCycleLR: 0.00019999999999999996 pytorch OneCycleLR: 5.994887106690402e-08

声明:本文内容由网友自发贡献,不代表【wpsshop博客】立场,版权归原作者所有,本站不承担相应法律责任。如您发现有侵权的内容,请联系我们。转载请注明出处:https://www.wpsshop.cn/w/羊村懒王/article/detail/328459
推荐阅读
相关标签
  

闽ICP备14008679号