いっしきまさひこBLOG

AI・機械学習関連、Web制作関連、プログラミング関連、旅行記録などなど。一色政彦。

TensorFlow/Kerasの「kernel_initializer」などは、なぜ「weights(重み)」ではなく「kernel(カーネル)」なのか?

数年前、Kerasを初めて触ったとき、重みの初期化をしようと、APIドキュメントで「weight」を探しても見つからなくて、少し戸惑ったことがありました。その後、Kerasでは「重み」は「kernel」と表現されている箇所があることに気付いたわけですが、初心者には分かりにくいですよね。同じように混乱する人のために、このブログ記事を(手早く=手抜きで)書いて情報共有することにしました。

まずKeras(やTensorFlow 2.x)で重みの初期化を行うには、Denseレイヤーのコンストラクター(厳密には__init__()メソッド)の引数kernel_initializerを使います。他にも「kernel」と命名された引数には、正則化を行うための引数kernel_regularizerや、重み行列に制約を課すための引数kernel_constraintなどがあります。

なんで「weights」ではなく「kernel」? 実用上は問題ないので放置してそのまま使っていましたが、ずっとこの謎が気にかかっていました。最近、情報をあさっていて、Keras作者が直接言及しているGitHub Issues:

を発見したので、その内容を紹介します(※本文通りではない超訳です)。

  • 質問者: Denseレイヤーのパラメーターにkernel_initializerkernel_regularizerkernel_constraint、と「kernel(カーネル)」という名前が付けられていますが、「重み」ですよね。分かりにくいです。
  • 質問者: これってCNNの畳み込み(Conv)レイヤーとの整合性のために名付けられたのですか?( → 返答内容から見て基本的に「Yes」)
  • Keras作者: レイヤーの「重み」には、特徴(行列)とバイアス(ベクトル)の両方が含まれます。
  • Keras作者: カーネルとバイアスを区別する正確な方法が(レイヤー全種で共通化するために)必要でした。
  • Keras作者: そこで「カーネル/バイアス」という名称を採用しました。
  • Keras作者: Denseレイヤーは、「入力サイズ」のウィンドウを持つConvレイヤーの特殊なケースと見ることができます。つまりいずれも「カーネル」を参照するということです。
  • Keras作者: この表記法は、KerasとTensorFlow全体で使用されているため、ディープラーニングコミュニティの大多数が認識しています。つまり「カーネル/バイアス」はデファクトスタンダードなんですよ。
  • 質問者: なるほど~。でも研究論文では「カーネル」と書いているのは見たことないです。私の中では、重みの中にバイアスは含まれていないです。「カーネル」は言い過ぎなので、この命名には反対ですね。

個人的にはすっきりしました。「重み」の初期化って言いつつ「kernel」とコードに記述するのは一致しなくて違和感あるので、「weights」って単語も入れてほしかったですが。

重みの中にバイアスが含まれるのって、重み行列を書くときに、バイアスを$w_0$と書いてその重みテンソルの中に含めるからですよね(たぶん)。でも概念的には重みとバイアスって、(直線で言うと)傾きと切片なんだから別物な気がします。

個人的には質問者に賛成なんだけど、ライブラリ制作者サイドとしては、引数などの「共通化」や「整理された美しさ」などの考えが入って、こういう結果になっているんだろうなと、今のところ納得しています。

TensorFlowやPyTorchで自動微分して勾配を取得する方法

この記事では、TensorFlowとPyTorchの「自動微分」機能を使って勾配(=微分係数)を計算します。

PyTorchの自動微分については「第1回 難しくない! PyTorchでニューラルネットワークの基本:PyTorch入門 - @IT」を、
TensorFlowの自動微分については「第5回 お勧めの、TensorFlow 2.0最新の書き方入門(エキスパート向け) (2/2):TensorFlow 2+Keras(tf.keras)入門 - @IT」 を参考にしてください。

以下で説明する内容は、以下で実行/ソースコード参照できます。

■準備

●Pythonバージョン:3.x

import sys
print('Python', sys.version)
# Python 3.6.9 (default, Nov  7 2019, 10:44:02)  …… などと表示される

●TensorFlowバージョン

# Google Colabで最新の2.xを使う場合、2.xに切り替える(Colab専用)
# %tensorflow_version 2.x

import tensorflow as tf
print('TensorFlow', tf.__version__)
# TensorFlow 2.1.0 ……などと表示される

●PyTorchバージョン

import torch
print('PyTorch', torch.__version__)
# PyTorch 1.4.0 ……などと表示される

■実装方法

●例として使う計算式

$$ y=2x^3+4x^2+5x+6 $$

○これをPythonの式にすると...

def calc(x):
  return (2 * x ** 3) + (4 * x ** 2) + (5 * x) + 6

●微分する導関数の式は...

$$ \frac{dy}{dx}=6x^2+8x+5 $$

○これをPythonの式にすると...

def der_calc(x):
  return (6 * x ** 2) + (8 * x) + 5

●導関数に$x=0.5$を入力すると...

$$ \begin{align} \frac{dy}{dx}&=6\times(0.5)^2+8\times(0.5)+5 \\ &=(6\times0.25)+(8\times0.5)+5 \\ &=1.5+4+5 \\ &=10.5 \end{align} $$

○Pythonのコードで計算すると...

result = der_calc(0.5)
result # 10.5

$10.5$が出力される。これと同じことをPyTorchとTensorFlowの自動微分機能を使って行う方法を紹介する。

■PyTorch編

  • データをPyTorchテンソル化して、計算式を作る
  • backward()メソッドで逆伝播する(自動微分)
  • データ(テンソル)のgrad変数で微分係数(=勾配)を取得できる

という流れで書けばよいです。具体的には以下の通り。

import torch
import torch.nn as nn  # 「ニューラルネットワーク」モジュールの別名定義

x = torch.tensor(0.5, requires_grad=True)  # 変数に対して「勾配計算が必要」とマーク
y = calc(x)    # 既存の計算式から計算グラフを動的に構築
print(y)       # tensor(9.7500, grad_fn=<AddBackward0>) ……などと表示される

y.backward()   # 逆伝播の処理として、上記式から微分係数(=勾配)を計算(自動微分:Autograd)
g = x.grad     # 与えられた入力(x)によって計算された勾配の値(grad)を取得
print(g)       # tensor(10.5000)  ……などと表示される

y.backward(); g = x.gradg = torch.autograd.grad(y, x) と書いてもよいです。

●グラフを描画

先ほどは単一のスカラーだったので、今度は複数のスカラー値で計算してみます。

# PyTorchの微分グラフ
import numpy as np
import matplotlib.pyplot as plt

x = torch.arange(-4.0, 4.0, 0.001, requires_grad=True)
y = calc(x)
y.backward(gradient=torch.ones_like(y)) # スカラーテンソルの場合は勾配を格納する場所が必要なのでテンソルを仮生成【重要】
g = x.grad
x_numpy = x.detach().numpy()  # デタッチして(=追跡しないようにして)からndarray化する
g_numpy = g.detach().numpy()
plt.plot(x_numpy, g_numpy, label = "Derivative")
plt.xlim(-4, 4)
plt.ylim(-2.0, 30.0)
plt.grid()
plt.legend()
plt.show()

f:id:misshiki:20200319003754p:plain
出力された微分係数のグラフ(PyTorch編)

■TensorFlow編

  • データをTensorテンソル化して、勾配テープ(GradientTape)内で計算式を作る
  • 勾配テープ(tape)のgradientメソッドで逆伝播する(自動微分)
  • 逆伝播により計算された微分係数(=勾配)が取得される

という流れで書けばよいです。具体的には以下の通り。

import tensorflow as tf
import tensorflow.keras.layers as layers  # 「レイヤー」モジュールの別名定義

x = tf.Variable(0.5)
with tf.GradientTape() as tape:  # 計算式に対して「勾配計算が必要」とマーク
  y = calc(x)  # 既存の計算式から計算グラフを動的に構築
print(y)       # tf.Tensor(9.75, shape=(), dtype=float32) ……などと表示される

g = tape.gradient(y, x)   # 逆伝播の処理として、上記式から微分係数(=勾配)を計算(自動微分:Autograd)
print(g)       # tf.Tensor(10.5, shape=(), dtype=float32)  ……などと表示される

●グラフを描画

先ほどは単一のスカラーだったので、今度は複数のスカラー値で計算してみます。

# TensorFlowの微分グラフ
import numpy as np
import matplotlib.pyplot as plt

x = tf.Variable(tf.range(-4.0, 4.0, 0.001), trainable=True)
with tf.GradientTape() as tape:
  #tape.watch(x) # tf.constantなど「trainable=False」な状態であれば x を記録する(手動追跡)
  # ↑tf.Variableであれば既に訓練可能な状態(自動追跡)なので不要
  y = calc(x)
g = tape.gradient(y, x)
x_numpy = x.numpy()
g_numpy = g.numpy()
plt.plot(x_numpy, g_numpy, label = "Derivative")
plt.xlim(-4, 4)
plt.ylim(-2.0, 30.0)
plt.grid()
plt.legend()
plt.show()

f:id:misshiki:20200319003818p:plain
出力された微分係数のグラフ(TensorFlow編)

簡単ですね。以上で終わりです。

活性化関数の「導関数」の出力グラフをPythonで描画する方法

この記事では、活性化関数の「導関数」の出力をグラフにします。導関数にデータを渡してグラフにするだけで難しくないです。

でも面倒というかサッと書きたい場合(含む:コピペしたい場合)、使えそうな情報がほとんどなさそうだから、必要な人(含む:自分)用に書きました。

活性化関数といってもいろいろありますが、例としてシグモイド関数を取り上げます。シグモイド関数やその導関数については、「[活性化関数]シグモイド関数(Sigmoid function)とは?:AI・機械学習の用語辞典 - @IT」を参考にしてください。

以下で説明する内容は、以下に実行/ソースコード参照できます。

■準備

●Pythonバージョン:3.x

import sys
print('Python', sys.version)
# Python 3.6.9 (default, Nov  7 2019, 10:44:02)  …… などと表示される

■実装方法

●NumPyを使って0.001間隔で-6~6の数値を生成

import numpy as np

xn = np.arange(-6.0, 6.0, 0.001)

print(xn)
# [-6.    -5.999 -5.998 ...  5.997  5.998  5.999] ……などと表示される

●シグモイド関数(ゲイン付き)の定義

def sigmoid(x, a=1):
  # a: ゲイン(係数)
  return 1.0 / (1.0 + np.exp(-a*x))

print(sigmoid(xn))
# [0.00247262 0.00247509 0.00247756 ... 0.99751997 0.99752244 0.99752491] ……などと表示される

●シグモイド関数のグラフを描画

f:id:misshiki:20200317001751p:plain
シグモイド関数のグラフ

import matplotlib.pyplot as plt
plt.plot(xn, sigmoid(xn), label = "Sigmoid(a=1)")
plt.plot(xn, sigmoid(xn, 2), label = " (a=2)")
plt.plot(xn, sigmoid(xn, 10), label = " (a=10)")
plt.plot(xn, sigmoid(xn, 100), label = " (a=100)")
plt.xlim(-6, 6)
plt.ylim(-0.2, 1.2)
plt.grid()
plt.legend()
plt.show()

●シグモイド関数の「導関数」の定義

def der_sigmoid(x, a=1):
  # a: ゲイン(係数)
  return sigmoid(x, a) * (1.0 - sigmoid(x, a))

print(der_sigmoid(xn))
# [0.00246651 0.00246896 0.00247142 ... 0.00247388 0.00247142 0.00246896] ……などと表示される

●シグモイド関数の「導関数」のグラフを描画

f:id:misshiki:20200317001809p:plain
シグモイド関数の「導関数」のグラフ

import matplotlib.pyplot as plt
plt.plot(xn, der_sigmoid(xn), label = "Derivative of Sigmoid(a=1)")
plt.plot(xn, der_sigmoid(xn, 2), label = " (a=2)")
plt.plot(xn, der_sigmoid(xn, 10), label = " (a=10)")
plt.plot(xn, der_sigmoid(xn, 100), label = " (a=100)")
plt.xlim(-6, 6)
plt.ylim(-0.2, 0.3)
plt.grid()
plt.legend()
plt.show()

以上で終わりです。

Colab内にインストール済みのPythonパッケージ一覧

「Colabには最初から数百のPythonパッケージがインストール済み」という説明があったので、ふと思い付いて一覧にしてみました。実際には381個のパッケージがありました。

方法は、Colab上で!pip freezeコマンドを打つだけ。

なお、2020/03/14時点CPU版VMのものです。GPU/TPU版のVMだと違う結果かもしれません。念のため。

以下では、取得したパッケージ名を基にPyPIのサイトへのリンクと概要を自動作成して、概要は日本語に機械翻訳したバージョンも載せました。

※ちなみにこれを実施するプログラムはC#で書きました(ColabのPyPIパッケージを一覧にするC#コード)。

※「en-core-web-sm」「screen-resolution-extra」「xkit」の3つのパッケージがPyPI上では見つからなかったです。仕方ないので、それぞれ!pip show xxxして概要情報とホームページリンクを取得して手動で書き換えました。

Colab内にインストール済みのPythonパッケージ一覧

  • absl-py==0.9.0:
     Abseil Python Common Libraries, see https://github.com/abseil/abseil-py.
     Abseil Python Common Libraries、https://github.com/abseil/abseil-pyを参照してください。
  • alabaster==0.7.12:
     A configurable sidebar-enabled Sphinx theme
     構成可能なサイドバー対応のSphinxテーマ
  • albumentations==0.1.12:
     Fast image augmentation library and easy to use wrapper around other libraries
     高速な画像増強ライブラリと他のライブラリの周りの使いやすいラッパー
  • altair==4.0.1:
     Altair: A declarative statistical visualization library for Python.
     Altair:Python用の宣言型統計可視化ライブラリ。
  • asgiref==3.2.3:
     ASGI specs, helper code, and adapters
     ASGI仕様、ヘルパーコード、およびアダプター
  • astor==0.8.1:
     Read/rewrite/write Python ASTs
     Python ASTの読み取り/書き換え/書き込み
  • astropy==4.0:
     Community-developed python astronomy tools
     コミュニティが開発したpython天文学ツール
  • atari-py==0.2.6:
     Python bindings to Atari games
     AtariゲームへのPythonバインディング
  • atomicwrites==1.3.0:
     Atomic file writes.
     アトミックファイルの書き込み。
  • attrs==19.3.0:
     Classes Without Boilerplate
     定型のないクラス
  • audioread==2.1.8:
     multi-library, cross-platform audio decoding
     マルチライブラリ、クロスプラットフォームオーディオデコーディング
  • autograd==1.3:
     Efficiently computes derivatives of numpy code.
     numpyコードの導関数を効率的に計算します。
  • Babel==2.8.0:
     Internationalization utilities
     国際化ユーティリティ
  • backcall==0.1.0:
     Specifications for callback functions passed in to an API
     APIに渡されるコールバック関数の仕様
  • backports.tempfile==1.0:
     Backport of new features in Python's tempfile module
     Pythonのtempfileモジュールの新機能のバックポート
  • backports.weakref==1.0.post1:
     Backport of new features in Python's weakref module
     Pythonのweakrefモジュールの新機能のバックポート
  • beautifulsoup4==4.6.3:
     Screen-scraping library
     スクリーンスクレイピングライブラリ
  • bleach==3.1.0:
     An easy safelist-based HTML-sanitizing tool.
     簡単なセーフリストベースのHTMLサニタイズツール。
  • blis==0.2.4:
     The Blis BLAS-like linear algebra library, as a self-contained C-extension.
     自己完結型のC拡張としてのBlis BLASのような線形代数ライブラリ。
  • bokeh==1.4.0:
     Interactive plots and applications in the browser from Python
     Pythonのブラウザでのインタラクティブなプロットとアプリケーション
  • boto==2.49.0:
     Amazon Web Services Library
     アマゾンウェブサービスライブラリ
  • boto3==1.11.15:
     The AWS SDK for Python
     Python用AWS SDK
  • botocore==1.14.15:
     Low-level, data-driven core of boto 3.
     boto 3の低レベルのデータ駆動型コア。
  • Bottleneck==1.3.1:
     Fast NumPy array functions written in C
     Cで記述された高速NumPy配列関数
  • branca==0.3.1:
     Generate complex HTML+JS pages with Python
     Pythonで複雑なHTML + JSページを生成する
  • bs4==0.0.1:
     Dummy package for Beautiful Soup
     ビューティフルスープのダミーパッケージ
  • bz2file==0.98:
     Read and write bzip2-compressed files.
     bzip2で圧縮されたファイルを読み書きします。
  • cachetools==3.1.1:
     Extensible memoizing collections and decorators
     拡張可能なメモ化コレクションとデコレーター
  • certifi==2019.11.28:
     Python package for providing Mozilla's CA Bundle.
     MozillaのCAバンドルを提供するPythonパッケージ。
  • cffi==1.14.0:
     Foreign Function Interface for Python calling C code.
     Cコードを呼び出すPythonの外部関数インターフェイス。
  • chainer==6.5.0:
     A flexible framework of neural networks
     ニューラルネットワークの柔軟なフレームワーク
  • chardet==3.0.4:
     Universal encoding detector for Python 2 and 3
     Python 2および3のユニバーサルエンコーディングディテクター
  • chart-studio==1.0.0:
     Utilities for interfacing with plotly's Chart Studio
     plotlyのChart Studioとインターフェイスするためのユーティリティ
  • Click==7.0:
     Composable command line interface toolkit
     構成可能なコマンドラインインターフェイスツールキット
  • cloudpickle==1.2.2:
     Extended pickling support for Python objects
     Pythonオブジェクトの拡張picklingサポート
  • cmake==3.12.0:
     CMake is an open-source, cross-platform family of tools designed to build, test and package software
     CMakeは、ソフトウェアを構築、テスト、およびパッケージ化するために設計されたオープンソースのクロスプラットフォームファミリのツールです。
  • colorlover==0.3.0:
     Color scales for IPython notebook
     IPythonノートブックのカラースケール
  • community==1.0.0b1:
     merge together wellness checks to unify your shit
     あなたのたわごとを統合するためにウェルネスチェックをマージします
  • contextlib2==0.5.5:
     Backports and enhancements for the contextlib module
     contextlibモジュールのバックポートと機能強化
  • convertdate==2.2.0:
     Converts between Gregorian dates and other calendar systems.Calendars included: Baha'i, French Republican, Hebrew, Indian Civil, Islamic, ISO, Julian, Mayan and Persian.
     グレゴリオ暦の日付と他のカレンダーシステムとの間で変換します。カレンダーには次が含まれます:Baha' i、フランス共和党、ヘブライ語、インド市民、イスラム、ISO、ジュリアン、マヤ、ペルシャ。
  • coverage==3.7.1:
     Code coverage measurement for Python
     Pythonのコードカバレッジ測定
  • coveralls==0.5:
     Show coverage stats online via coveralls.io
     coveralls.ioを介してカバレッジ統計をオンラインで表示します
  • crcmod==1.7:
     CRC Generator
     CRCジェネレーター
  • cufflinks==0.17.0:
     Productivity Tools for Plotly + Pandas
     Plotly + Pandasの生産性向上ツール
  • cvxopt==1.2.4:
     Convex optimization package
     凸最適化パッケージ
  • cvxpy==1.0.25:
     A domain-specific language for modeling convex optimization problems in Python.
     Pythonの凸最適化問題をモデル化するためのドメイン固有の言語。
  • cycler==0.10.0:
     Composable style cycles
     構成可能なスタイルサイクル
  • cymem==2.0.3:
     Manage calls to calloc/free through Cython
     Cythonを介してcalloc / freeへの呼び出しを管理する
  • Cython==0.29.15:
     The Cython compiler for writing C extensions for the Python language.
     Python言語のC拡張を記述するためのCythonコンパイラ。
  • daft==0.0.4:
     PGM rendering at its finest
     最高のPGMレンダリング
  • dask==2.9.2:
     Parallel PyData with Task Scheduling
     タスクスケジューリングを使用した並列PyData
  • dataclasses==0.7:
     A backport of the dataclasses module for Python 3.6
     Python 3.6のdataclassesモジュールのバックポート
  • datascience==0.10.6:
     A Jupyter notebook Python library for introductory data science
     データサイエンスの入門用のJupyterノートブックPythonライブラリ
  • decorator==4.4.1:
     Decorators for Humans
     人間用デコレータ
  • defusedxml==0.6.0:
     XML bomb protection for Python stdlib modules
     Python stdlibモジュールのXML爆弾保護
  • descartes==1.1.0:
     Use geometric objects as matplotlib paths and patches
     matplotlibのパスとパッチとしてジオメトリオブジェクトを使用する
  • dill==0.3.1.1:
     serialize all of python
     すべてのpythonをシリアル化する
  • distributed==1.25.3:
     Distributed scheduler for Dask
     Daskの分散スケジューラー
  • Django==3.0.3:
     A high-level Python Web framework that encourages rapid development and clean, pragmatic design.
     迅速な開発とクリーンで実用的な設計を促進する高レベルのPython Webフレームワーク。
  • dlib==19.18.0:
     A toolkit for making real world machine learning and data analysis applications
     現実世界の機械学習およびデータ分析アプリケーションを作成するためのツールキット
  • dm-sonnet==1.35:
     Sonnet is a library for building neural networks in TensorFlow.
     Sonnetは、TensorFlowでニューラルネットワークを構築するためのライブラリです。
  • docopt==0.6.2:
     Pythonic argument parser, that will make you smile
     Pythonic argument parser、それはあなたを笑顔にします
  • docutils==0.15.2:
     Docutils -- Python Documentation Utilities
     Docutils-Pythonドキュメントユーティリティ
  • dopamine-rl==1.0.5:
     Dopamine: A framework for flexible Reinforcement Learning research
     ドーパミン:柔軟な強化学習研究のフレームワーク
  • earthengine-api==0.1.213:
     Earth Engine Python API
     Earth Engine Python API
  • easydict==1.9:
     Access dict values as attributes (works recursively).
     属性としてdict値にアクセスします(再帰的に機能します)。
  • ecos==2.0.7.post1:
     This is the Python package for ECOS: Embedded Cone Solver. See Github page for more information.
     これはECOS:Embedded Cone Solver用のPythonパッケージです。詳細については、Githubページを参照してください。
  • editdistance==0.5.3:
     Fast implementation of the edit distance(Levenshtein distance)
     編集距離(レーベンシュタイン距離)の高速実装
  • en-core-web-sm==2.1.0:
     Does not exist in PyPI index! English multi-task CNN trained on OntoNotes. Assigns context-specific token vectors, POS tags, dependency parse and named entities.
      PyPIインデックスには存在しません! OntoNotesでトレーニングされた英語のマルチタスクCNN。コンテキスト固有のトークンベクトル、POSタグ、依存関係解析、および名前付きエンティティを割り当てます。
  • entrypoints==0.3:
     Discover and load entry points from installed packages.
     インストールされたパッケージからエントリポイントを検出してロードします。
  • et-xmlfile==1.0.1:
     An implementation of lxml.xmlfile for the standard library
     標準ライブラリのlxml.xmlfileの実装
  • fa2==0.3.5:
     The fastest ForceAtlas2 algorithm for Python (and NetworkX)
     Python(およびNetworkX)用の最速のForceAtlas2アルゴリズム
  • fancyimpute==0.4.3:
     Matrix completion and feature imputation algorithms
     行列補完と特徴補完アルゴリズム
  • fastai==1.0.60:
     fastai makes deep learning with PyTorch faster, more accurate, and easier
     fastaiはPyTorchでディープラーニングをより速く、より正確に、より簡単に
  • fastdtw==0.3.4:
     Dynamic Time Warping (DTW) algorithm with an O(N) time and memory complexity.
     O(N)時間とメモリの複雑さを備えたDynamic Time Warping(DTW)アルゴリズム。
  • fastprogress==0.2.2:
     A nested progress with plotting options for fastai
     fastaiのプロットオプションを含むネストされた進行状況
  • fastrlock==0.4:
     Fast, re-entrant optimistic lock implemented in Cython
     Cythonに実装された高速で再入可能な楽観的ロック
  • fbprophet==0.5:
     Automatic Forecasting Procedure
     自動予測手順
  • feather-format==0.4.0:
     Simple wrapper library to the Apache Arrow-based Feather File Format
     Apache ArrowベースのFeather File Formatへのシンプルなラッパーライブラリ
  • featuretools==0.4.1:
     a framework for automated feature engineering
     自動機能エンジニアリングのフレームワーク
  • filelock==3.0.12:
     A platform independent file lock.
     プラットフォームに依存しないファイルロック。
  • fix-yahoo-finance==0.0.22:
     Yahoo! Finance market data downloader +fix for Pandas Datareader's get_data_yahoo()
     Yahoo!金融市場データダウンローダー+ Pandas Datareaderのget_data_yahoo()の修正プログラム
  • Flask==1.1.1:
     A simple framework for building complex web applications.
     複雑なWebアプリケーションを構築するためのシンプルなフレームワーク。
  • folium==0.8.3:
     Make beautiful maps with Leaflet.js & Python
     Leaflet.jsで美しい地図を作成&amp; Python
  • fsspec==0.6.2:
     File-system specification
     ファイルシステムの仕様
  • future==0.16.0:
     Clean single-source support for Python 3 and 2
     Python 3および2のクリーンな単一ソースサポート
  • gast==0.2.2:
     Python AST that abstracts the underlying Python version
     基礎となるPythonバージョンを抽象化するPython AST
  • GDAL==2.2.2:
     GDAL: Geospatial Data Abstraction Library
     GDAL:地理空間データ抽象化ライブラリ
  • gdown==3.6.4:
     Google Drive direct download of big files.
     Googleドライブで大きなファイルを直接ダウンロードします。
  • gensim==3.6.0:
     Python framework for fast Vector Space Modelling
     高速ベクトル空間モデリングのためのPythonフレームワーク
  • geographiclib==1.50:
     The geodesic routines from GeographicLib
     GeographicLibの測地線ルーチン
  • geopy==1.17.0:
     Python Geocoding Toolbox
     Python Geocodingツールボックス
  • gevent==1.4.0:
     Coroutine-based network library
     コルーチンベースのネットワークライブラリ
  • gin-config==0.3.0:
     Gin-Config: A lightweight configuration library for Python
     Gin-Config:Python用の軽量構成ライブラリ
  • glob2==0.7:
     Version of the glob module that can capture patterns and supports recursive wildcards
     パターンをキャプチャでき、再帰的なワイルドカードをサポートするglobモジュールのバージョン
  • google==2.0.3:
     Python bindings to the Google search engine.
     Google検索エンジンへのPythonバインディング。
  • google-api-core==1.16.0:
     Google API client core library
     Google APIクライアントコアライブラリ
  • google-api-python-client==1.7.11:
     Google API Client Library for Python
     Python用Google APIクライアントライブラリ
  • google-auth==1.7.2:
     Google Authentication Library
     Google認証ライブラリ
  • google-auth-httplib2==0.0.3:
     Google Authentication Library: httplib2 transport
     Google認証ライブラリ:httplib2トランスポート
  • google-auth-oauthlib==0.4.1:
     Google Authentication Library
     Google認証ライブラリ
  • google-cloud-bigquery==1.21.0:
     Google BigQuery API client library
     Google BigQuery APIクライアントライブラリ
  • google-cloud-core==1.0.3:
     Google Cloud API client core library
     Google Cloud APIクライアントコアライブラリ
  • google-cloud-datastore==1.8.0:
     Google Cloud Datastore API client library
     Google Cloud Datastore APIクライアントライブラリ
  • google-cloud-language==1.2.0:
     Google Cloud Natural Language API client library
     Google Cloud Natural Language APIクライアントライブラリ
  • google-cloud-storage==1.16.2:
     Google Cloud Storage API client library
     Google Cloud Storage APIクライアントライブラリ
  • google-cloud-translate==1.5.0:
     Google Cloud Translation API client library
     Google Cloud Translation APIクライアントライブラリ
  • google-colab==1.0.0:
     Google Colaboratory tools
     Google Colaboratoryツール
  • google-pasta==0.1.8:
     pasta is an AST-based Python refactoring library
     パスタは、ASTベースのPythonリファクタリングライブラリです。
  • google-resumable-media==0.4.1:
     Utilities for Google Media Downloads and Resumable Uploads
     Google Mediaダウンロードおよび再開可能なアップロードのユーティリティ
  • googleapis-common-protos==1.51.0:
     Common protobufs used in Google APIs
     Google APIで使用される一般的なprotobufs
  • googledrivedownloader==0.4:
     Minimal class to download shared files from Google Drive.
     Googleドライブから共有ファイルをダウンロードするための最小限のクラス。
  • graph-nets==1.0.5:
     Library for building graph networks in Tensorflow and Sonnet.
     TensorflowおよびSonnetでグラフネットワークを構築するためのライブラリ。
  • graphviz==0.10.1:
     Simple Python interface for Graphviz
     Graphviz用のシンプルなPythonインターフェイス
  • greenlet==0.4.15:
     Lightweight in-process concurrent programming
     軽量のインプロセス並行プログラミング
  • grpcio==1.27.1:
     HTTP/2-based RPC framework
     HTTP / 2ベースのRPCフレームワーク
  • gspread==3.0.1:
     Google Spreadsheets Python API
     Google Spreadsheets Python API
  • gspread-dataframe==3.0.4:
     Read/write gspread worksheets using pandas DataFrames
     Pandas DataFramesを使用したgspreadワークシートの読み取り/書き込み
  • gunicorn==20.0.4:
     WSGI HTTP Server for UNIX
     UNIX用のWSGI HTTPサーバー
  • gym==0.15.6:
     The OpenAI Gym: A toolkit for developing and comparing your reinforcement learning agents.
     OpenAIジム:強化学習エージェントを開発および比較するためのツールキット。
  • h5py==2.8.0:
     Read and write HDF5 files from Python
     PythonからHDF5ファイルを読み書きする
  • HeapDict==1.0.1:
     a heap with decrease-key and increase-key operations
     キーの減少およびキーの増加操作を伴うヒープ
  • holidays==0.9.12:
     Generate and work with holidays in Python
     Pythonで休日を生成して操作する
  • html5lib==1.0.1:
     HTML parser based on the WHATWG HTML specification
     WHATWG HTML仕様に基づくHTMLパーサー
  • httpimport==0.5.18:
     Module for remote in-memory Python package/module loading through HTTP
     HTTPを介したリモートメモリ内Pythonパッケージ/モジュールロード用のモジュール
  • httplib2==0.11.3:
     A comprehensive HTTP client library.
     包括的なHTTPクライアントライブラリ。
  • httplib2shim==0.0.3:
     A wrapper over urllib3 that matches httplib2's interface
     httplib2のインターフェイスに一致するurllib3のラッパー
  • humanize==0.5.1:
     Python humanize utilities
     Pythonヒューマナイズユーティリティ
  • hyperopt==0.1.2:
     Distributed Asynchronous Hyperparameter Optimization
     分散非同期ハイパーパラメーターの最適化
  • ideep4py==2.0.0.post3:
     ideep4py is a wrapper for iDeep library.
     ideep4pyは、iDeepライブラリのラッパーです。
  • idna==2.8:
     Internationalized Domain Names in Applications (IDNA)
     アプリケーションの国際化ドメイン名(IDNA)
  • image==1.5.28:
     Django application that provides cropping, resizing, thumbnailing, overlays and masking for images and videos with the ability to set the center of attention,
     注目の中心を設定する機能を備えた画像や動画のトリミング、サイズ変更、サムネイル化、オーバーレイ、マスキングを提供するDjangoアプリケーション
  • imageio==2.4.1:
     Library for reading and writing a wide range of image, video, scientific, and volumetric data formats.
     広範囲の画像、ビデオ、科学、および体積データ形式を読み書きするためのライブラリ。
  • imagesize==1.2.0:
     Getting image size from png/jpeg/jpeg2000/gif file
     png / jpeg / jpeg2000 / gifファイルから画像サイズを取得する
  • imbalanced-learn==0.4.3:
     Toolbox for imbalanced dataset in machine learning.
     機械学習における不均衡なデータセットのツールボックス。
  • imblearn==0.0:
     Toolbox for imbalanced dataset in machine learning.
     機械学習における不均衡なデータセットのツールボックス。
  • imgaug==0.2.9:
     Image augmentation library for deep neural networks
     ディープニューラルネットワーク用の画像増強ライブラリ
  • importlib-metadata==1.5.0:
     Read metadata from Python packages
     Pythonパッケージからメタデータを読み取る
  • imutils==0.5.3:
     A series of convenience functions to make basic image processing functions such as translation, rotation, resizing, skeletonization, displaying Matplotlib images, sorting contours, detecting edges, and much more easier with OpenCV and both Python 2.7 and Python 3.
     変換、回転、サイズ変更、スケルトン化、Matplotlib画像の表示、輪郭のソート、エッジの検出などの基本的な画像処理機能をOpenCVとPython 2.7とPython 3の両方でさらに簡単にする一連の便利な機能
  • inflect==2.1.0:
     Correctly generate plurals, singular nouns, ordinals, indefinite articles; convert numbers to words
     複数形、単数名詞、序数、不定冠詞を正しく生成します。数字を単語に変換する
  • intel-openmp==2020.0.133:
     Intel(R) OpenMP Runtime Library
     Intel(R)OpenMPランタイムライブラリ
  • intervaltree==2.1.0:
     Editable interval tree data structure for Python 2 and 3
     Python 2および3の編集可能な間隔ツリーデータ構造
  • ipykernel==4.6.1:
     IPython Kernel for Jupyter
     Jupyter用IPythonカーネル
  • ipython==5.5.0:
     IPython: Productive Interactive Computing
     IPython:生産的なインタラクティブコンピューティング
  • ipython-genutils==0.2.0:
     Vestigial utilities from IPython
     IPythonのVestigialユーティリティ
  • ipython-sql==0.3.9:
     RDBMS access via IPython
     IPythonを介したRDBMSアクセス
  • ipywidgets==7.5.1:
     IPython HTML widgets for Jupyter
     Jupyter用のIPython HTMLウィジェット
  • itsdangerous==1.1.0:
     Various helpers to pass data to untrusted environments and back.
     信頼できない環境にデータをやり取りするさまざまなヘルパー。
  • jax==0.1.58:
     Differentiate, compile, and transform Numpy code.
     Numpyコードを区別、コンパイル、および変換します。
  • jaxlib==0.1.38:
     XLA library for JAX
     JAX用のXLAライブラリ
  • jdcal==1.4.1:
     Julian dates from proleptic Gregorian and Julian calendars.
     ユリウス暦は、予言的なグレゴリオ暦とユリウス暦から始まります。
  • jedi==0.16.0:
     An autocompletion tool for Python that can be used for text editors.
     テキストエディターに使用できるPython用のオートコンプリートツール。
  • jieba==0.42.1:
     Chinese Words Segmentation Utilities
     中国語セグメンテーションユーティリティ
  • Jinja2==2.11.1:
     A very fast and expressive template engine.
     非常に高速で表現力豊かなテンプレートエンジン。
  • jmespath==0.9.4:
     JSON Matching Expressions
     JSONマッチング式
  • joblib==0.14.1:
     Lightweight pipelining: using Python functions as pipeline jobs.
     軽量パイプライン処理:Python関数をパイプラインジョブとして使用します。
  • jpeg4py==0.1.4:
     libjpeg-turbo cffi bindings and helper classes
     libjpeg-turbo cffiバインディングとヘルパークラス
  • jsonschema==2.6.0:
     An implementation of JSON Schema validation for Python
     PythonのJSONスキーマ検証の実装
  • jupyter==1.0.0:
     Jupyter metapackage. Install all the Jupyter components in one go.
     Jupyterメタパッケージ。すべてのJupyterコンポーネントを一度にインストールします。
  • jupyter-client==5.3.4:
     Jupyter protocol implementation and client libraries
     Jupyterプロトコルの実装とクライアントライブラリ
  • jupyter-console==5.2.0:
     Jupyter terminal console
     Jupyterターミナルコンソール
  • jupyter-core==4.6.2:
     Jupyter core package. A base package on which Jupyter projects rely.
     Jupyterコアパッケージ。 Jupyterプロジェクトが依存するベースパッケージ。
  • kaggle==1.5.6:
     Kaggle API
     Kaggle API
  • kapre==0.1.3.1:
     Kapre: Keras Audio Preprocessors. Keras layers for audio pre-processing in deep learning
     Kapre:Kerasオーディオプリプロセッサ。ディープラーニングでのオーディオ前処理用のKerasレイヤー
  • Keras==2.2.5:
     Deep Learning for humans
     人間のための深層学習
  • Keras-Applications==1.0.8:
     Reference implementations of popular deep learning models
     一般的なディープラーニングモデルのリファレンス実装
  • Keras-Preprocessing==1.1.0:
     Easy data preprocessing and data augmentation for deep learning models
     ディープラーニングモデル用の簡単なデータ前処理とデータ増強
  • keras-vis==0.4.1:
     Neural Network visualization toolkit for keras
     Kerasのニューラルネットワーク視覚化ツールキット
  • kfac==0.2.0:
     K-FAC for TensorFlow
     TensorFlowのK-FAC
  • kiwisolver==1.1.0:
     A fast implementation of the Cassowary constraint solver
     ヒクイドリ制約ソルバーの高速実装
  • knnimpute==0.1.0:
     k-Nearest Neighbor imputation
     k最近傍代入
  • librosa==0.6.3:
     Python module for audio and music processing
     オーディオおよび音楽処理用のPythonモジュール
  • lightgbm==2.2.3:
     LightGBM Python Package
     LightGBM Pythonパッケージ
  • llvmlite==0.31.0:
     lightweight wrapper around basic LLVM functionality
     基本的なLLVM機能の軽量ラッパー
  • lmdb==0.98:
     Universal Python binding for the LMDB 'Lightning' Database
     LMDBのユニバーサルPythonバインディング' Lightning'データベース
  • lucid==0.3.8:
     Collection of infrastructure and tools for research in neural network interpretability.
     ニューラルネットワークの解釈可能性の研究のためのインフラストラクチャとツールのコレクション。
  • lunardate==0.2.0:
     A Chinese Calendar Library in Pure Python
     Pure Pythonの中国語カレンダーライブラリ
  • lxml==4.2.6:
     Powerful and Pythonic XML processing library combining libxml2/libxslt with the ElementTree API.
     libxml2 / libxsltとElementTree APIを組み合わせた強力でPythonicなXML処理ライブラリ。
  • magenta==0.3.19:
     Use machine learning to create art and music
     機械学習を使用してアートと音楽を作成する
  • Markdown==3.2.1:
     Python implementation of Markdown.
     MarkdownのPython実装。
  • MarkupSafe==1.1.1:
     Safely add untrusted strings to HTML/XML markup.
     信頼できない文字列をHTML / XMLマークアップに安全に追加します。
  • matplotlib==3.1.3:
     Python plotting package
     Pythonプロットパッケージ
  • matplotlib-venn==0.11.5:
     Functions for plotting area-proportional two- and three-way Venn diagrams in matplotlib.
     matplotlibで面積に比例した2方向および3方向のベン図をプロットするための関数。
  • mesh-tensorflow==0.1.9:
     Mesh TensorFlow
     メッシュTensorFlow
  • mido==1.2.6:
     MIDI Objects for Python
     Python用のMIDIオブジェクト
  • mir-eval==0.5:
     Common metrics for common audio/music processing tasks.
     一般的なオーディオ/音楽処理タスクの一般的なメトリック。
  • missingno==0.4.2:
     Missing data visualization module for Python.
     Pythonのデータ視覚化モジュールがありません。
  • mistune==0.8.4:
     The fastest markdown parser in pure Python
     純粋なPythonで最速のマークダウンパーサー
  • mizani==0.6.0:
     Scales for Python
     Pythonのスケール
  • mkl==2019.0:
     Math library for Intel and compatible processors
     Intelおよび互換プロセッサ用の数学ライブラリ
  • mlxtend==0.14.0:
     Machine Learning Library Extensions
     機械学習ライブラリの拡張
  • more-itertools==8.2.0:
     More routines for operating on iterables, beyond itertools
     itertoolsを超えて、iterableを操作するためのより多くのルーチン
  • moviepy==0.2.3.5:
     Video editing with Python
     Pythonを使用したビデオ編集
  • mpi4py==3.0.3:
     Python bindings for MPI
     MPIのPythonバインディング
  • mpmath==1.1.0:
     Python library for arbitrary-precision floating-point arithmetic
     任意精度の浮動小数点演算用のPythonライブラリ
  • msgpack==0.5.6:
     MessagePack (de)serializer.
     MessagePack(デ)シリアライザー。
  • multiprocess==0.70.9:
     better multiprocessing and multithreading in python
     Pythonでのマルチプロセッシングとマルチスレッドの改善
  • multitasking==0.0.9:
     Non-blocking Python methods using decorators
     デコレータを使用したノンブロッキングPythonメソッド
  • murmurhash==1.0.2:
     Cython bindings for MurmurHash
     MurmurHashのCythonバインディング
  • music21==5.5.0:
     A Toolkit for Computer-Aided Musical Analysis.
     コンピューター支援の音楽分析のためのツールキット。
  • natsort==5.5.0:
     Simple yet flexible natural sorting in Python.
     Pythonでのシンプルで柔軟な自然な並べ替え。
  • nbconvert==5.6.1:
     Converting Jupyter Notebooks
     Jupyterノートブックの変換
  • nbformat==5.0.4:
     The Jupyter Notebook format
     Jupyterノートブック形式
  • networkx==2.4:
     Python package for creating and manipulating graphs and networks
     グラフとネットワークを作成および操作するためのPythonパッケージ
  • nibabel==2.3.3:
     Access a multitude of neuroimaging data formats
     多数の神経画像データ形式にアクセス
  • nltk==3.2.5:
     Natural Language Toolkit
     自然言語ツールキット
  • notebook==5.2.2:
     A web-based notebook environment for interactive computing
     インタラクティブコンピューティングのためのWebベースのノートブック環境
  • np-utils==0.5.12.1:
     collection of utilities for array and list manipulation
     配列およびリストを操作するためのユーティリティのコレクション
  • numba==0.47.0:
     compiling Python code using LLVM
     LLVMを使用してPythonコードをコンパイルする
  • numexpr==2.7.1:
     Fast numerical expression evaluator for NumPy
     NumPyの高速数値評価
  • numpy==1.17.5:
     NumPy is the fundamental package for array computing with Python.
     NumPyは、Pythonを使用した配列コンピューティングの基本パッケージです。
  • nvidia-ml-py3==7.352.0:
     Python Bindings for the NVIDIA Management Library
     NVIDIA管理ライブラリのPythonバインディング
  • oauth2client==4.1.3:
     OAuth 2.0 client library
     OAuth 2.0クライアントライブラリ
  • oauthlib==3.1.0:
     A generic, spec-compliant, thorough implementation of the OAuth request-signing logic
     OAuth要求署名ロジックの一般的な仕様に準拠した完全な実装
  • okgrade==0.4.3:
     Simple alternative to okpy for grading only
     グレーディングのみのokpyのシンプルな代替
  • opencv-contrib-python==4.1.2.30:
     Wrapper package for OpenCV python bindings.
     OpenCV pythonバインディング用のラッパーパッケージ。
  • opencv-python==4.1.2.30:
     Wrapper package for OpenCV python bindings.
     OpenCV pythonバインディング用のラッパーパッケージ。
  • openpyxl==2.5.9:
     A Python library to read/write Excel 2010 xlsx/xlsm files
     Excel 2010 xlsx / xlsmファイルを読み書きするPythonライブラリ
  • opt-einsum==3.1.0:
     Optimizing numpys einsum function
     numpys einsum関数の最適化
  • osqp==0.6.1:
     OSQP: The Operator Splitting QP Solver
     OSQP:QPソルバーを分​​割する演算子
  • packaging==20.1:
     Core utilities for Python packages
     Pythonパッケージのコアユーティリティ
  • palettable==3.3.0:
     Color palettes for Python
     Pythonのカラーパレット
  • pandas==0.25.3:
     Powerful data structures for data analysis, time series, and statistics
     データ分析、時系列、統計のための強力なデータ構造
  • pandas-datareader==0.7.4:
     Data readers extracted from the pandas codebase,should be compatible with recent pandas versions
     パンダのコードベースから抽出されたデータリーダーは、最新のパンダバージョンと互換性があるはずです
  • pandas-gbq==0.11.0:
     Pandas interface to Google BigQuery
     Google BigQueryへのパンダインターフェイス
  • pandas-profiling==1.4.1:
     Generate profile report for pandas DataFrame
     Pandas DataFrameのプロファイルレポートを生成する
  • pandocfilters==1.4.2:
     Utilities for writing pandoc filters in python
     Pythonでpandocフィルターを作成するためのユーティリティ
  • parso==0.6.2:
     A Python Parser
     Pythonパーサー
  • pathlib==1.0.1:
     Object-oriented filesystem paths
     オブジェクト指向ファイルシステムのパス
  • patsy==0.5.1:
     A Python package for describing statistical models and for building design matrices.
     統計モデルを記述し、設計マトリックスを構築するためのPythonパッケージ。
  • pexpect==4.8.0:
     Pexpect allows easy control of interactive console applications.
     Pexpectを使用すると、インタラクティブコンソールアプリケーションを簡単に制御できます。
  • pickleshare==0.7.5:
     Tiny 'shelve'-like database with concurrency support
     並行性をサポートする小さな' shelve'のようなデータベース
  • Pillow==6.2.2:
     Python Imaging Library (Fork)
     Python Imaging Library(フォーク)
  • pip-tools==4.2.0:
     pip-tools keeps your pinned dependencies fresh.
     pip-toolsは、固定された依存関係を最新の状態に保ちます。
  • plac==0.9.6:
     The smartest command line arguments parser in the world
     世界で最もスマートなコマンドライン引数パーサー
  • plotly==4.4.1:
     An open-source, interactive graphing library for Python
     Python用のオープンソースのインタラクティブなグラフ作成ライブラリ
  • plotnine==0.6.0:
     A grammar of graphics for python
     Pythonのグラフィックスの文法
  • pluggy==0.7.1:
     plugin and hook calling mechanisms for python
     pythonのプラグインおよびフック呼び出しメカニズム
  • portpicker==1.3.1:
     A library to choose unique available network ports.
     使用可能な一意のネットワークポートを選択するライブラリ。
  • prefetch-generator==1.0.1:
     a simple tool to compute arbitrary generator in a background thread
     バックグラウンドスレッドで任意のジェネレーターを計算するシンプルなツール
  • preshed==2.0.1:
     Cython hash table that trusts the keys are pre-hashed
     キーを信頼するCythonハッシュテーブルは事前にハッシュされています
  • pretty-midi==0.2.8:
     Functions and classes for handling MIDI data conveniently.
     MIDIデータを便利に処理するための関数とクラス。
  • prettytable==0.7.2:
     A simple Python library for easily displaying tabular data in a visually appealing ASCII table format.
     視覚的に魅力的なASCIIテーブル形式で表データを簡単に表示するためのシンプルなPythonライブラリ。
  • progressbar2==3.38.0:
     A Python Progressbar library to provide visual (yet text based) progress to long running operations.
     長時間実行される操作の視覚的な(まだテキストベースの)進行状況を提供するPython Progressbarライブラリ。
  • prometheus-client==0.7.1:
     Python client for the Prometheus monitoring system.
     Prometheus監視システム用のPythonクライアント。
  • promise==2.3:
     Promises/A+ implementation for Python
     PythonのPromises / A +の実装
  • prompt-toolkit==1.0.18:
     Library for building powerful interactive command lines in Python
     Pythonで強力なインタラクティブコマンドラインを構築するためのライブラリ
  • protobuf==3.10.0:
     Protocol Buffers
     プロトコルバッファ
  • psutil==5.4.8:
     Cross-platform lib for process and system monitoring in Python.
     Pythonでのプロセスおよびシステム監視用のクロスプラットフォームライブラリ。
  • psycopg2==2.7.6.1:
     psycopg2 - Python-PostgreSQL Database Adapter
     psycopg2-Python-PostgreSQLデータベースアダプター
  • ptyprocess==0.6.0:
     Run a subprocess in a pseudo terminal
     擬似端末でサブプロセスを実行する
  • py==1.8.1:
     library with cross-python path, ini-parsing, io, code, log facilities
     クロスPythonパス、ini解析、io、コード、ログ機能を備えたライブラリ
  • pyarrow==0.14.1:
     Python library for Apache Arrow
     Apache Arrow用のPythonライブラリ
  • pyasn1==0.4.8:
     ASN.1 types and codecs
     ASN.1タイプとコーデック
  • pyasn1-modules==0.2.8:
     A collection of ASN.1-based protocols modules.
     ASN.1ベースのプロトコルモジュールのコレクション。
  • pycocotools==2.0.0:
     Tools for working with the MSCOCO dataset
     MSCOCOデータセットを操作するためのツール
  • pycparser==2.19:
     C parser in Python
     PythonのCパーサー
  • pydata-google-auth==0.3.0:
     PyData helpers for authenticating to Google APIs
     Google APIを認証するためのPyDataヘルパー
  • pydot==1.3.0:
     Python interface to Graphviz's Dot
     GraphvizのDotへのPythonインターフェイス
  • pydot-ng==2.0.0:
     Python interface to Graphviz's Dot
     GraphvizのDotへのPythonインターフェイス
  • pydotplus==2.0.2:
     Python interface to Graphviz's Dot language
     GraphvizのDot言語へのPythonインターフェイス
  • PyDrive==1.3.1:
     Google Drive API made easy.
     Google Drive APIが簡単になりました。
  • pyemd==0.5.1:
     A Python wrapper for Ofir Pele and Michael Werman's implementation of the Earth Mover's Distance.
     Ofir PeleとMichael MermanによるEarth MoverのDistanceの実装のためのPythonラッパー。
  • pyglet==1.4.10:
     Cross-platform windowing and multimedia library
     クロスプラットフォームウィンドウとマルチメディアライブラリ
  • Pygments==2.1.3:
     Pygments is a syntax highlighting package written in Python.
     Pygmentsは、Pythonで記述された構文強調パッケージです。
  • pygobject==3.26.1:
     Python bindings for GObject Introspection
     GObject IntrospectionのPythonバインディング
  • pymc3==3.7:
     Probabilistic Programming in Python: Bayesian Modeling and Probabilistic Machine Learning with Theano
     Pythonの確率的プログラミング:Theanoを使用したベイジアンモデリングと確率的機械学習
  • PyMeeus==0.3.6:
     Python implementation of Jean Meeus astronomical routines
     Jean Meeus天文ルーチンのPython実装
  • pymongo==3.10.1:
     Python driver for MongoDB <http://www.mongodb.org>
     MongoDB用のPythonドライバー&lt; http://www.mongodb.org>
  • pymystem3==0.2.0:
     Python wrapper for the Yandex MyStem 3.1 morpholocial analyzer of the Russian language.
     ロシア語のYandex MyStem 3.1形態素解析ツールのPythonラッパー。
  • PyOpenGL==3.1.5:
     Standard OpenGL bindings for Python
     Python用の標準OpenGLバインディング
  • pyparsing==2.4.6:
     Python parsing module
     Python解析モジュール
  • pypng==0.0.20:
     Pure Python PNG image encoder/decoder
     ピュアPython PNG画像エンコーダー/デコーダー
  • pyrsistent==0.15.7:
     Persistent/Functional/Immutable data structures
     永続的/機能的/不変のデータ構造
  • pysndfile==1.3.8:
     pysndfile provides PySndfile, a Cython wrapper class for reading/writing soundfiles using libsndfile
     pysndfileは、libsndfileを使用してサウンドファイルを読み書きするためのCythonラッパークラスであるPySndfileを提供します
  • PySocks==1.7.1:
     A Python SOCKS client module. See https://github.com/Anorov/PySocks for more information.
     Python SOCKSクライアントモジュール。詳細については、https://github.com/Anorov/PySocksを参照してください。
  • pystan==2.19.1.1:
     Python interface to Stan, a package for Bayesian inference
     ベイジアン推論のためのパッケージであるStanへのPythonインターフェイス
  • pytest==3.6.4:
     pytest: simple powerful testing with Python
     pytest:Pythonによる簡単で強力なテスト
  • python-apt==1.6.5+ubuntu0.2:
     Python bindings for libapt.
     libaptのPythonバインディング。
  • python-chess==0.23.11:
     A pure Python chess library with move generation and validation, Polyglot opening book probing, PGN reading and writing, Gaviota tablebase probing, Syzygy tablebase probing and XBoard/UCI engine communication.
     移動の生成と検証、Polyglotオープニングブックプローブ、PGN読み取りおよび書き込み、Gaviotaテーブルベースプローブ、Syzygyテーブルベースプローブ、XBoard / UCIエンジン通信を備えた純粋なPythonチェスライブラリ。
  • python-dateutil==2.6.1:
     Extensions to the standard Python datetime module
     標準のPython datetimeモジュールの拡張機能
  • python-louvain==0.13:
     Louvain algorithm for community detection
     コミュニティ検出用のLouvainアルゴリズム
  • python-rtmidi==1.4.0:
     A Python binding for the RtMidi C++ library implemented using Cython.
     Cythonを使用して実装されたRtMidi C ++ライブラリのPythonバインディング。
  • python-slugify==4.0.0:
     A Python Slugify application that handles Unicode
     Unicodeを処理するPython Slugifyアプリケーション
  • python-utils==2.3.0:
     Python Utils is a module with some convenient utilities not included with the standard Python install
     Python Utilsは、標準のPythonインストールに含まれていない便利なユーティリティを備えたモジュールです
  • pytz==2018.9:
     World timezone definitions, modern and historical
     世界のタイムゾーンの定義、現代と歴史
  • PyWavelets==1.1.1:
     PyWavelets, wavelet transform module
     PyWavelets、ウェーブレット変換モジュール
  • PyYAML==3.13:
     YAML parser and emitter for Python
     Python用のYAMLパーサーとエミッター
  • pyzmq==17.0.0:
     Python bindings for 0MQ
     0MQのPythonバインディング
  • qtconsole==4.7.1:
     Jupyter Qt console
     Jupyter Qtコンソール
  • QtPy==1.9.0:
     Provides an abstraction layer on top of the various Qt bindings (PyQt5, PyQt4 and PySide) and additional custom QWidgets.
     さまざまなQtバインディング(PyQt5、PyQt4、PySide)および追加のカスタムQWidgetの上に抽象化レイヤーを提供します。
  • regex==2019.12.20:
     Alternative regular expression module, to replace re.
     reに代わる代替の正規表現モジュール。
  • requests==2.21.0:
     Python HTTP for Humans.
     Python HTTP for Humans。
  • requests-oauthlib==1.3.0:
     OAuthlib authentication support for Requests.
     リクエストのOAuthlib認証サポート。
  • resampy==0.2.2:
     Efficient signal resampling
     効率的な信号リサンプリング
  • retrying==1.3.3:
     Retrying
     再試行中
  • rpy2==2.9.5:
     Python interface to the R language (embedded R)
     R言語(組み込みR)へのPythonインターフェース
  • rsa==4.0:
     Pure-Python RSA implementation
     Pure-Python RSA実装
  • s3fs==0.4.0:
     Convenient Filesystem interface over S3
     S3を介した便利なファイルシステムインターフェイス
  • s3transfer==0.3.3:
     An Amazon S3 Transfer Manager
     Amazon S3転送マネージャー
  • scikit-image==0.16.2:
     Image processing routines for SciPy
     SciPyの画像処理ルーチン
  • scikit-learn==0.22.1:
     A set of python modules for machine learning and data mining
     機械学習とデータマイニングのためのPythonモジュールのセット
  • scipy==1.4.1:
     SciPy: Scientific Library for Python
     SciPy:Python用科学ライブラリ
  • screen-resolution-extra==0.0.0:
     Does not exist in PyPI index! Extension for the GNOME Screen Resolution applet
      PyPIインデックスには存在しません! GNOME画面解像度アプレットの拡張機能
  • scs==2.1.1.post2:
     scs: splitting conic solver
     scs:円錐曲線ソルバーの分割
  • seaborn==0.10.0:
     seaborn: statistical data visualization
     シーボーン:統計データの視覚化
  • semantic-version==2.8.4:
     A library implementing the 'SemVer' scheme.
     ' SemVer'を実装するライブラリスキーム。
  • Send2Trash==1.5.0:
     Send file to trash natively under Mac OS X, Windows and Linux.
     Mac OS X、Windows、およびLinuxでネイティブにファイルをゴミ箱に送ります。
  • setuptools-git==1.2:
     Setuptools revision control system plugin for Git
     GitのSetuptoolsリビジョン管理システムプラグイン
  • Shapely==1.7.0:
     Geometric objects, predicates, and operations
     幾何学的なオブジェクト、述語、および操作
  • simplegeneric==0.8.1:
     Simple generic functions (similar to Python's own len(), pickle.dump(), etc.)
     単純な汎用関数(Python独自のlen()、pickle.dump()などに類似)
  • six==1.12.0:
     Python 2 and 3 compatibility utilities
     Python 2および3互換性ユーティリティ
  • sklearn==0.0:
     A set of python modules for machine learning and data mining
     機械学習とデータマイニングのためのPythonモジュールのセット
  • sklearn-pandas==1.8.0:
     Pandas integration with sklearn
     sklearnとPandasの統合
  • smart-open==1.9.0:
     Utils for streaming large files (S3, HDFS, gzip, bz2...)
     大きなファイル(S3、HDFS、gzip、bz2 ...)をストリーミングするためのユーティリティ
  • snowballstemmer==2.0.0:
     This package provides 26 stemmers for 25 languages generated from Snowball algorithms.
     このパッケージは、Snowballアルゴリズムから生成された25言語の26ステマーを提供します。
  • sortedcontainers==2.1.0:
     Sorted Containers -- Sorted List, Sorted Dict, Sorted Set
     ソート済みコンテナ-ソート済みリスト、ソート済み辞書、ソート済みセット
  • spacy==2.1.9:
     Industrial-strength Natural Language Processing (NLP) in Python
     Pythonの強力な自然言語処理(NLP)
  • Sphinx==1.8.5:
     Python documentation generator
     Pythonドキュメントジェネレーター
  • sphinxcontrib-websupport==1.2.0:
     Sphinx API for Web Apps
     Webアプリ用のSphinx API
  • SQLAlchemy==1.3.13:
     Database Abstraction Library
     データベース抽象化ライブラリ
  • sqlparse==0.3.0:
     Non-validating SQL parser
     非検証SQLパーサー
  • srsly==1.0.1:
     Modern high-performance serialization utilities for Python
     Python用の最新の高性能シリアル化ユーティリティ
  • stable-baselines==2.2.1:
     A fork of OpenAI Baselines, implementations of reinforcement learning algorithms.
     OpenAIベースラインの分岐、強化学習アルゴリズムの実装。
  • statsmodels==0.10.2:
     Statistical computations and models for Python
     Pythonの統計計算とモデル
  • sympy==1.1.1:
     Computer algebra system (CAS) in Python
     Pythonのコンピューター代数システム(CAS)
  • tables==3.4.4:
     Hierarchical datasets for Python
     Pythonの階層データセット
  • tabulate==0.8.6:
     Pretty-print tabular data
     プリティプリントの表形式データ
  • tblib==1.6.0:
     Traceback serialization library.
     トレースバックシリアル化ライブラリ。
  • tensor2tensor==1.14.1:
     Tensor2Tensor
     Tensor2Tensor
  • tensorboard==1.15.0:
     TensorBoard lets you watch Tensors Flow
     TensorBoardでは、Tensors Flowを見ることができます
  • tensorboardcolab==0.0.22:
     No project description provided
     プロジェクトの説明がありません
  • tensorflow==1.15.0:
     TensorFlow is an open source machine learning framework for everyone.
     TensorFlowは、誰にとってもオープンソースの機械学習フレームワークです。
  • tensorflow-datasets==2.0.0:
     tensorflow/datasets is a library of datasets ready to use with TensorFlow.
     tensorflow / datasetsは、TensorFlowですぐに使用できるデータセットのライブラリです。
  • tensorflow-estimator==1.15.1:
     TensorFlow Estimator.
     TensorFlow Estimator。
  • tensorflow-gan==2.0.0:
     TF-GAN: A Generative Adversarial Networks library for TensorFlow.
     TF-GAN:TensorFlow用の生成的敵対ネットワークライブラリ。
  • tensorflow-hub==0.7.0:
     TensorFlow Hub is a library to foster the publication, discovery, and consumption of reusable parts of machine learning models.
     TensorFlow Hubは、機械学習モデルの再利用可能な部分の公開、発見、消費を促進するためのライブラリです。
  • tensorflow-metadata==0.21.1:
     Library and standards for schema and statistics.
     スキーマと統計のライブラリと標準。
  • tensorflow-privacy==0.2.2:
     No project description provided
     プロジェクトの説明がありません
  • tensorflow-probability==0.7.0:
     Probabilistic modeling and statistical inference in TensorFlow
     TensorFlowの確率的モデリングと統計的推論
  • termcolor==1.1.0:
     ANSII Color formatting for output in terminal.
     ANSII端末での出力用の色の書式設定。
  • terminado==0.8.3:
     Terminals served to xterm.js using Tornado websockets
     トルネードWebソケットを使用してxterm.jsに提供される端末
  • testpath==0.4.4:
     Test utilities for code working with files and commands
     ファイルおよびコマンドを操作するコードのテストユーティリティ
  • text-unidecode==1.3:
     The most basic Text::Unidecode port
     最も基本的なText :: Unidecodeポート
  • textblob==0.15.3:
     Simple, Pythonic text processing. Sentiment analysis, part-of-speech tagging, noun phrase parsing, and more.
     シンプルでPythonicなテキスト処理。感情分析、品詞タグ付け、名詞句解析など。
  • textgenrnn==1.4.1:
     Easily train your own text-generating neural network of any size and complexity
     任意のサイズと複雑さのテキスト生成ニューラルネットワークを簡単にトレーニングする
  • tflearn==0.3.2:
     Deep Learning Library featuring a higher-level API for TensorFlow
     TensorFlowの高レベルAPIを備えたディープラーニングライブラリ
  • Theano==1.0.4:
     Optimizing compiler for evaluating mathematical expressions on CPUs and GPUs.
     CPUおよびGPUで数式を評価するための最適化コンパイラ。
  • thinc==7.0.8:
     Practical Machine Learning for NLP
     NLPの実用的な機械学習
  • toolz==0.10.0:
     List processing tools and functional utilities
     リスト処理ツールと機能ユーティリティ
  • torch==1.4.0:
     Tensors and Dynamic neural networks in Python with strong GPU acceleration
     強力なGPUアクセラレーションを備えたPythonのテンソルと動的ニューラルネットワーク
  • torchsummary==1.5.1:
     Model summary in PyTorch similar to model.summary() in Keras
     Kerasの model.summary()に似たPyTorchのモデルの概要
  • torchtext==0.3.1:
     Text utilities and datasets for PyTorch
     PyTorchのテキストユーティリティとデータセット
  • torchvision==0.5.0:
     image and video datasets and models for torch deep learning
     トーチの深層学習のための画像とビデオのデータセットとモデル
  • tornado==4.5.3:
     Tornado is a Python web framework and asynchronous networking library, originally developed at FriendFeed.
     Tornadoは、もともとFriendFeedで開発されたPython Webフレームワークおよび非同期ネットワークライブラリです。
  • tqdm==4.28.1:
     Fast, Extensible Progress Meter
     高速で拡張可能なプログレスメーター
  • traitlets==4.3.3:
     Traitlets Python config system
     Traitlets Python構成システム
  • tweepy==3.6.0:
     Twitter library for python
     Python用のTwitterライブラリ
  • typing==3.6.6:
     Type Hints for Python
     Pythonのタイプヒント
  • typing-extensions==3.6.6:
     Backported and Experimental Type Hints for Python 3.5+
     Python 3.5+用のバックポートされた実験的なタイプヒント
  • tzlocal==1.5.1:
     tzinfo object for the local timezone
     ローカルタイムゾーンのtzinfoオブジェクト
  • umap-learn==0.3.10:
     Uniform Manifold Approximation and Projection
     一様多様体の近似と投影
  • uritemplate==3.0.1:
     URI templates
     URIテンプレート
  • urllib3==1.24.3:
     HTTP library with thread-safe connection pooling, file post, and more.
     スレッドセーフ接続プーリング、ファイルポストなどを備えたHTTPライブラリ。
  • vega-datasets==0.8.0:
     A Python package for offline access to Vega datasets
     Vegaデータセットへのオフラインアクセス用のPythonパッケージ
  • wasabi==0.6.0:
     A lightweight console printing and formatting toolkit
     軽量のコンソール印刷およびフォーマットツールキット
  • wcwidth==0.1.8:
     Measures number of Terminal column cells of wide-character codes
     ワイド文字コードのターミナル列セルの数を測定します
  • webencodings==0.5.1:
     Character encoding aliases for legacy web content
     レガシーWebコンテンツの文字エンコードエイリアス
  • Werkzeug==1.0.0:
     The comprehensive WSGI web application library.
     包括的なWSGI Webアプリケーションライブラリ。
  • widgetsnbextension==3.5.1:
     IPython HTML widgets for Jupyter
     Jupyter用のIPython HTMLウィジェット
  • wordcloud==1.5.0:
     A little word cloud generator
     小さな単語クラウドジェネレーター
  • wrapt==1.11.2:
     Module for decorators, wrappers and monkey patching.
     デコレータ、ラッパー、およびモンキーパッチのモジュール。
  • xarray==0.14.1:
     N-D labeled arrays and datasets in Python
     PythonのN-Dラベル付き配列とデータセット
  • xgboost==0.90:
     XGBoost Python Package
     XGBoost Pythonパッケージ
  • xkit==0.0.0:
     Does not exist in PyPI index! library for the manipulation of the xorg.conf
      PyPIインデックスには存在しません! xorg.confを操作するためのライブラリ
  • xlrd==1.1.0:
     Library for developers to extract data from Microsoft Excel (tm) spreadsheet files
     開発者がMicrosoft Excel(tm)スプレッドシートファイルからデータを抽出するためのライブラリ
  • xlwt==1.3.0:
     Library to create spreadsheet files compatible with MS Excel 97/2000/XP/2003 XLS files, on any platform, with Python 2.6, 2.7, 3.3+
     Python 2.6、2.7、3.3+を使用して、任意のプラットフォームでMS Excel 97/2000 / XP / 2003 XLSファイルと互換性のあるスプレッドシートファイルを作成するためのライブラリ
  • yellowbrick==0.9.1:
     A suite of visual analysis and diagnostic tools for machine learning.
     機械学習用の視覚分析および診断ツールのスイート。
  • zict==1.0.0:
     Mutable mapping tools
     可変マッピングツール
  • zipp==3.1.0:
     Backport of pathlib-compatible object wrapper for zip files
     zipファイル用のpathlib互換オブジェクトラッパーのバックポート
  • zmq==0.0.0:
     You are probably looking for pyzmq.
     おそらくpyzmqを探しています。

AWS Innovate 2020招待のヨビノリ動画で「機械学習とはなんぞや」を学ぼう

本日2020年3月10日(火)から4月17日(金)まで「AWS Innovate オンラインカンファレンス」が開催されています。ライブセッションは終わってしまったので、以後はオンデマンドでセッション動画を視聴できます。その目玉企画の一つとして、数学系人気YouTuberのヨビノリたくみ氏の招待講演があります。

ヨビノリとは、「予備校のノリで学ぶ「大学の数学・物理」 - YouTube」のことです。教科書的な網羅性はないのですが、ピンポイントで理解したい項目が動画になっており、非常に分かりやすいので、統計学を中心に私もよく視聴しています。

そのヨビノリたくみ氏が「機械学習」について講演するということで視聴してみました。そこで知らない人や興味がある人に向けてセッション内容をスクリーンキャプチャーベースで紹介します。

セッション概要

[K-2] 招待講演: 機械学習の「そと」と「なか」

機械学習とは何なのか。そして、その機械学習で何ができるのか。という『そと』の話。 そして、その背景にはどのような数学が使われているのか。という『なか』の話について、前提知識なしでわかるように解説する。「これからもっと勉強してみたい!」と思える超入門的な講義です。

誰向けの動画なのか?

機械学習についてはまったく知らない人向けですね。ヨビノリたくみ氏らしくすごく分かりやすいです。AWSはまったく関係がない内容です。

初心者レベルの人で「機械学習と数学をきちんと結び付けたい」と思っている人は視聴してみるとよいです。約48分です。

説明の流れ

イントロ「できること」と「数学」

f:id:misshiki:20200310184607p:plain
イントロ「できること」と「数学」

「機械学習とは何か」の概要説明

f:id:misshiki:20200310184644p:plain
「機械学習とは何か」の概要説明

値の予測(回帰)

f:id:misshiki:20200310184657p:plain
値の予測(回帰)

クラスの識別(分類)

f:id:misshiki:20200310184713p:plain
クラスの識別(分類)

教師あり/教師なし学習

f:id:misshiki:20200310184727p:plain
教師あり/教師なし学習

クラスタリング

f:id:misshiki:20200310184746p:plain
クラスタリング

次元削減

f:id:misshiki:20200310184812p:plain
次元削減

本の紹介1『人工知能プログラミングのための数学がわかる本』

この本は自分も持っていて読みました。きれいに整理された項目で勉強しやすいです。リファレンスとしても使いやすいと感じています。

f:id:misshiki:20200310184832p:plain
『人工知能プログラミングのための数学がわかる本』

本の紹介2『機械学習入門 ボルツマン機械学習から深層学習まで』

この本も自分も持っていて読みました。直感的なイメージで説明してくれているので確かに分かりやすいです。

f:id:misshiki:20200310184848p:plain
『機械学習入門 ボルツマン機械学習から深層学習まで』

本の紹介3『Pythonで機械学習入門: 深層学習から敵対的生成ネットワークまで』

持っておらず読んでいないのでどんな本かは知らないです。

f:id:misshiki:20200310184911p:plain
『Pythonで機械学習入門: 深層学習から敵対的生成ネットワークまで』

本の紹介4『人工知能は人間を超えるか』

この本は最初に買った本ですね。2~3回読んで、Audibleで5回以上聞きました。この本の内容はAudibleで散歩中に聞くとかで十分なぐらい分かりやすいです。自分はAudible初回登録時の「無料期間」で聞いたのですが、無料で聞けるならAudibleがお勧めです。

ただし2015年11月に発売された本で内容が古いですね...。本当は本をアップデートしてほしい。同じくらい良い本もなかなかないので仕方ないんですけど。

f:id:misshiki:20200310184932p:plain
人工知能は人間を超えるか』

内容を視聴したい場合は...

AWS Innovate オンラインカンファレンス」のサイトを訪れてください。

Google Chromeでlocalhostへアクセスするとhttpsにリダイレクトされてしまう問題の解消方法

Google Chromeで「http://localhost:8888」などのlocalhostにアクセスしようとして、以下のように表示され、ページが開けずに困っていないでしょうか?

f:id:misshiki:20200309234635p:plain
ERR_CONNECTION_REFUSED
このサイトにアクセスできませんlocalhost で接続が拒否されました。 次をお試しください - 接続を確認する - プロキシとファイアウォールを確認する

Chromeのキャッシュを消したり、いろいろやったりしたけど分からず、よく見ると、勝手に「https」にリダイレクトされているし、何これと、自分は数時間を費やしてしまいました。同様にお困りの人がいるかもしれないので、同じ問題に当たった人の時間節約のために解決方法を紹介しておきます。

最終的に参考になったのは、こちらの情報でした: Google Chrome redirecting localhost to https - Stack Overflow

原因はHSTS。自分の場合は昔なんかやったような思い当たるふしがありました。解決方法は以下の通り。

  1. Chromeのアドレスバーに「chrome://net-internals/#hsts」と入力して開く
  2. 一番下にある[Delete domain security policies]の[Domain]欄に「localhost」(日にちが経っちゃったので忘れたけど「localhost:8888」かも)を入力して[Delete]キーを押す

f:id:misshiki:20200309235928p:plain
HSTSのドメインを消す

当面これでうまく動作するみたいです。「http://localhost:8888」ってJupyter Notebookが使っているんですよね。

書き殴りですが以上です。

お勧めのMathJax設定方法(構成や日本語表示など)

いろんなところで数式レンダリングにMathJaxを使っています。最近v3を使ってみたのですが、表示が壊れるケースが多く、またv2の最新版に戻しました。

自分のためにも日本語表示方法など調べて対応したので備忘録として知見をまとめておきます。

v3を使ったときに日本語にメイリオ(Windows)を使ってみる例。ローカルで使っていたので汎用的な書き方ではないと思います。

<script>
MathJax = {
  tex: {
    inlineMath: [
      ['$', '$'],
      ['\\(', '\\)']
    ],
    displayMath: [
      ['$$', '$$'],
      ['\\[', '\\]']
    ]
  },
  options: {
    skipHtmlTags: ["script", "noscript", "style", "textarea", "pre", "code"]
  }
};
</script>
<script src="https://polyfill.io/v3/polyfill.min.js?features=es6"></script>
<script id="MathJax-script" async src="https://cdn.jsdelivr.net/npm/mathjax@3/es5/tex-chtml.js">
</script>
<style>
mjx-container mjx-utext { font-family: Meiryo !important; }
mjx-container svg text { font-family: Meiryo !important; }
mjx-container[display="true"] { margin: 0 !important; padding: 2px 0 4px 0 !important; }
mjx-mid mjx-c::before { padding-top: 0.13em !important; }
</style>

次にv2に戻したときに書いた例。

<script src='https://cdnjs.cloudflare.com/ajax/libs/mathjax/2.7.7/MathJax.js?config=TeX-AMS_HTML-full'>
  MathJax.Hub.Config({
    "fast-preview": {disabled:true},
    tex2jax: {
      preview: "none",
      inlineMath: [['$','$'],['\\(','\\)']],
      displayMath: [['$$','$$'],['\\[','\\]']],
      skipTags: ["script", "noscript", "style", "textarea", "pre", "code"],
      processEscapes: true
    },
    "HTML-CSS": {
      undefinedFamily: "Meiryo, STIXGeneral, 'Arial Unicode MS', serif"
    }
  });
</script>

ちなみに、config=[入力形式_出力形式]で定義できます。

  • TeX-AMS_HTML:
    • TeX-AMS:数学の入力にTeX/LaTeX書式のみを使用する(※MathML書式は使わない)。なお「TeX-AMS」とは「AMS(American Mathematical Society:アメリカ数学会)」が開発したTex書式であること示す
    • HTML: HTML&CSSによる出力のみを行う(※MML出力は行わない)
  • ファイル名のサフィックス「-full」は、「完全版」フレーバーであること(※「標準版」フレーバーではない)を示す。「完全版」だと、数学レンダリングに必要なものはすべて事前にロードされる。そのためロード後の数式表示に遅延が発生しない

MathJaxはロードが遅いから(※もっと最適化する方法はあるのかなと思うけど時間的に調べ切れていません)、KaTeXに移行した方がいいのかもだけど、機能面とかどうなんだろうとか思って手をまだ出せていません。

はてなブログのMarkdownにも以下のような数式を書く書式があるけど、通常は$を使って書いてるから面倒くさいですね。

[tex:数式]

取りあえず以下のように書いてみていますが、この書き方で取りあえず問題はあまり出なさそうです。

【ブロックの場合】

<div>
$$
\begin{align}
y=x^{2} \cdots 数式1 \\
y=x^{3} \cdots 数式2
\end{align}
$$
</div>
$$ \begin{align} y=x^{2} \cdots 数式1 \\ y=x^{3} \cdots 数式2 \end{align} $$

【インラインの場合】

数式「<span>$y=x^{2}$</span>」をインラインで書く。

数式「$y=x^{2}$」をインラインで書く。

上記の通りで数式が反映されているのではないかと。