原创 TResNet學習筆記 --- TResNet: High Performance GPU-Dedicated Architecture

代碼:https://github.com/mrT23/TResNet 論文:https://arxiv.org/abs/2003.13630 阿里達摩院上個月推出的推出的高性能GPU專用模型,比以前的ConvNets具有更高的準

原创 Python中filter()和map()函數用法

溫故而知新~~~ filter()函數 filter(function, iterable) function – 判斷函數 iterable – 可迭代對象 例子: input = [2, 18, 9, 22, 17, 2

原创 Python 提取COCO數據集的指定類並保存標籤爲XML格式

有時候我們會抽取一些公開數據集的某些類別數據作爲自己補充訓練數據。抽取VOC2012數據集指定類別之前講到過,參考:Yolov3 行人檢測 – 使用Yolov3訓練從VOC2012抽取出來的行人數據 本文介紹抽取COCO數據集的指

原创 Pytorch中的CrossEntropyLoss()函數案例解讀和結合one-hot編碼計算Loss

使用Pytorch框架進行深度學習任務,特別是分類任務時,經常會用到如下: import torch.nn as nn criterion = nn.CrossEntropyLoss().cuda() loss = criteri

原创 使用Python獲取文件夾下面所有指定後綴文件名的文件路徑列表

一行代碼搞定 獲取文件夾下面的所有xml文件 import glob train_path = 'D:\\AI_Kaggle_Study\voc2coco\\mask\\train\\' xml_list = glob.glob(

原创 Efficientdet學習筆記 --- EfficientDet: Scalable and Efficient Object Detection

論文:https://arxiv.org/abs/1911.09070 代碼1(官方):https://github.com/google/automl/tree/master/efficientdet 代碼2(最強復現):htt

原创 MobilenetV2學習筆記 --- MobileNetV2: Inverted Residuals and Linear Bottlenecks

論文:https://arxiv.org/abs/1801.04381 代碼:https://github.com/tonylins/pytorch-mobilenet-v2 此外給出MobilenetV1論文鏈接:https:/

原创 完美解決TypeError: object of type class 'numpy.float64' cannot be safely interpreted as an integer.

numpy版本問題,降低版本即可 對於我, numpy 1.18.2 -> numpy 1.17.0 錯誤解除。。。

原创 Pytorch下根據layers的name凍結層進行finetune訓練

進行深度學習任務,當數據量較少而使用的網絡模型很大時,很容易出現overfitting現象。 其中一個避免過擬合的方式就是finetune: 這時候我們不需要對模型的所有參數進行訓練,只需要凍結某些層,訓練部分層就可以。 本文就凍

原创 目標檢測中的迴歸損失函數系列四:DIoU Loss / CIoU Loss

論文:https://arxiv.org/pdf/1911.08287.pdf 開源代碼: https://github.com/Zzh-tju/DIoU-darknet https://github.com/Zzh-tju/CI

原创 目標檢測中的迴歸損失函數系列一:Smooth L1 Loss

SmoothL1 Loss 出自論文:https://arxiv.org/abs/1504.08083 採用該Loss的模型(Faster RCNN,SSD,,) SmoothL1 Loss是在Fast RCNN論文中提出來的,依

原创 【Resnet最強變體】ResNeSt學習筆記 --- ResNeSt: Split-Attention Networks

代碼:https://github.com/zhanghang1989/ResNeSt 論文:https://hangzhang.org/files/resnest.pdf 儘管圖像分類模型最近不斷髮展,但是由於其簡單而模塊化的結

原创 Pytorch學習(六) --- 模型訓練的常規train函數flow及其配置

前幾個Pytorch學習博客寫了使用Pytorch的數據讀取、數據增強、數據加載、模型定義,當完成上面幾個步驟,就可以進行模型訓練了。 使用Pytorch進行模型訓練,通常可以將train過程寫成一個函數,簡單的train寫法常規

原创 完美解決ImportError: libcudart.so.10.0: cannot open shared object file: No such file or directory

程序報錯: ImportError: libcudart.so.10.0: cannot open shared object file: No such file or directory 我有三個cuda版本,如下: cend

原创 Python修改文件擴展名

import os # 刪除原來的csv文件 if os.path.exists('old.csv'): print('csv exist') os.remove('old.csv') oldname = '