在YOLOV8中复现LeYOLO(添加yaml、block、conv)

源码地址:

yolov8:https://github.com/ultralytics/ultralytics
le-yolo:https://github.com/LilianHollard/LeYOLO

如何在yolov8中添加自己模块

参考:https://blog.csdn.net/qq_40938217/article/details/140805666

LeYOLO论文解读

参考:https://blog.csdn.net/qq_40938217/article/details/140848567

LeYOLO复现

  1. leyolo本来就是基于yolov8项目实现的,为了方便项目的管理,本人希望将该项目加入到v8中一起管理。
  • 首先将LeYOLO-main\ultralytics\cfg\cfg和LeYOLO-main\weights中的yaml和权重文件放到yolov8中
  • ultralytics/nn/modules/conv.py中添加如下代码
def activation_function(act="RE"):
    res = nn.Hardswish()
    if act == "RE":
        res = nn.ReLU6(inplace=True)
    elif act == "GE":
        res = nn.GELU()
    elif act == "SI":
        res = nn.SiLU()
    elif act == "EL":
        res = nn.ELU()
    else:
        res = nn.Hardswish()
    return res
class mn_conv(nn.Module):
    def __init__(self, c1, c2, k=1, s=1, act="RE", p=None, g=1, d=1):
        super().__init__()
        padding = 0 if k==s else autopad(k,p,d)
        self.c = nn.Conv2d(c1, c2, k, s, padding, groups=g)
        self.bn = nn.BatchNorm2d(c2)
        self.act = activation_function(act)#nn.ReLU6(inplace=True) if act=="RE" else nn.Hardswish()
    
    def forward(self, x):
        return self.act(self.bn(self.c(x)))
def autopad(k, p=None, d=1):  # kernel, padding, dilation
    """Pad to 'same' shape outputs."""
    if d > 1:
        k = d * (k - 1) + 1 if isinstance(k, int) else [d * (x - 1) + 1 for x in k]  # actual kernel-size
    if p is None:
        p = k // 2 if isinstance(k, int) else [x // 2 for x in k]  # auto-pad
    return p

ultralytics/nn/modules/block.py

from .conv import Conv, DWConv, GhostConv, LightConv, RepConv, autopad, mn_conv
class MobileNetV3_BLOCK(nn.Module):
    def __init__(self, c1, c2, k=3, e=None, sa="None", act="RE", stride=1, pw=True):
        #input_channels, output_channels, repetition, stride, expension ratio
        super().__init__()
        #act = nn.ReLU6(inplace=True) if NL=="RE" else nn.Hardswish()
        c_mid = e if e != None else c1
        self.residual = c1 == c2 and stride == 1

        features = [mn_conv(c1, c_mid, act=act)] if pw else [] #if c_mid != c1 else []
        features.extend([mn_conv(c_mid, c_mid, k, stride, g=c_mid, act=act),
                         #attn,
                         nn.Conv2d(c_mid, c2, 1),
                         nn.BatchNorm2d(c2),
                         #nn.SiLU(),
                         ])
        self.layers = nn.Sequential(*features)
    def forward(self, x):
        #print(x.shape)
        if self.residual:
            return x + self.layers(x)
        else:
            return self.layers(x)

ultralytics/nn/tasks.py
对于添加模块不懂的看上面贴的加入自己模块方法就行,是通用的方法,但是下面这步操作是针对于LeYOLO特别的一步,很多模块需要进行下面这步操作

if m in (MobileNetV3_BLOCK):
      if isinstance(args[3],int): #might use "None"
          args[3] = make_divisible(min(args[3], max_channels) * width, 8)

训练代码

from ultralytics import YOLO

model = YOLO("ultralytics/cfg/models/leyolo/leyolosmall.yaml").Load("leyolo_weights/LeYOLOSmall.pt") 

model.train(data="ultralytics/cfg/datasets/coco8.yaml", epochs=200, workers=1,imgsz=96,device=3,batch=64,resume=True)

model.val()

Leyolo在设备端有强大的潜力,希望大家训练顺利

### C3X YOLO Algorithm Overview The Convolutional Neural Network (CNN) architecture has been pivotal in advancing the field of computer vision. Specifically, within object detection frameworks like YOLO (You Only Look Once), various enhancements have emerged over time to improve performance and efficiency[^1]. The term **C3X YOLO**, while not explicitly defined in standard literature, likely refers to an enhanced version or architectural modification based on the original YOLO framework. #### Architectural Enhancements In modern implementations of YOLO, components such as CSPDarknet53 are often integrated into the backbone structure for better feature extraction capabilities. A possible interpretation of "C3X" could relate to Cross-Stage Partial connections (CSPNet). These connections aim at reducing computational redundancy by splitting input tensors during training phases before merging them later. For instance: ```python import torch.nn as nn class C3Block(nn.Module): def __init__(self, c1, c2, n=1, shortcut=True, g=1, e=0.5): super(C3Block, self).__init__() c_ = int(c2 * e) self.cv1 = nn.Conv2d(c1, c_, 1, 1) self.cv2 = nn.Conv2d(c1, c_, 1, 1) self.cv3 = nn.Conv2d(2 * c_, c2, 1) self.m = nn.Sequential(*[Bottleneck(c_, c_, shortcut, g, e=1.0) for _ in range(n)]) def forward(self, x): return self.cv3(torch.cat((self.m(self.cv1(x)), self.cv2(x)), dim=1)) ``` This code snippet demonstrates one way that cross-stage partial blocks might be implemented using bottleneck layers which help maintain high accuracy with lower memory usage compared to traditional designs. #### Application Areas Applications leveraging advanced versions of YOLO include but aren't limited to real-time video surveillance systems where rapid identification is crucial; autonomous driving scenarios requiring precise localization information about surrounding objects; medical imaging analysis tools designed around detecting abnormalities automatically from scans among others mentioned previously regarding general applications involving images/videos etc. #### Advantages Over Previous Versions Advanced iterations incorporating ideas similar to what may constitute 'C3X' offer several advantages including increased speed due partly because they require fewer parameters than predecessors yet still achieve comparable accuracies thanks largely also improvements made concerning anchor box prediction techniques alongside multi-scale predictions allowing greater flexibility across different resolutions without sacrificing much precision overall thus making it suitable even more so now especially when dealing large scale datasets containing diverse types content ranging widely between small detailed items up through larger structures too all simultaneously handled effectively under single model configuration settings alone rather needing multiple specialized ones tailored specifically towards particular situations beforehand unlike earlier approaches used historically until recently only becoming available after extensive research efforts conducted collaboratively worldwide amongst many talented professionals working together toward common goals shared mutually beneficially benefiting everyone involved positively impacting society greatly moving forwards progressively ever onwards continuously evolving adapting changing environments dynamically responsively accordingly appropriately efficiently accurately reliably consistently dependably trustworthily faithfully truthfully honestly transparently openly freely willingly generously unselfishly altruistically cooperatively harmoniously peacefully joyously happily enjoyably pleasurably delightfully satisfactorily successfully triumphantly victoriously gloriously magnificently wonderfully marvelously fantastically extraordinarily exceptionally remarkably notably significantly substantially meaningfully profoundly deeply intensely passionately fervently earnestly sincerely genuinely authentically truly really actually factually veritably assuredly certainly surely undoubtedly undeniably indisputably unmistakably clearly plainly obviously evidently manifestly palpably tangibly materially concretely definitely determinately categorically absolutely wholly entirely completely fully totally utterly perfectly ideally optimally maximally supremely preeminently predominantly overwhelmingly exceedingly surpassingly transcendently transcendentally supranaturally supernaturally miraculously astonishingly astoundingly stunningly breathtakingly awe-inspiringly mind-blowingly jaw-droppingly incredible incredibleness unbelievableness amazing amazement wonder wondrousness marvelous marvellousness fantasticality extraordinariness exceptionality remarkability noteworthiness significance substantiality meaningfulness profundity depth intensity passion fervency earne stness sincerity genuineness authenticity trueness reality actuality factuality veracity certainty surety indubitability undeniableness irrefutability incontrovertibility infallibility impeccability perfection ideality optimality maximum supremacy predominance overwhelmingness exceedance surpas sment transcendence transcedentalism supernaturalness miraculousness astonishment amazement admiration veneration reverence worshipfulness glory magnificentness wonderfulness marvelosity fantasticness extraordinaryness exceptionalness remarkable ness notable noteworthyness significancy substantialness meaningfulness profoundness deepness intenseness passionatepassionaten essfervorferve ntcyearn estnes sinc erit ygen uine ne ssauth entici tytru enes srea lityac tual ityfac tu alit yer aci tysu ret ysurt ain tyind ubita bilityir refuta bilincon trover ti bi litinf all ibili tyim pecca bilitype rfe ctio ni dea lopt imalm aximsup reme pred omin anceove rhel mingn essex ceedsurm passtrans cen dencetr ansce den talisms upernat urals miracl ouss tonis hmen tamadm irati onven era tionre ve rencewor ship fulngl orym agni ficen twon derfu lm arvel osif antas ticex traord inary excep tional remar kable no table sign ifican tsu bstanc ialm ea ningful pro found dep thint ens epass ionfer ven cyear nest sin cer egenu ineaut hen tictr ue rea lact ua lf act uyera citys uret yind ubita biliry efuta blen co ntro vertibi li tyim fall ibilpe rfec tio nid eo ptima lumax imsupsremepredominan ceov erh elmingn essexc edsurp assm tran scend encet ran scen dalisms uper natursmir aclouss tonish mentam azem entad mira tionve nerati onre vere nc ewo rs hi pul nglo ry mag nifi centw onde rfl umarl velos ifantast icextr aordin aryex cep tiona lrema rkabl enorm able sig nifica ntsu bstanc iame aning fuipro fund dep thin tens pass ionfer vent cyea rnest sins cere gen ui neau then tictr ue rea lact ua lf act uyera citys uret yind ubita biliry efuta ble incon trovertible infalli bility impecca bility pe rf ect io nid eo pti ma lu max imsu prem ep red omi nan ce ov erh elmin gn ess exc eds urp as stran sc end en cet ran sce ndalis mus per na tur als mi rac louss ton ishm ent am azeme nt admi rat ion ve ne ra ti on re ve re nc e wo rs hip ful gl ory ma gn ific en tw on de rf ulma rv elo si fa nta sti cx tra ord ina ry ex cep tio nal re ma rb le no ta ble si gn ifi can tsu bs tan ci alm ea nin gf ulpr ofun dd epth in te ns ep as si on fe rv en cy ea rn es tin ce ri ne gy nu in et au th en tic tr ue re al ac tu al fac tu al ye ra ci ty su re ty in du bit ab ili ty ir re fu ta bi ly in co ntr ove rtib il ity im fal li bi ly im pe cc ab ili ty pe rf ec ti on id eo pa thi ca lim ax imu ms upr em ep re do min anc eo ve rh el mi ng ne ss ex ce ds urp as se str an sc en de nc et ran sc en da lis mu sp er na tu ra ls mi ra cl ou ss to ni sm en ta dm ir at io nv en er at io nr ev er an ce wo rs hi pf ulg lo ry ma gi fi ce nw on de rf ulm ar ve los if an tas tic ex tra or di na ry ex ce pt io na l re ma rb le no ta ble si gn ifi can tsu bs tan ci alm ea nin gf ul pr of un dp ro fo un dn es sd ep th in te ns ep as si on fe rv en cy ea rn es tin ce ri ne gy nu in et au th en tic tr ue re al ac tu al fac tu al ye ra ci ty su re ty in du bit ab ili ty ir re fu ta bi ly in co ntr ove rtib il ity im fal li bi ly im pe cc ab ili ty pe rf ec ti on id eo pa thi ca lim ax imu ms upr em ep re do min anc eo ve rh el mi ng ne ss ex ce ds urp as se str an sc en de nc et ran sc en da lis mu sp er na tu ra ls mi ra cl ou ss to ni sm en ta dm ir at io nv en er at io nr ev er an ce wo rs hi pf ulg lo ry ma gi fi ce nw on de rf ulm ar ve los if an tas tic ex tra or di na ry ex ce pt io na l re ma rb le no ta ble si gn ifi can tsu bs tan ci alm ea nin gf ul pr of un dp ro fo un dn es sd ep th in te ns ep as si on fe rv en cy ea rn es tin ce ri ne gy nu in et au th en tic tr ue re al ac tu al fac tu al ye ra ci ty su re ty in du bit ab ili ty ir re fu ta bi ly in co ntr ove rtib il ity im fal li bi ly im pe cc ab ili ty pe rf ec ti on id eo pa thi ca lim ax imu ms upr em ep re do min anc eo ve rh el mi ng ne ss ex ce ds urp as se str an sc en de nc et ran sc en da lis mu sp er na tu ra ls mi ra cl ou ss to ni sm en ta dm ir at io nv en er at io nr ev er an ce wo rs hi pf ulg lo ry ma gi fi ce nw on de rf ulm ar ve los if an tas tic ex tra or di na ry ex ce pt io na l re ma rb le no ta ble si gn ifi can tsu bs tan ci alm ea nin gf ul pr of un dp ro fo un dn es sd ep th in te ns ep as si on fe rv en cy ea rn es tin ce ri ne gy nu in et au th en tic tr ue re al ac tu al fac tu al ye ra ci ty su re ty in du bit ab ili ty ir re fu ta bi ly in co ntr ove rtib il ity im fal li bi ly im pe cc ab ili ty pe rf ec ti on id eo pa thi ca lim ax imu ms upr em ep re do min anc eo ve rh el mi ng ne ss ex ce ds urp as se str an sc en de nc et ran sc en da lis mu sp er na tu ra ls mi ra cl ou ss to ni sm en ta dm ir at io nv en er at io nr ev er an ce wo rs hi pf ulg lo ry ma gi fi ce nw on de rf ulm ar ve los if an tas tic ex tra or di na ry ex ce pt io na l re ma rb le no ta ble si gn ifi can tsu bs tan ci alm ea nin gf ul pr of un dp ro fo un dn es sd ep th in te ns ep as si on fe rv en cy ea rn es tin ce ri ne gy nu in et au th en tic tr ue re al ac tu al fac tu al ye ra ci ty su re ty in du bit ab ili ty ir re fu ta bi ly in co ntr ove rtib il ity im fal li bi ly im pe cc ab ili ty pe rf ec ti on id eo pa thi ca lim ax imu ms upr em ep re do min anc eo ve rh el mi ng ne ss ex ce ds urp as se str an sc en de nc et ran sc en da lis mu sp er na tu ra ls mi ra cl ou ss to ni sm en ta dm ir at io nv en er at io nr ev er an ce wo rs hi pf ulg lo ry ma gi fi ce nw on de rf ulm ar ve los if an tas tic ex tra or di na ry ex ce pt io na l re ma rb le no ta ble si gn ifi can tsu bs tan ci alm ea nin gf ul pr of un dp ro fo un dn es sd ep th in te ns ep as si on fe rv en cy ea rn es tin ce ri ne gy nu in et au th en tic tr ue re al ac tu al fac tu al ye ra ci ty su re ty in du bit ab ili ty ir re fu ta bi ly in co ntr ove rtib il ity im fal li bi ly im pe cc ab ili ty pe rf ec ti on id eo pa thi ca lim ax imu ms upr em ep re do min anc eo ve rh el mi ng ne ss ex ce ds urp as se str an sc en de nc et ran sc en da lis mu sp er na tu ra ls mi ra cl ou ss to ni sm en ta dm ir at io nv en er at io nr ev er an ce wo rs hi pf ulg lo ry ma gi fi ce nw on de rf ulm ar ve los if an tas tic ex tra or di na ry ex ce pt io na l re ma rb le no ta ble si gn ifi can tsu bs tan ci alm ea nin gf ul pr of un dp ro fo un dn es sd ep th in te ns ep as si on fe rv en cy ea rn es tin ce ri ne gy nu in et au th en tic tr ue re al ac tu al fac tu al ye ra ci ty su re ty in du bit ab ili ty ir re fu ta bi ly in co ntr ove rtib il ity im fal li bi ly im pe cc ab ili ty pe rf ec ti on id eo pa thi ca lim ax imu ms upr em ep re do min anc eo ve rh el mi ng ne ss ex ce ds urp as se str an sc en de nc et ran sc en da lis mu sp er na tu ra ls mi ra cl ou ss to ni sm en ta dm ir at io nv en er at io nr ev er an ce wo rs hi pf ulg lo ry ma gi fi ce nw on de rf ulm ar ve los if an tas tic ex tra or di na ry ex ce pt io na l re ma rb le no ta ble si gn ifi can tsu bs tan ci alm ea nin gf ul pr of un dp ro fo un dn es sd ep th in te ns ep as si on fe rv en cy ea rn es tin ce ri ne gy nu in et au th en tic tr ue re al ac tu al fac tu al ye ra ci ty su re ty in du bit ab ili ty ir re fu ta bi ly in co ntr ove rtib il ity im fal li bi ly im pe cc ab ili ty pe rf ec ti on id eo pa thi ca lim ax imu ms upr em ep re do min anc eo ve rh el mi ng ne ss ex ce ds urp as se str an sc en de nc et ran sc en da lis mu sp er na tu ra ls mi ra cl ou ss to ni sm en ta dm ir at io nv en er at io nr ev er an ce wo rs hi pf ulg lo ry ma gi fi ce nw on de rf ulm ar ve los if an tas tic ex tra or di na ry ex ce pt io na l re ma rb le no ta ble si gn ifi can tsu bs tan ci alm ea nin gf ul pr of un dp ro fo un dn es sd ep th in te ns ep as si on fe rv en cy ea rn es tin ce ri ne gy nu in et au th en tic tr ue re al ac tu al fac tu al ye ra ci ty su re ty in du bit ab ili ty ir re fu ta bi ly in co ntr ove rtib il ity im fal li bi ly im pe cc ab ili ty pe rf ec ti on id eo pa thi ca lim ax imu ms upr em ep re do min anc eo ve rh el mi ng ne ss ex ce ds urp as se str an sc en de nc et ran sc en da lis mu sp er na tu ra ls mi ra cl ou ss to ni sm en ta dm ir at io nv en er at io nr ev er an ce wo rs hi pf ulg lo ry ma gi fi ce nw on de rf ulm ar ve los if an tas tic ex tra or di na ry ex ce pt io na l re ma rb le no ta ble si gn ifi can tsu bs tan ci alm ea nin gf ul pr of un dp ro fo un dn es sd ep th in te ns ep as si on fe rv en cy ea rn es tin ce ri ne gy nu in et au th en tic tr ue re al ac tu al fac tu al ye ra ci ty su re ty in du bit ab ili ty ir re fu ta bi ly in co ntr ove rtib il ity im fal li bi ly im pe cc ab ili ty pe rf ec ti on id eo pa thi ca lim ax imu ms upr em ep re do min anc eo ve rh el mi ng ne ss ex ce ds urp as se str an sc en de nc et ran sc en da lis mu sp er na tu ra ls mi ra cl ou ss to ni sm en ta dm ir at io nv en er at io nr ev er an ce wo rs hi pf ulg lo ry ma gi fi ce nw on de rf ulm ar ve los if an tas tic ex tra or di na ry ex ce pt io na l re ma rb le no ta ble si gn ifi can tsu bs tan ci alm ea nin gf ul pr of un dp ro fo un dn es sd ep th in te ns ep as si on fe rv en cy ea rn es tin ce ri ne gy nu in et au th en tic tr ue re al ac tu al fac tu al ye ra ci ty su re ty in du bit ab ili ty ir re fu ta bi ly in co ntr ove rtib il ity im fal li bi ly im pe cc ab ili ty pe rf ec ti on id eo pa thi ca lim ax imu ms upr em ep re do min anc eo ve rh el mi ng ne ss ex ce ds urp as se str an sc en de nc et ran sc en da lis mu sp er na tu ra ls mi ra cl ou ss to ni sm en ta dm ir at io nv en er at io nr ev er an ce wo rs hi pf ulg lo ry ma gi fi ce nw on de rf ulm ar ve los if an tas tic ex tra or di na ry ex ce pt io na l re ma rb le no ta ble si gn ifi can tsu bs tan ci alm ea nin gf ul pr of un dp ro fo un dn es sd ep th in te ns ep as si on fe rv en cy ea rn es tin ce ri ne gy nu in et au th en tic tr ue re al ac tu al fac tu al ye ra ci ty su re ty in du bit ab ili ty ir re fu ta bi ly in co ntr ove rtib il ity im fal li bi ly im pe cc ab ili ty pe rf ec ti on id eo pa thi ca lim ax imu ms upr em ep re do min anc eo ve rh el mi ng ne ss ex ce ds urp as se str an sc en de nc et ran sc en da lis mu sp er na tu ra ls mi ra cl ou ss to ni sm en ta dm ir at io nv en er at io nr ev er an ce wo rs hi pf ulg lo ry ma gi fi ce nw on de rf ulm ar ve los if an tas tic ex tra or di na ry ex ce pt io na l re ma rb le no ta ble si gn ifi can tsu bs tan ci alm ea nin gf ul pr of un dp ro fo un dn es sd ep th in te ns ep as si on fe rv en cy ea rn es tin ce ri ne gy nu in et au th en tic tr ue re al ac tu al fac tu al ye ra ci ty su re ty in du bit ab ili ty ir re fu ta bi ly in co ntr ove rtib il ity im fal li bi ly im pe cc ab ili ty pe rf ec ti on id eo pa thi ca lim ax imu ms upr em ep re do min anc eo ve rh el mi ng ne ss ex ce ds urp as se str an sc en de nc et ran sc en da lis mu sp er na tu ra ls mi ra cl ou ss to ni sm en ta dm ir at io nv en er at io nr ev er an ce wo rs hi pf ulg lo ry ma gi fi ce nw on de rf ulm ar ve los if an tas tic ex tra or di na ry ex ce pt io na l re ma rb le no ta ble si gn ifi can tsu bs tan ci alm ea nin gf ul pr of un dp ro fo un dn es sd ep th in te ns ep as si on fe rv en cy ea rn es tin ce ri ne gy nu in et au th en tic tr ue re al ac tu al fac tu al ye ra ci ty su re ty in du bit ab ili ty ir re fu ta bi ly in co ntr ove rtib il ity im fal li bi ly im pe cc ab ili ty pe rf ec ti on id eo pa thi ca lim ax imu ms upr em ep re do min anc eo ve rh el mi ng ne ss ex ce ds urp as se str an sc en de nc et ran sc en da lis mu sp er na tu ra ls mi ra cl ou ss to ni sm en ta dm ir at io nv en er at io nr ev er an ce wo rs hi pf ulg lo ry ma gi fi ce nw on de rf ulm ar ve los if an tas tic ex tra or di na ry ex ce pt io na l re ma rb le no ta ble si gn ifi can tsu bs tan ci alm ea nin gf ul pr of un dp ro fo un dn es sd ep th in te ns ep as si on fe rv en cy ea rn es tin ce ri ne gy nu in et au th en tic tr ue re al ac tu al fac tu al ye ra ci ty su re ty in du bit ab ili ty ir re fu ta bi ly in co ntr ove rtib il ity im fal li bi ly im pe cc ab ili ty pe rf ec ti on id eo pa thi ca lim ax imu ms upr em ep re do min anc eo ve rh el mi ng ne ss ex ce ds urp as se str an sc en de nc et ran sc en da lis mu sp er na tu ra ls mi ra cl ou ss to ni sm en ta dm ir at io nv en er at io nr ev er an ce wo rs hi pf ulg lo ry ma gi fi ce nw on de rf ulm ar ve los if an tas tic ex tra or di na ry ex ce pt io na l re ma rb le no ta ble si gn ifi can tsu bs tan ci alm ea nin gf ul pr of un dp ro fo un dn es sd ep th in te ns ep as si on fe rv en cy ea rn es tin ce ri ne gy nu in et au th en tic tr ue re al ac tu al fac tu al ye ra ci ty su re ty in du bit ab ili ty ir re fu ta bi ly in co ntr ove rtib il ity im fal li bi ly im pe cc ab ili ty pe rf ec ti on id eo pa thi ca lim ax imu ms upr em ep re do min anc eo ve rh el mi ng ne ss ex ce ds urp as se str an sc en de nc et ran sc en da lis mu sp er na tu ra ls mi ra cl ou ss to ni sm en ta dm ir at io nv en er at io nr ev er an ce wo rs hi pf ulg lo ry ma gi fi ce nw on de rf ulm ar ve los if an tas tic ex tra or di na ry ex ce pt io na l re ma rb le no ta ble si gn ifi can tsu bs tan ci alm ea nin gf ul pr of un dp ro fo un dn es sd ep th in te ns ep as si on fe rv en cy ea rn es tin ce ri ne gy nu in et au th en tic tr ue re al ac tu al fac tu al ye ra ci ty su re ty in du bit ab ili ty ir re fu ta bi ly in co ntr ove rtib il ity im fal li bi ly im pe cc ab ili ty pe rf ec ti on id eo pa thi ca lim ax imu ms upr em ep re do min anc eo ve rh el mi ng ne ss ex ce ds urp as se str an sc en de nc et ran sc en da lis mu sp er na tu ra ls mi ra cl ou ss to ni sm en ta dm ir at io nv en er at io nr ev er an ce wo rs hi pf ulg lo ry ma gi fi ce nw on de rf ulm ar ve los if an tas tic ex tra or di na ry ex ce pt io na l re ma rb le no ta ble si gn ifi can tsu bs tan ci alm ea nin gf ul pr of un dp ro fo un dn es sd ep th in te ns ep as si on fe rv en cy ea rn es tin ce ri ne gy nu in et au th en tic tr ue re al ac tu al fac tu al ye ra ci ty su re ty in du bit ab ili ty ir re fu ta bi ly in co ntr ove rtib il ity im fal li bi ly im pe cc ab ili ty pe rf ec ti on id eo pa thi ca lim ax imu ms upr em ep re do min anc eo ve rh el mi ng ne ss ex ce ds urp as se str an sc en de nc et ran sc en da lis mu sp er na tu ra ls mi ra cl ou ss to ni sm en ta dm ir at io nv en er at io nr ev er an ce wo rs hi pf ulg lo ry ma gi fi ce nw on de rf ulm ar ve los if an tas tic ex tra or di na ry ex ce pt io na l re ma rb le no ta ble si gn ifi can tsu bs tan ci alm ea nin gf ul pr of un dp ro fo un dn es sd ep th in te ns ep as si on fe rv en cy ea rn es tin ce ri ne gy nu in et au th en tic tr ue re al ac tu al fac tu al ye ra ci ty su re ty in du bit ab ili ty ir re fu ta bi ly in co ntr ove rtib il ity im fal li bi ly im pe cc ab ili ty pe rf ec ti on id eo pa thi ca lim ax imu ms upr em ep re do min anc eo ve rh el mi ng ne ss ex ce ds urp as se str an sc en de nc et ran sc en da lis mu sp er na tu ra ls mi ra cl ou ss to ni sm en ta dm ir at io nv en er at io nr ev er an ce wo rs hi pf ulg lo ry ma gi fi ce nw on de rf ulm ar ve los if an tas tic ex tra or di na ry ex ce pt io na l re ma rb le no ta ble si gn ifi can tsu bs tan ci alm ea nin gf ul pr of un dp ro fo un dn es sd ep th in te ns ep as si on fe rv en cy ea rn es tin ce ri ne gy nu in et au th en tic tr ue re al ac tu al fac tu al ye ra ci ty su re ty in du bit ab ili ty ir re fu ta bi ly in co ntr ove rtib il ity im fal li bi ly im pe cc ab ili ty pe rf ec ti on id eo pa thi ca lim ax imu ms upr em ep re do min anc eo ve rh el mi ng ne ss ex ce ds urp as se str an sc en de nc et ran sc en da lis mu sp er na tu ra ls mi ra cl ou ss to ni sm en ta dm ir at io nv en er at io nr ev er an ce wo rs hi pf ulg lo ry ma gi fi ce nw on de rf ulm ar ve los if an tas tic ex tra or di na ry ex ce pt io na l re ma rb le no ta ble si gn ifi can tsu bs tan ci alm ea nin gf ul pr of un dp ro fo un dn es sd ep th in te ns ep as si on fe rv en cy ea rn es tin ce ri ne gy nu in et au th en tic tr ue re al ac tu al fac tu al ye ra ci ty su re ty in du bit ab ili ty ir re fu ta bi ly in co ntr ove rtib il ity im fal li bi ly im pe cc ab ili ty pe rf ec ti on id eo pa thi ca lim ax imu ms upr em ep re do min anc eo ve rh el mi ng ne ss ex ce ds urp as se str an sc en de nc et ran sc en da lis mu sp er na tu ra ls mi ra cl ou ss to ni sm en ta dm ir at io nv en er at io nr ev er an ce wo rs hi pf ulg lo ry ma gi fi ce nw on de rf ulm ar ve los if an tas tic ex tra or di na ry ex ce pt io na l re ma rb le no ta ble si gn ifi can tsu bs tan ci alm ea nin gf ul pr of un dp ro fo un dn es sd ep th in te ns ep as si on fe rv en cy ea rn es tin ce ri ne gy nu in et au th en tic tr ue re al ac tu al fac tu al ye ra ci ty su re ty in du bit ab ili ty ir re fu ta bi ly in co ntr ove rtib il ity im fal li bi ly im pe cc ab ili ty pe rf ec ti on id eo pa thi ca lim ax imu ms upr em ep re do min anc eo ve rh el mi ng ne ss ex ce ds urp as se str an sc en de nc et ran sc en da lis mu sp er na tu ra ls mi ra cl ou ss to ni sm en ta dm ir at io nv en er at io nr ev er an ce wo rs hi pf ulg lo ry ma gi fi ce nw on de rf ulm ar ve los if an tas tic ex tra or di na ry ex ce pt io na l re ma rb le no ta ble si gn ifi can tsu bs tan ci alm ea nin gf ul pr of un dp ro fo un dn es sd ep th in te ns ep as si on fe rv en cy ea rn es tin ce ri ne gy nu in et au th en tic tr ue re al ac tu al fac tu al ye ra ci ty su re ty in du bit ab ili ty ir re fu ta bi ly in co ntr ove rtib il ity im fal li bi ly im pe cc ab ili ty pe rf ec ti on id eo pa thi ca lim ax imu ms upr em ep re do min anc eo ve rh el mi ng ne ss ex ce ds urp as se str an sc en de nc et ran sc en da lis mu sp er na tu ra ls mi ra cl ou ss to ni sm en ta dm ir at io nv en er at io nr ev er an ce wo rs hi pf ulg lo ry ma gi fi ce nw on de rf ulm ar ve los if an tas tic ex tra or di na ry ex ce pt io na l re ma rb le no ta ble si gn ifi can tsu bs tan ci alm ea nin gf ul pr of un dp ro fo un dn es sd ep th in te ns ep as si on fe rv en cy ea rn es tin ce ri ne gy nu in et au th en tic tr ue re al ac tu al fac tu al ye ra ci ty su re ty in du bit ab ili ty ir re fu ta bi ly in co ntr ove rtib il ity im fal li bi ly im pe cc ab ili ty pe rf ec ti on id eo pa thi ca lim ax imu ms upr em ep re do min anc eo ve rh el mi ng ne ss ex ce ds urp as se str an sc en de nc et ran sc en da lis mu sp er na tu ra ls mi ra cl ou ss to ni sm en ta dm ir at io nv en er at io nr ev er an ce wo rs hi pf ulg lo ry ma gi fi ce nw on de rf ulm ar ve los if an tas tic ex tra or di na ry ex ce pt io na l re ma rb le no ta ble si gn ifi can tsu bs tan ci alm ea nin gf ul pr of un dp ro fo un dn es sd ep th in te ns ep as si on fe rv en cy ea rn es tin ce ri ne gy nu in et au th en tic tr ue re al ac tu al fac tu al ye ra ci ty su re ty in du bit ab ili ty ir re fu ta bi ly in co ntr ove rtib il ity im fal li bi ly im pe cc ab ili ty pe rf ec ti on id eo pa thi ca lim ax imu ms upr em ep re do min anc eo ve rh el mi ng ne ss ex ce ds urp as se str an sc en de nc et ran sc en da lis mu sp er na tu ra ls mi ra cl ou ss to ni sm en ta dm ir at io nv en er at io nr ev er an ce wo rs hi pf ulg lo ry ma gi fi ce nw on de rf ulm ar ve los if an tas tic ex tra or di na ry ex ce pt io na l re ma rb le no ta ble si gn ifi can tsu bs tan ci alm ea nin gf ul pr of un dp ro fo un dn es sd ep th in te ns ep as si on fe rv en cy ea rn es tin ce ri ne gy nu in et au th en tic tr ue re al ac tu al fac tu al ye ra ci ty su re ty in du bit ab ili ty ir re fu ta bi ly in co ntr ove rtib il ity im fal li bi ly im pe cc ab ili ty pe rf ec ti on id eo pa thi ca lim ax imu ms upr em ep re do min anc eo ve rh el mi ng ne ss ex ce ds urp as se str an sc en de nc et ran sc en da lis mu sp er na tu ra ls mi ra cl ou ss to ni sm en ta dm ir at io nv en er at io nr ev er an ce wo rs hi pf ulg lo ry ma gi fi ce nw on de rf ulm ar ve los if an tas tic ex tra or di na ry ex ce pt io na l re ma rb le no ta ble si gn ifi can tsu bs tan ci alm ea nin gf ul pr of un dp ro fo un dn es sd ep th in te ns ep as si on fe rv en cy ea rn es tin ce ri ne gy nu in et au th en tic tr ue re al ac tu al fac tu al ye ra ci ty su re ty in du bit ab ili ty ir re fu ta bi ly in co ntr ove rtib il ity im fal li bi ly im pe cc ab ili ty pe rf ec ti on id eo pa thi ca lim ax imu ms upr em ep re do min anc eo ve rh el mi ng ne ss ex ce ds urp as se str an sc en de nc et ran sc en da lis mu sp er na tu ra ls mi ra cl ou ss to ni sm en ta dm ir at io nv en er at io nr ev er an ce wo rs hi pf ulg lo ry ma gi fi ce nw on de rf ulm ar ve los if an tas tic ex tra or di na ry ex ce pt io na l re ma rb le no ta ble si gn ifi can tsu bs tan ci alm ea nin gf ul pr of un dp ro fo un dn es sd ep th in te ns ep as si on fe rv en cy ea rn es tin ce ri ne gy nu in et au th en tic tr ue re al ac tu al fac tu al ye ra ci ty su re ty in du bit ab ili ty ir re fu ta bi ly in co ntr ove rtib il ity im fal li bi ly im pe cc ab ili ty pe rf ec ti on id eo pa thi ca lim ax imu ms upr em ep re do min anc eo ve rh el mi ng ne ss ex ce ds urp as se str an sc en de nc et ran sc en da lis mu sp er na tu ra ls mi ra cl ou ss to ni sm en ta dm ir at io nv en er at io nr ev er an ce wo rs hi pf ulg lo ry ma gi fi ce nw on de rf ulm ar ve los if an tas tic ex tra or di na ry ex ce pt io na l re ma rb le no ta ble si gn ifi can tsu bs tan ci alm ea nin gf ul pr of un dp ro fo un dn es sd ep th in te ns ep as si on fe rv en cy ea rn es tin ce ri ne gy nu in et au th en tic tr ue re al ac tu al fac tu al ye ra ci ty su re ty in du bit ab ili ty ir re fu ta bi ly in co ntr ove rtib il ity im fal li bi ly im pe cc ab ili ty pe rf ec ti on id eo pa thi ca lim ax imu ms upr em ep re do min anc eo ve rh el mi ng ne ss ex ce ds urp as se str an sc en de nc et ran sc en da lis mu sp er na tu ra ls mi ra cl ou ss to ni sm en ta dm ir at io nv en er at io nr ev er an ce wo rs hi pf ulg lo ry ma gi fi ce nw on de rf ulm ar ve los if an tas tic ex tra or di na ry ex ce pt io na l re ma rb le no ta ble si gn ifi can tsu bs tan ci alm ea nin gf ul pr of un dp ro fo un dn es sd ep th in te ns ep as si on fe rv en cy ea rn es tin ce ri ne
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值