原创 Linux設置登錄歡迎信息

Linux: /etc/motd (ubuntu: /etc/update-motd.d/) Note: motd == message of today 佈告欄信息的縮寫 vim /etc/motd 其它圖形樣式:

原创 cuda和cudnn安裝與配置(Linux)

目錄下載nvidia驅動cuda開始安裝安裝完成配置環境變量驗證安裝cudnn #鏈接cuda和cudnn安裝與配置(windows) # 其實根據cuda和cudnn官網提供的安裝教程已經足夠 # cuda-10.2爲例,cud

原创 Gated-SCNN: Gated Shape CNNs for Semantic Segmentation

原文鏈接 ICCV-2019

原创 PyTorch : nn.Linear() 詳解

線性轉換: 舉例: input1 = torch.randn(128, 20) input2 = torch.randn(128, 3, 20) #中間 * 可以添加任意維度 input3 = torch.randn(128,

原创 Google新作Synthesizer:Rethinking Self-Attention in Transformer Models

論文標題:Synthesizer: Rethinking Self-Attention in Transformer Models 論文鏈接:https://arxiv.org/abs/2005.00743 前言:自注意力機制算是

原创 JSON文件讀寫操作詳解

目錄JSON介紹JSON基本語法數據對象數組JSON文件寫入JSON文件讀取 JSON介紹 JSON(JavaScript Object Notation, JS 對象簡譜) 是一種輕量級的數據交換格式。它基於 ECMAScrip

原创 使用 arxiv-sanity 實時跟進自己研究領域的Paper

arxiv-sanity introduction video Paper+Code的研究模式 (paperwithcode) arxiv-sanity介紹 arxiv.org是一個非常大的預印本資源庫,裏面有大量的最新的論文,但

原创 Deeplab-V3(ASPP)

問題提出 改進的ASPP 引入global context information,global average pooling–>1×1 conv + bn–>bilinearly upsample (a) Atrous

原创 Pytorch: 插值和上採樣

nn.Upsample 定義 import torch.nn as nn import torch.nn.functional as F nn.Upsample(size=None, scale_factor=None, mod

原创 目標檢測Paper List (2014-2019)

目標檢測模型 常用數據集 PASCAL VOC : The PASCAL Visual Object Classes Challenge ILSVRC : ImageNet Large Scale Visual Recogni

原创 numpy.where()用法詳解

numpy.where()有兩種用法 1、np.where(condition, x, y) 滿足條件(condition),輸出x,不滿足輸出y #1 >>> aa = np.arange(10) >>> np.where(aa

原创 Pytorch和Torchvision版本對應

I recommend Anaconda as Python package management system. Please refer to pytorch.org for the detail of PyTorch (to

原创 Python的10個高效的編程Tricks

True, practice alone is not perfect, but perfect practice is. This means that you need to make sure that you are a

原创 Pytorch: Pooling layers詳解

目錄MaxPoolAdaptiveMaxPoolAvgPoolAdaptiveAvgPool Pooling layers屬於torch.nn包下 https://pytorch.org/docs/stable/nn.html#p