🏷️
[AI][機械学習] 論文読解で界隈の英語語彙につまずかないための英単語一覧
はじめに
AI・機械学習の理解を少し進めるために巷の論文をチョットだけ読み進めていく中で、よく見られたこの界隈の単語 + 基本的な語彙 を一覧化していました。
論文読解の流れは参考までに おまけ に記載しています。
英語と日本語の対応がまだ結びついてない方の参考になればという思いで、単語リストを公開します。
どういった観点で一覧作成したか?
AI・機械学習関連語彙
- なるべく満遍なく目にした語彙
- 基本的な語彙
- また、アクロニム(頭字語)など略語が多いので、省略前のフレーズがあると理解が捗る
一般語彙
- 個人的に不安な語彙
- おまけ的なもの
語彙一覧
AI・機械学習関連語彙
アルファベット順
word | 意味 | memo |
---|---|---|
accuracy | 正解率 / 精度 | - |
activation function | 活性化関数 | - |
AGI | Artificial General Intelligence 汎用人工知能 |
- |
annealing | 焼きなまし | - |
anomaly | 異常 | - |
ANI | Artificial Narrow Intelligence 特化型AI |
- |
autoencoder | オートエンコーダー | AE e.g. VAE |
backpropagation | 誤差逆伝播法 | - |
backward chaining | 後ろ向き推論 | cf. forward chaining |
Bayesian | ベイジアン ベイズ(の〜) |
ベイズ推定をベースにした語句を対象にする。 |
clustering | クラスタリング | - |
CNN | Convolutional Neural Network 畳み込みニューラルネットワーク |
- |
coefficient | 係数 | - |
cognitive computing | コグニティブコンピューティング | - |
cold start | コールドスタート | - |
collaborative filtering | 協調フィルタリング | - |
collinearity | 共線性 | ref. multicollinearity |
computer vision | コンピュータビジョン | - |
confusion matrix | 混同行列 | - |
contingency table | 分割表 | a.k.a. crosstab |
convergence | 収束 | - |
convolution | 畳み込み | - |
coordinate | 座標 | - |
correlation | 相関 | e.g. correlation coefficient |
covariance | 共分散 | - |
CPD | Canonical Polyadic Decomposition CP分解 |
- |
cross-entropy | 交差エントロピー | - |
cross validation | 交差検証 | - |
dataset / data set | データセット | - |
decomposition | 分解 | (verb) decompose |
dense | 密 | 対義:sparse |
dependent variable | 目的変数 従属変数 |
a.k.a. target variable cf. independent variable |
descriptor | 記述子、特徴量 | - |
deviation | 偏差 | - |
dicision tree | 決定木 | - |
differentiable | 微分可能 | - |
dimensionality reduction | 次元削減 | - |
distillation | 蒸留 | a.k.a. model distillation 知識蒸留 (knowledge distillation) |
distribution | 分布 | - |
DNN | Deep Neural Network | |
embedding | エンベディング 埋め込み(表現) |
- |
emergent behavior | 創発的な振る舞い | a.k.a. emergence |
error function | 誤差関数 | - |
exploding gradient problem | 勾配爆発問題 | cf. vanishing gradient problem |
F-measure | F値 | e.g. F1 measure a.k.a. F-score |
F-score | F値 | e.g. F1 score a.k.a. F-measure |
factorization | 因数分解 | - |
factorization machine | 因数分解マシン | FM |
feature engineering | 特徴量エンジニアリング | - |
few-shot learning | フューショット学習 | FSL |
FFT | Fast Fourier Transform 高速フーリエ変換 |
cf. IFFT |
fine-tuning | ファインチューニング | - |
FM | Factorization Machine 因数分解マシン |
e.g. LightFM |
FNN | Feedforward Neural Network 順伝播型ネットワーク |
- |
forward chaining | 前向き推論 | cf. backward chaining |
foundation model | 基礎モデル | - |
FSL | Few-Shot Learning フューショット学習 |
- |
GAN | Generative Adversarial Network 敵対的生成ネットワーク |
- |
GenAI | Generative AI 生成AI |
- |
GB | Gradient Boosting 勾配ブースティング |
e.g. GBM (Gradient Boosting Machine) |
gradient descent | 最急降下法 | - |
hallucination | ハルシネーション、幻覚 | - |
holdout data | ホールドアウトデータ | test data |
hyperparameter optimization | ハイパーパラメータチューニング | a.k.a. hyperparameter tuning |
IA | Intelligence Augmentation 知能増強 |
- |
IFFT | Inverse Fast Fourier Transform 高速逆フーリエ変換 |
cf. FFT |
image recognition | 画像認識 | - |
IML | Interpretable Machine Learning 解釈可能な機械学習 |
- |
independent variable | 説明変数 独立変数 |
a.k.a. regressor cf. dependent variable |
inference | 推論 | cf. reasoning (推論) |
inlier | 内部点 | (外れ値の逆) cf. outlier |
k-means (clustering) | k平均法 | - |
KNN | K-Nearest Neighbors algorithm k近傍法 |
k-NN |
knowledge distillation | 知識蒸留 | a.k.a. model distillation 蒸留 (distillation) |
Lasso | least absolute shrinkage and selection operator ラッソ回帰 |
- |
learning coefficient | 学習係数 | - |
learning rate | 学習率 | - |
least squares method | 最小二乗法 | - |
linear regression | 線形回帰 | - |
LLM | Large Language Model 大規模言語モデル |
- |
loss | 損失(関数) | ref. loss function |
loss function | 損失関数 | a.k.a. cost function |
matrix | 行列 | - |
mean squared error | 平均二乗誤差 | MSE |
ML | Machine Learning 機械学習 |
- |
MSE | Mean Squared Error 平均二乗誤差 |
a.k.a. MSD (Mean Squared Deviation) 平均二乗偏差 |
multicollinearity | 多重共線性 | マルチコ |
multiple linear regression | 線形重回帰 | - |
multiple regression | 重回帰 | - |
multivariate linear regression | 多変量線形回帰 | - |
NLG | Natural Language Generation 自然言語生成 |
- |
NLP | Natural Language Processing 自然言語処理 |
- |
NLU | Natural Language Understanding 自然言語理解 |
- |
NMF | Non-negative Matrix Factorization 非負値行列因子分解 |
- |
NN | Neural Network | ref. NNs |
NNs | Neural Networks | ref NN |
NNS | Nearest Neighbor Search 最近傍探索 / 最近傍法 |
- |
non-negative matrix factorization | 非負値行列因子分解 | NMF |
NTF | Non-negative Tensor Factorization 非負テンソル分解 |
- |
outlier | 外れ値 | ref. outlying cf. inlier |
outlying | 周辺の、中心から離れた | ref. outlier |
overfitting | 過学習 | - |
pattern recognition | パターン認識 | - |
PCA | Principal Component Analysis 主成分分析 |
- |
precision | 適合率 | - |
predictive analytics | 予測分析 | - |
prescriptive analytics | 処方的分析 | - |
probability distribution | 確率分布 | - |
pruning | 枝刈り | e.g. parameter pruning |
RAG | Retrieval-Augmented Generation 検索拡張生成 |
- |
reasoning | 推論 | 生成AIなどの文脈に多い。複数のステップ組み合わせた推論。 cf. inference (推論) |
recall | 再現率 | a.k.a. ensitivity(感度) |
rectified | 正規化 | - |
regression | 回帰 | - |
regularization | 正則化 | - |
reinforcement learning | 強化学習 | RL |
RL | Reinforcement Learning 強化学習 |
- |
sample space | 標本空間 | - |
self-supervised learning | 自己教師あり学習 | SSL |
sensitivity | 感度 | a.k.a. recall(再現率) |
SGD | Stochastic Gradient Descent 確率的勾配降下法 |
- |
sigmoid function | シグモイド関数 | - |
simple linear regression | 線形単回帰 | - |
simple regression | 単回帰 | - |
sparse | 疎 | 対義:dense e.g. sparse matrix 疎行列 |
spurious correlation | 疑似相関 | a.k.a. spurious relationship |
SSL | Self-Supervised Learning 自己教師あり学習 |
- |
stochastic | 確率的な | e.g. SGD |
supervised learning | 教師あり学習 | - |
SVD | Singular Value Decomposition 特異値分解 |
- |
time series | 時系列 | - |
training data | 教師データ 訓練データ |
- |
transfer learning | 転移学習 | - |
unsupervised learning | 教師なし学習 | - |
VAE | variational autoencoder 変分オートエンコーダー |
- |
validation data | 検証データ | - |
vanishing gradient problem | 勾配消失問題 | cf. exploding gradient problem |
variance | 分散 | - |
weight | 重み | - |
zero-shot learning | ゼロショット学習 | ZSL |
ZSL | Zero-Shot Learning ゼロショット学習 |
- |
一般語彙
アルファベット順
word | 意味 | memo |
---|---|---|
account for | 説明する、占める | - |
address | 取り組む、対処する | - |
adjacent | 隣接する、近接する | - |
assess | 評価する、測定する、分析する | - |
cite | 引用する | - |
criteria | 基準 | - |
derivation | 導出 | - |
drawback | 欠点 | - |
eligibility | 適格性、資格、条件に合致すること | - |
elucidate | 明らかにする | - |
hypothesis | 仮説 | - |
illustrate | 説明する | - |
indicate | 示す、示唆する (弱め表現) | See: suggest |
make up for | 補う | - |
novel | 新規の、革新的な | - |
overlook | 見落とす、軽視する | - |
postulate | 仮定する | - |
reproducibility | 再現性 | - |
scant | 乏しい、限られた | - |
suggest | 示す、示唆する (弱め表現) | See: indicate |
to this end | この目的のために | - |
おまけ
- 私の論文読解プロセス (自己流)
- 論文を読むにあたって、基本的にまずは Paper Interpreter を使用して要約を出力し、それを日本語訳して、概要と流れの把握と、欲している情報のあたりをつけています。
- ただし、それ以上の理解は生成AIの力はほどほどにして、できるだけ原文をあたるようにしてます。
- 別記事へ引用する際はちゃんと原文にあたる (大事!)
参考文献
- arXiv.org e-Print archive
- 【示す】show/ demonstrate/ indicate/ suggest/ reveal の違い【医学論文の英語表現】 - 脳内ライブラリアン
- よくある表現、よくある動詞リスト - ★英語論文の読み方 - Cute.Guides at 九州大学 Kyushu University
Discussion