資料介紹
| English Terminology | 中文術(shù)語 |
|---|---|
| neural networks | 神經(jīng)網(wǎng)絡(luò) |
| activation function | 激活函數(shù) |
| hyperbolic tangent | 雙曲正切函數(shù) |
| bias units | 偏置項(xiàng) |
| activation | 激活值 |
| forward propagation | 前向傳播 |
| feedforward neural network | 前饋神經(jīng)網(wǎng)絡(luò) |
| Backpropagation Algorithm | 反向傳播算法 |
| (batch) gradient descent | (批量)梯度下降法 |
| (overall) cost function | (整體)代價(jià)函數(shù) |
| squared-error | 方差 |
| average sum-of-squares error | 均方差 |
| regularization term | 規(guī)則化項(xiàng) |
| weight decay | 權(quán)重衰減 |
| bias terms | 偏置項(xiàng) |
| Bayesian regularization method | 貝葉斯規(guī)則化方法 |
| Gaussian prior | 高斯先驗(yàn)概率 |
| MAP | 極大后驗(yàn)估計(jì) |
| maximum likelihood estimation | 極大似然估計(jì) |
| activation function | 激活函數(shù) |
| tanh function | 雙曲正切函數(shù) |
| non-convex function | 非凸函數(shù) |
| hidden (layer) units | 隱藏層單元 |
| symmetry breaking | 對(duì)稱失效 |
| learning rate | 學(xué)習(xí)速率 |
| forward pass | 前向傳導(dǎo) |
| hypothesis | 假設(shè)值 |
| error term | 殘差 |
| weighted average | 加權(quán)平均值 |
| feedforward pass | 前饋傳導(dǎo) |
| Hadamard product | 阿達(dá)馬乘積 |
| forward propagation | 前向傳播 |
| off-by-one error | 缺位錯(cuò)誤 |
| bias term | 偏置項(xiàng) |
| numerically checking | 數(shù)值檢驗(yàn) |
| numerical roundoff errors | 數(shù)值舍入誤差 |
| significant digits | 有效數(shù)字 |
| unrolling | 組合擴(kuò)展 |
| learning rate | 學(xué)習(xí)速率 |
| Hessian matrix Hessian | 矩陣 |
| Newton's method | 牛頓法 |
| conjugate gradient | 共軛梯度 |
| step-size | 步長(zhǎng)值 |
| Autoencoders | 自編碼算法 |
| Sparsity | 稀疏性 |
| neural networks | 神經(jīng)網(wǎng)絡(luò) |
| supervised learning | 監(jiān)督學(xué)習(xí) |
| unsupervised learning | 無監(jiān)督學(xué)習(xí) |
| hidden units | 隱藏神經(jīng)元 |
| the pixel intensity value | 像素灰度值 |
| IID | 獨(dú)立同分布 |
| PCA | 主元分析 |
| active | 激活 |
| inactive | 抑制 |
| activation function | 激活函數(shù) |
| activation | 激活度 |
| the average activation | 平均活躍度 |
| sparsity parameter | 稀疏性參數(shù) |
| penalty term | 懲罰因子 |
| KL divergence | KL 散度 |
| Bernoulli random variable | 伯努利隨機(jī)變量 |
| overall cost function | 總體代價(jià)函數(shù) |
| backpropagation | 后向傳播 |
| forward pass | 前向傳播 |
| gradient descent | 梯度下降 |
| the objective | 目標(biāo)函數(shù) |
| the derivative checking method | 梯度驗(yàn)證方法 |
| Visualizing | 可視化 |
| Autoencoder | 自編碼器 |
| hidden unit | 隱藏單元 |
| non-linear feature | 非線性特征 |
| activate | 激勵(lì) |
| trivial answer | 平凡解 |
| norm constrained | 范數(shù)約束 |
| sparse autoencoder | 稀疏自編碼器 |
| norm bounded | 有界范數(shù) |
| input domains | 輸入域 |
| vectorization | 矢量化 |
| Logistic Regression | 邏輯回歸 |
| batch gradient ascent | 批量梯度上升法 |
| intercept term | 截距 |
| the log likelihood | 對(duì)數(shù)似然函數(shù) |
| derivative | 導(dǎo)函數(shù) |
| gradient | 梯度 |
| vectorization | 向量化 |
| forward propagation | 正向傳播 |
| backpropagation | 反向傳播 |
| training examples | 訓(xùn)練樣本 |
| activation function | 激活函數(shù) |
| sparse autoencoder | 稀疏自編碼網(wǎng)絡(luò) |
| sparsity penalty | 稀疏懲罰 |
| average firing rate | 平均激活率 |
| Principal Components Analysis | 主成份分析 |
| whitening | 白化 |
| intensity | 亮度 |
| mean | 平均值 |
| variance | 方差 |
| covariance matrix | 協(xié)方差矩陣 |
| basis | 基 |
| magnitude | 幅值 |
| stationarity | 平穩(wěn)性 |
| normalization | 歸一化 |
| eigenvector | 特征向量 |
| redundant | 冗余 |
| variance | 方差 |
| smoothing | 平滑 |
| dimensionality reduction | 降維 |
| regularization | 正則化 |
| reflection matrix | 反射矩陣 |
| decorrelation | 去相關(guān) |
| Principal Components Analysis (PCA) | 主成分分析 |
| zero-mean | 均值為零 |
| mean value | 均值 |
| eigenvalue | 特征值 |
| symmetric positive semi-definite matrix | 對(duì)稱半正定矩陣 |
| numerically reliable | 數(shù)值計(jì)算上穩(wěn)定 |
| sorted in decreasing order | 降序排列 |
| singular value | 奇異值 |
| singular vector | 奇異向量 |
| vectorized implementation | 向量化實(shí)現(xiàn) |
| diagonal | 對(duì)角線 |
| Softmax Regression | Softmax回歸 |
| supervised learning | 有監(jiān)督學(xué)習(xí) |
| unsupervised learning | 無監(jiān)督學(xué)習(xí) |
| deep learning | 深度學(xué)習(xí) |
| logistic regression | logistic回歸 |
| intercept term | 截距項(xiàng) |
| binary classification | 二元分類 |
| class labels | 類型標(biāo)記 |
| hypothesis | 估值函數(shù)/估計(jì)值 |
| cost function | 代價(jià)函數(shù) |
| multi-class classification | 多元分類 |
| weight decay | 權(quán)重衰減 |
| self-taught learning | 自我學(xué)習(xí)/自學(xué)習(xí) |
| unsupervised feature learning | 無監(jiān)督特征學(xué)習(xí) |
| autoencoder | 自編碼器 |
| semi-supervised learning | 半監(jiān)督學(xué)習(xí) |
| deep networks | 深層網(wǎng)絡(luò) |
| fine-tune | 微調(diào) |
| unsupervised feature learning | 非監(jiān)督特征學(xué)習(xí) |
| pre-training | 預(yù)訓(xùn)練 |
| Deep Networks | 深度網(wǎng)絡(luò) |
| deep neural networks | 深度神經(jīng)網(wǎng)絡(luò) |
| non-linear transformation | 非線性變換 |
| represent compactly | 簡(jiǎn)潔地表達(dá) |
| part-whole decompositions | “部分-整體”的分解 |
| parts of objects | 目標(biāo)的部件 |
| highly non-convex optimization problem | 高度非凸的優(yōu)化問題 |
| conjugate gradient | 共軛梯度 |
| diffusion of gradients | 梯度的彌散 |
| Greedy layer-wise training | 逐層貪婪訓(xùn)練方法 |
| autoencoder | 自動(dòng)編碼器 |
| Greedy layer-wise training | 逐層貪婪訓(xùn)練法 |
| Stacked autoencoder | 棧式自編碼神經(jīng)網(wǎng)絡(luò) |
| Fine-tuning | 微調(diào) |
| Raw inputs | 原始輸入 |
| Hierarchical grouping | 層次型分組 |
| Part-whole decomposition | 部分-整體分解 |
| First-order features | 一階特征 |
| Second-order features | 二階特征 |
| Higher-order features | 更高階特征 |
| Linear Decoders | 線性解碼器 |
| Sparse Autoencoder | 稀疏自編碼 |
| input layer | 輸入層 |
| hidden layer | 隱含層 |
| output layer | 輸出層 |
| neuron | 神經(jīng)元 |
| robust | 魯棒 |
| sigmoid activation function | S型激勵(lì)函數(shù) |
| tanh function | tanh激勵(lì)函數(shù) |
| linear activation function | 線性激勵(lì)函數(shù) |
| identity activation function | 恒等激勵(lì)函數(shù) |
| hidden unit | 隱單元 |
| weight | 權(quán)重 |
| error term | 偏差項(xiàng) |
| Full Connected Networks | 全連接網(wǎng)絡(luò) |
| Sparse Autoencoder | 稀疏編碼 |
| Feedforward | 前向輸送 |
| Backpropagation | 反向傳播 |
| Locally Connected Networks | 部分聯(lián)通網(wǎng)絡(luò) |
| Contiguous Groups | 連接區(qū)域 |
| Visual Cortex | 視覺皮層 |
| Convolution | 卷積 |
| Stationary | 固有特征 |
| Pool | 池化 |
| features | 特征 |
| example | 樣例 |
| over-fitting | 過擬合 |
| translation invariant | 平移不變性 |
| pooling | 池化 |
| extract | 提取 |
| object detection | 物體檢測(cè) |
| DC component | 直流分量 |
| local mean subtraction | 局部均值消減 |
| sparse autoencoder | 消減歸一化 |
| rescaling | 縮放 |
| per-example mean subtraction | 逐樣本均值消減 |
| feature standardization | 特征標(biāo)準(zhǔn)化 |
| stationary | 平穩(wěn) |
| zero-mean | 零均值化 |
| low-pass filtering | 低通濾波 |
| reconstruction based models | 基于重構(gòu)的模型 |
| RBMs | 受限Boltzman機(jī) |
| k-Means | k-均值 |
| long tail | 長(zhǎng)尾 |
| loss function | 損失函數(shù) |
| orthogonalization | 正交化 |
| Sparse Coding | 稀疏編碼 |
| unsupervised method | 無監(jiān)督學(xué)習(xí) |
| over-complete bases | 超完備基 |
| degeneracy | 退化 |
| reconstruction term | 重構(gòu)項(xiàng) |
| sparsity penalty | 稀疏懲罰項(xiàng) |
| norm | 范式 |
| generative model | 生成模型 |
| linear superposition | 線性疊加 |
| additive noise | 加性噪聲 |
| basis feature vectors | 特征基向量 |
| the empirical distribution | 經(jīng)驗(yàn)分布函數(shù) |
| the log-likelihood | 對(duì)數(shù)似然函數(shù) |
| Gaussian white noise | 高斯白噪音 |
| the prior distribution | 先驗(yàn)分布 |
| prior probability | 先驗(yàn)概率 |
| source features | 源特征 |
| the energy function | 能量函數(shù) |
| regularized | 正則化 |
| least squares | 最小二乘法 |
| convex optimization software | 凸優(yōu)化軟件 |
| conjugate gradient methods | 共軛梯度法 |
| quadratic constraints | 二次約束 |
| the Lagrange dual | 拉格朗日對(duì)偶函數(shù) |
| feedforward architectures | 前饋結(jié)構(gòu)算法 |
| Independent Component Analysis | 獨(dú)立成分分析 |
| Over-complete basis | 超完備基 |
| Orthonormal basis | 標(biāo)準(zhǔn)正交基 |
| Sparsity penalty | 稀疏懲罰項(xiàng) |
| Under-complete basis | 不完備基 |
| Line-search algorithm | 線搜索算法 |
| Topographic cost term | 拓?fù)浯鷥r(jià)項(xiàng) |
來源:機(jī)器人網(wǎng)
下載該資料的人也在下載
下載該資料的人還在閱讀
更多 >
- RS-232術(shù)語表和選擇指南
- 2023年人工智能產(chǎn)業(yè)概況及應(yīng)用趨勢(shì)分析 8次下載
- 人工智能是干嘛的 人工智能在金融行業(yè)的應(yīng)用 0次下載
- 什么是人工智能 人工智能應(yīng)用領(lǐng)域 0次下載
- 基于人工智能驅(qū)動(dòng)的關(guān)鍵信息基礎(chǔ)設(shè)施防御 4次下載
- 人工智能的倫理智能體應(yīng)用及相關(guān)研究 7次下載
- 人工智能到底是什么?什么工作需要學(xué)習(xí)人工智能 17次下載
- 為什么Python是人工智能最好的編程語言Python有什么優(yōu)勢(shì) 15次下載
- 人工智能行業(yè)發(fā)展?fàn)顩r如何?人工智能行業(yè)研究報(bào)告詳細(xì)資料免費(fèi)下載 15次下載
- 電子書 中美人工智能行業(yè)生態(tài)比較 243次下載
- TMS320DSP的詳細(xì)術(shù)語表資料概述 3次下載
- 電子元器件基礎(chǔ)知識(shí)、電子專業(yè)英語術(shù)語、模擬術(shù)語表 0次下載
- Mentor術(shù)語大全 0次下載
- 模數(shù)規(guī)格和性能特性術(shù)語表
- 運(yùn)算放大器關(guān)鍵術(shù)語
- 生成式人工智能和感知式人工智能的區(qū)別 1923次閱讀
- 網(wǎng)絡(luò)安全術(shù)語大全解讀 3297次閱讀
- 如何避開人工智能的陷阱 1254次閱讀
- 關(guān)于5G、人工智能、智能制造等未來科技最完整PPT解讀 1.2w次閱讀
- 什么是人工智能上百個(gè)人工智能的經(jīng)典問答 6193次閱讀
- 人工智能技術(shù)有哪些_人工智能技術(shù)的原理 6.1w次閱讀
- 人工智能為何這么熱_人工智能價(jià)值與應(yīng)用_無人機(jī)屬于人工智能嗎 7526次閱讀
- 人工智能相關(guān)的人與技術(shù)都在這里_人工智能的相關(guān)技術(shù) 4935次閱讀
- 全球人工智能大學(xué)有哪些_人工智能全球大學(xué)排名 5.4w次閱讀
- 人工智能需要哪些知識(shí)_人工智能需要學(xué)什么_如何自學(xué)人工智能 4.4w次閱讀
- 學(xué)人工智能10本必看書_人工智能入門書籍推薦 7w次閱讀
- 人工智能對(duì)教育的沖擊及對(duì)孩子的影響 2w次閱讀
- 人工智能+教育這條路怎么走_(dá)人工智能+教育趨勢(shì)分析 2.4w次閱讀
- 深度圖片詳解人工智能技術(shù)發(fā)展動(dòng)態(tài)及其應(yīng)用發(fā)展趨勢(shì) 7842次閱讀
- 關(guān)于人工智能這篇文章最易懂:原理、技術(shù)和未來 1533次閱讀
下載排行
本周
- 1電子電路原理第七版PDF電子教材免費(fèi)下載
- 0.00 MB | 1491次下載 | 免費(fèi)
- 2單片機(jī)典型實(shí)例介紹
- 18.19 MB | 95次下載 | 1 積分
- 3S7-200PLC編程實(shí)例詳細(xì)資料
- 1.17 MB | 27次下載 | 1 積分
- 4筆記本電腦主板的元件識(shí)別和講解說明
- 4.28 MB | 18次下載 | 4 積分
- 5開關(guān)電源原理及各功能電路詳解
- 0.38 MB | 11次下載 | 免費(fèi)
- 6100W短波放大電路圖
- 0.05 MB | 4次下載 | 3 積分
- 7基于單片機(jī)和 SG3525的程控開關(guān)電源設(shè)計(jì)
- 0.23 MB | 4次下載 | 免費(fèi)
- 8基于AT89C2051/4051單片機(jī)編程器的實(shí)驗(yàn)
- 0.11 MB | 4次下載 | 免費(fèi)
本月
- 1OrCAD10.5下載OrCAD10.5中文版軟件
- 0.00 MB | 234313次下載 | 免費(fèi)
- 2PADS 9.0 2009最新版 -下載
- 0.00 MB | 66304次下載 | 免費(fèi)
- 3protel99下載protel99軟件下載(中文版)
- 0.00 MB | 51209次下載 | 免費(fèi)
- 4LabView 8.0 專業(yè)版下載 (3CD完整版)
- 0.00 MB | 51043次下載 | 免費(fèi)
- 5555集成電路應(yīng)用800例(新編版)
- 0.00 MB | 33562次下載 | 免費(fèi)
- 6接口電路圖大全
- 未知 | 30320次下載 | 免費(fèi)
- 7Multisim 10下載Multisim 10 中文版
- 0.00 MB | 28588次下載 | 免費(fèi)
- 8開關(guān)電源設(shè)計(jì)實(shí)例指南
- 未知 | 21539次下載 | 免費(fèi)
總榜
- 1matlab軟件下載入口
- 未知 | 935053次下載 | 免費(fèi)
- 2protel99se軟件下載(可英文版轉(zhuǎn)中文版)
- 78.1 MB | 537793次下載 | 免費(fèi)
- 3MATLAB 7.1 下載 (含軟件介紹)
- 未知 | 420026次下載 | 免費(fèi)
- 4OrCAD10.5下載OrCAD10.5中文版軟件
- 0.00 MB | 234313次下載 | 免費(fèi)
- 5Altium DXP2002下載入口
- 未知 | 233046次下載 | 免費(fèi)
- 6電路仿真軟件multisim 10.0免費(fèi)下載
- 340992 | 191183次下載 | 免費(fèi)
- 7十天學(xué)會(huì)AVR單片機(jī)與C語言視頻教程 下載
- 158M | 183277次下載 | 免費(fèi)
- 8proe5.0野火版下載(中文版免費(fèi)下載)
- 未知 | 138039次下載 | 免費(fèi)
電子發(fā)燒友App






創(chuàng)作
發(fā)文章
發(fā)帖
提問
發(fā)資料
發(fā)視頻
上傳資料賺積分
評(píng)論