2023,江端さんの技術メモ

Pythonを使った因子分析のコード を そのまま使わせて頂いています。
【Pythonで行う】因子分析

# ebata@DESKTOP-P6KREM0:/mnt/c/Users/ebata/go-efa$ python3 main3.py

# ライブラリのインポート
import numpy as np
import pandas as pd
import matplotlib.pyplot as plt
import japanize_matplotlib
from factor_analyzer import FactorAnalyzer

# データの読み込み
df_workers = pd.read_csv("sample_factor.csv")
print(df_workers)

# 変数の標準化
df_workers_std = df_workers.apply(lambda x: (x-x.mean())/x.std(), axis=0)

# 固有値を求める
ei = np.linalg.eigvals(df_workers.corr())
print("固有値", ei)

# 因子分析の実行
fa = FactorAnalyzer(n_factors=2, rotation="promax")
fa.fit(df_workers_std)

# 因子負荷量,共通性
loadings_df = pd.DataFrame(fa.loadings_, columns=["第1因子", "第2因子"])
loadings_df.index = df_workers.columns
loadings_df["共通性"] = fa.get_communalities()
print(loadings_df)

# 因子負荷量の二乗和,寄与率,累積寄与率
var = fa.get_factor_variance()
df_var = pd.DataFrame(list(zip(var[0], var[1], var[2])), 
                      index=["第1因子", "第2因子"], 
                      columns=["因子負荷量の二乗和", "寄与率", "累積寄与率"])
print(df_var.T)

# バイプロットの作図
score = fa.transform(df_workers_std)
coeff = fa.loadings_.T
fa1 = 0
fa2 = 1
labels = df_workers.columns
annotations = df_workers.index
xs = score[:, fa1]
ys = score[:, fa2]
n = score.shape[1]
scalex = 1.0 / (xs.max() - xs.min())
scaley = 1.0 / (ys.max() - ys.min())
X = xs * scalex
Y = ys * scaley
for i, label in enumerate(annotations):
    plt.annotate(label, (X[i], Y[i]))
for j in range(coeff.shape[1]):
    plt.arrow(0, 0, coeff[fa1, j], coeff[fa2, j], color='r', alpha=0.5, 
              head_width=0.03, head_length=0.015)
    plt.text(coeff[fa1, j] * 1.15, coeff[fa2, j] * 1.15, labels[j], color='r', 
             ha='center', va='center')
plt.xlim(-1, 1)
plt.ylim(-1, 1)
plt.xlabel("第1因子")
plt.ylabel("第2因子")
plt.grid()
plt.show()

Pythonを使ったGAのコード を そのまま使わせて頂いています。

【python】遺伝的アルゴリズム(Genetic Algorithm)を実装してみる

遺伝配列を0/1を、便宜的に0~4にして動くよう、一部改造させて頂いております。

# ebata@DESKTOP-P6KREM0:/mnt/c/Users/ebata/go-efa$ python3 ga.py

import numpy as np
import matplotlib.pyplot as plt

class Individual:
    '''各個体のクラス
        args: 個体の持つ遺伝子情報(np.array)'''
    def __init__(self, genom):
        self.genom = genom
        self.fitness = 0  # 個体の適応度(set_fitness関数で設定)
        self.set_fitness()

    def set_fitness(self):
        '''個体に対する目的関数(OneMax)の値をself.fitnessに代入'''
        self.fitness = self.genom.sum()

    def get_fitness(self):
        '''self.fitnessを出力'''
        return self.fitness

    def mutate(self):
        '''遺伝子の突然変異'''
        tmp = self.genom.copy()
        i = np.random.randint(0, len(self.genom) - 1)
        # tmp[i] = float(not self.genom[i]) 
        tmp[i] = np.random.randint(0, 5) #  江端修正
        self.genom = tmp
        self.set_fitness()


def select_roulette(generation):
    '''選択の関数(ルーレット方式)'''
    selected = []
    weights = [ind.get_fitness() for ind in generation]
    norm_weights = [ind.get_fitness() / sum(weights) for ind in generation]
    selected = np.random.choice(generation, size=len(generation), p=norm_weights)
    return selected


def select_tournament(generation):
    '''選択の関数(トーナメント方式)'''
    selected = []
    for i in range(len(generation)):
        tournament = np.random.choice(generation, 3, replace=False)
        max_genom = max(tournament, key=Individual.get_fitness).genom.copy()
        selected.append(Individual(max_genom))
    return selected


def crossover(selected):
    '''交叉の関数'''
    children = []
    if POPURATIONS % 2:
        selected.append(selected[0])
    for child1, child2 in zip(selected[::2], selected[1::2]):
        if np.random.rand() < CROSSOVER_PB:
            child1, child2 = cross_two_point_copy(child1, child2)
        children.append(child1)
        children.append(child2)
    children = children[:POPURATIONS]
    return children


def cross_two_point_copy(child1, child2):
    '''二点交叉'''
    size = len(child1.genom)
    tmp1 = child1.genom.copy()
    tmp2 = child2.genom.copy()
    cxpoint1 = np.random.randint(1, size)
    cxpoint2 = np.random.randint(1, size - 1)
    if cxpoint2 >= cxpoint1:
        cxpoint2 += 1
    else:
        cxpoint1, cxpoint2 = cxpoint2, cxpoint1
    tmp1[cxpoint1:cxpoint2], tmp2[cxpoint1:cxpoint2] = tmp2[cxpoint1:cxpoint2].copy(), tmp1[cxpoint1:cxpoint2].copy()
    new_child1 = Individual(tmp1)
    new_child2 = Individual(tmp2)
    return new_child1, new_child2


def mutate(children):
    for child in children:
        if np.random.rand() < MUTATION_PB:
            child.mutate()
    return children


def create_generation(POPURATIONS, GENOMS):
    '''初期世代の作成
        return: 個体クラスのリスト'''
    generation = []
    for i in range(POPURATIONS):
        # individual = Individual(np.random.randint(0, 2, GENOMS))
        individual = Individual(np.random.randint(0, 5, GENOMS))
        generation.append(individual)
    return generation


def ga_solve(generation):
    '''遺伝的アルゴリズムのソルバー
        return: 最終世代の最高適応値の個体、最低適応値の個体'''
    best = []
    worst = []
    # --- Generation loop
    print('Generation loop start.')
    for i in range(GENERATIONS):
        # --- Step1. Print fitness in the generation
        best_ind = max(generation, key=Individual.get_fitness)
        best.append(best_ind.fitness)
        worst_ind = min(generation, key=Individual.get_fitness)
        worst.append(worst_ind.fitness)
        print("Generation: " + str(i) \
                + ": Best fitness: " + str(best_ind.fitness) \
                + ". Worst fitness: " + str(worst_ind.fitness))

        # --- Step2. Selection (Roulette)
        # selected = select_roulette(generation)
        selected = select_tournament(generation)

        # --- Step3. Crossover (two_point_copy)
        children = crossover(selected)

        # --- Step4. Mutation
        generation = mutate(children)

    print("Generation loop ended. The best individual: ")
    print(best_ind.genom)
    return best, worst


np.random.seed(seed=65)

# param
POPURATIONS = 100
# GENOMS = 50 # 江端修正
GENOMS = 160
GENERATIONS = 1000
CROSSOVER_PB = 0.8
MUTATION_PB = 0.1

# create first genetarion
generation = create_generation(POPURATIONS, GENOMS)

# solve
best, worst = ga_solve(generation)

# plot
fig, ax = plt.subplots()
ax.plot(best, label='max')
ax.plot(worst, label='min')
ax.axhline(y=GENOMS, color='black', linestyle=':', label='true')
ax.set_xlim([0, GENERATIONS - 1])
#ax.set_ylim([0, GENOMS * 1.1])
ax.set_ylim([0, GENOMS * 2.2])
ax.legend(loc='best')
ax.set_xlabel('Generations')
ax.set_ylabel('Fitness')
ax.set_title('Tournament Select')
plt.show()

 

明日は、この2つをマージして、目的のプログラムを完成させます。

以下のプログラムは、20個のデータを使って因子分析を行い、その分析因子分析を同じ結果を生み出す200個のダミーデータを作成します。

アルゴリズムの説明は省略します(が、私は分かっています)。

まず、データ(sample_factory.csv)

x1,x2,x3,x4,x5,x6,x7,x8
2,4,4,1,3,2,2,1
5,2,1,3,1,4,2,1
2,3,4,3,4,2,4,5
2,2,2,2,3,2,2,2
5,4,3,4,4,5,4,3
1,4,4,2,4,3,2,3
3,1,1,1,1,2,1,1
5,5,3,5,4,5,3,5
1,3,4,1,3,1,3,1
4,4,3,1,4,4,2,1
3,3,3,2,4,4,4,2
1,2,1,3,1,1,1,1
5,2,3,5,2,5,1,3
4,1,1,3,1,2,2,1
1,1,1,1,2,1,2,1
3,1,2,1,1,3,2,1
1,2,3,5,2,2,2,2
3,1,1,3,2,4,2,1
3,2,3,2,2,2,2,5
1,4,3,1,4,3,5,3

以下、GAのコード

# ebata@DESKTOP-P6KREM0:/mnt/c/Users/ebata/go-efa$ python3 ga-factory2.py

# ライブラリのインポート
import numpy as np
import pandas as pd
import matplotlib.pyplot as plt
# import japanize_matplotlibe
from factor_analyzer import FactorAnalyzer
import matplotlib.pyplot as plt

class Individual:
    '''各個体のクラス
        args: 個体の持つ遺伝子情報(np.array)'''
    def __init__(self, genom):
        self.genom = genom
        self.fitness = 0  # 個体の適応度(set_fitness関数で設定)
        self.set_fitness()

    def set_fitness(self):
        '''個体に対する目的関数(OneMax)の値をself.fitnessに代入'''
        # まずgenomを行列にデータに変換する
        # self.fitness = self.genom.sum()

        # 遺伝子列を行列に変換
        arr2d = self.genom.reshape((-1, 8)) # 列が分からない場合は、-1にするとよい

        # 各列の平均と標準偏差を計算
        mean = np.mean(arr2d, axis=0)
        std = np.std(arr2d, axis=0)

        # 標準偏差値に変換
        standardized_arr2d = (arr2d - mean) / std

        # 因子分析の実行
        fa_arr2d = FactorAnalyzer(n_factors=2, rotation="promax")
        fa_arr2d.fit(standardized_arr2d)

        # 因子分析行列の算出
        loadings_arr2d = fa_arr2d.loadings_

        # 因子分析行列の差分算出
        distance2 = euclidean_distance(fa.loadings_, loadings_arr2d)
        # print(distance2)
        
        # とりあえず評価関数をこの辺から始めてみる
        self.fitness = 1 / distance2

    def get_fitness(self):
        '''self.fitnessを出力'''
        return self.fitness

    def mutate(self):
        '''遺伝子の突然変異'''
        tmp = self.genom.copy()
        i = np.random.randint(0, len(self.genom) - 1)
        # tmp[i] = float(not self.genom[i]) 
        tmp[i] = np.random.randint(1, 6) #  江端修正
        self.genom = tmp
        self.set_fitness()


def euclidean_distance(matrix_a, matrix_b):
    # 行列Aと行列Bの要素ごとの差を計算します
    diff = matrix_a - matrix_b
    
    # 差の二乗を計算します
    squared_diff = np.square(diff)
    
    # 差の二乗の和を計算します
    sum_squared_diff = np.sum(squared_diff)
    
    # 和の平方根を計算します
    distance = np.sqrt(sum_squared_diff)
    
    return distance


def select_roulette(generation):
    '''選択の関数(ルーレット方式)'''
    selected = []
    weights = [ind.get_fitness() for ind in generation]
    norm_weights = [ind.get_fitness() / sum(weights) for ind in generation]
    selected = np.random.choice(generation, size=len(generation), p=norm_weights)
    return selected


def select_tournament(generation):
    '''選択の関数(トーナメント方式)'''
    selected = []
    for i in range(len(generation)):
        tournament = np.random.choice(generation, 3, replace=False)
        max_genom = max(tournament, key=Individual.get_fitness).genom.copy()
        selected.append(Individual(max_genom))
    return selected


def crossover(selected):
    '''交叉の関数'''
    children = []
    if POPURATIONS % 2:
        selected.append(selected[0])
    for child1, child2 in zip(selected[::2], selected[1::2]):
        if np.random.rand() < CROSSOVER_PB:
            child1, child2 = cross_two_point_copy(child1, child2)
        children.append(child1)
        children.append(child2)
    children = children[:POPURATIONS]
    return children


def cross_two_point_copy(child1, child2):
    '''二点交叉'''
    size = len(child1.genom)
    tmp1 = child1.genom.copy()
    tmp2 = child2.genom.copy()
    cxpoint1 = np.random.randint(1, size)
    cxpoint2 = np.random.randint(1, size - 1)
    if cxpoint2 >= cxpoint1:
        cxpoint2 += 1
    else:
        cxpoint1, cxpoint2 = cxpoint2, cxpoint1
    tmp1[cxpoint1:cxpoint2], tmp2[cxpoint1:cxpoint2] = tmp2[cxpoint1:cxpoint2].copy(), tmp1[cxpoint1:cxpoint2].copy()
    new_child1 = Individual(tmp1)
    new_child2 = Individual(tmp2)
    return new_child1, new_child2


def mutate(children):
    for child in children:
        if np.random.rand() < MUTATION_PB:
            child.mutate()
    return children


def create_generation(POPURATIONS, GENOMS):
    '''初期世代の作成
        return: 個体クラスのリスト'''
    generation = []
    for i in range(POPURATIONS):  # POPURATIONS = 100
        # individual = Individual(np.random.randint(0, 2, GENOMS))
        individual = Individual(np.random.randint(1, 6, GENOMS))
        generation.append(individual)
    return generation


def ga_solve(generation):
    '''遺伝的アルゴリズムのソルバー
        return: 最終世代の最高適応値の個体、最低適応値の個体'''
    best = []
    worst = []
    # --- Generation loop
    print('Generation loop start.')
    for i in range(GENERATIONS):
        # --- Step1. Print fitness in the generation
        best_ind = max(generation, key=Individual.get_fitness)
        best.append(best_ind.fitness)
        worst_ind = min(generation, key=Individual.get_fitness)
        worst.append(worst_ind.fitness)
        print("Generation: " + str(i) \
                + ": Best fitness: " + str(best_ind.fitness) \
                + ". Worst fitness: " + str(worst_ind.fitness))

        # --- Step2. Selection (Roulette)
        # selected = select_roulette(generation)
        selected = select_tournament(generation)

        # --- Step3. Crossover (two_point_copy)
        children = crossover(selected)

        # --- Step4. Mutation
        generation = mutate(children)

    print("Generation loop ended. The best individual: ")
    print(best_ind.genom)
    return best, worst



np.random.seed(seed=65)

# param
POPURATIONS = 100  # 個体数
# GENOMS = 50 # 江端修正

# GENOMS = 160 # GENの長さ
GENOMS = 1600 # GENの長さ 1つのデータが8個の整数からなるので、合計200個のデ0タとなる 

GENERATIONS = 1000
CROSSOVER_PB = 0.8

# MUTATION_PB = 0.1 
MUTATION_PB = 0.3 # ミューテーションは大きい方が良いように思える

# ファイルからデータの読み込み
df_workers = pd.read_csv("sample_factor.csv")
print(df_workers)

# 変数の標準化
df_workers_std = df_workers.apply(lambda x: (x-x.mean())/x.std(), axis=0)
print(df_workers_std)


# 固有値を求める(不要と思うけど、残しておく)
ei = np.linalg.eigvals(df_workers.corr())
print(ei)

print("因子分析の実行") # 絶対必要
fa = FactorAnalyzer(n_factors=2, rotation="promax")
fa.fit(df_workers_std)

# print(fa.loadings_) # これが因子分析の行列


# 因子負荷量,共通性(不要と思うけど、残しておく)
loadings_df = pd.DataFrame(fa.loadings_, columns=["第1因子", "第2因子"])
loadings_df.index = df_workers.columns
loadings_df["共通性"] = fa.get_communalities()

# 因子負荷量の二乗和,寄与率,累積寄与率(不要と思うけど、残しておく)
var = fa.get_factor_variance()
df_var = pd.DataFrame(list(zip(var[0], var[1], var[2])), 
                      index=["第1因子", "第2因子"], 
                      columns=["因子負荷量の二乗和", "寄与率", "累積寄与率"])
print(df_var.T)



# create first genetarion
generation = create_generation(POPURATIONS, GENOMS)

# solve
best, worst = ga_solve(generation)

# plot

#fig, ax = plt.subplots()
#ax.plot(best, label='max')
#ax.plot(worst, label='min')
#ax.axhline(y=GENOMS, color='black', linestyle=':', label='true')
#ax.set_xlim([0, GENERATIONS - 1])
#ax.set_ylim([0, GENOMS * 1.1])
#ax.legend(loc='best')
#ax.set_xlabel('Generations')
#ax.set_ylabel('Fitness')
#ax.set_title('Tournament Select')
#plt.show()

ga-factory2.py :200固体  主成分行列からの距離は、distance2(これが一致度) 評価関数は、この逆数を使っているだけ

ga-factory3.py :2000固体

以上

 

2023,江端さんの技術メモ

PythonからGo、GoからPythonを呼び出し合う

で、勉強させて頂いております。

私、今、超スケーラブルな高速の遺伝的アルゴリズムをGo言語で実装しようとしているのですが、計算ライブラリの充実度はPythonが圧倒しているからです。

# 私が、Go言語で計算ライブラリを自作する、というのは、却下です(面倒くさい)

まあ、これは、元を辿ると"ChatGPTの責任"とも言えるのですが(押しつけ)

『ChatGPTは、もの凄く真摯な言葉で、嘘をつく』

取り敢えず、参照させて頂いたページのコードを、自分の環境に合わせて(といっても、結構苦労した"Python3.h"の場所が分からなかった)、ここまで動きました。

/* 
   環境
   wsl -d Ubuntu-20.04

   実行結果
   ebata@DESKTOP-P6KREM0:/mnt/c/Users/ebata/go-efa$ go run main1.go
   Hello, World! and Ebata is great
*/

package main

// #cgo CFLAGS: -I/usr/include/python3.9
// #cgo LDFLAGS: -L/usr/lib/pytho3.9 -lpython3.9
// #include 
import "C"
// import "C"のうえに改行いれるとエラーになる(信じられないが)

func main() {
    //  最後にPythonインタプリタ終了
    defer C.Py_Finalize()
    // Pythonインタプリタの初期化
    C.Py_Initialize()
    // GoのstringをCのcharに型変換(変換しないとPyRun_SimpleStringに型合ってないよって怒られる)
    // cannot use "print(\"Hello, World!\")" (type string) as type *_Ctype_char in argument to _Cfunc_PyRun_SimpleString
    pyCodeStr := `print("Hello, World! and Ebata is great!")`
    pyCodeChar := C.CString(pyCodeStr)
    // Pythonコードを文字列として受け取ってインタプリタ上で実行
    C.PyRun_SimpleString(pyCodeChar)

}

ようするに、このプログラムは、Go言語を使って、Pythonのインタプリタに一行づつコマンドを打ち込むプログラムのようです。

pythonのライブラリを使えるという訳でないようです。

GoとPythonをマージする方法は、どうも調子がよくないようです。

GoとPythonとGrumpyの速度ベンチマーク ~Googleのトランスパイラはどれくらい速い?~

 

2023,江端さんの忘備録

「愚者は経験に学び、賢者は歴史に学ぶ」は、ビスマルクの格言ですが、

"Fools learn from experience, and wises learn from history" was Bismarck's maxim, however,

―― もはや、賢者も歴史から学ぶことはできないんじゃないかなぁ

"I wonder if the wise can no longer learn from history."

という気がしています。

I come to think so.

すぐに思う浮ぶのは「コロナ」と「ウクライナ」です。

The two that immediately come to mind are "Corona" and "Ukraine."

全く、予想もできない事態が起きて、私のような素人はもちろん、いわゆる専門家と言われている人ですら、予測の範囲内にないことが発生し続いてきましたし、続けています。

Unpredictable events that are not within the scope of prediction of even so-called experts, let alone laypeople like myself, have occurred and continue to happen.

例えば ―― 『我が国は、とっとと白旗を上げて降参していれば良かった』という、太平洋戦争における米国との戦争についての私の歴史認識は、今、現在進行形で『本当にそうだったのかな?』と思わせるに至っています。

For example -- "My historical perception of the war with the United States in the Pacific War, that 'Our country should have just raised the white flag and surrendered,' is now ongoing, leading me to wonder, 'Was that the case?'"

歴史に学ぶのであれば、こんな疑問は発生してこないはずです。

If I were to learn from history, such questions would not arise.

(まあ、軍事大国が必ずしも勝利しないことは、ベトナムやアフガニスタンでの米国を見れは明かですが)

(The military superpower doesn't always win, as evidenced by the U.S. in Vietnam and Afghanistan.)

まあ、現在のウクライナと当時の日本では、状況は違い過ぎますが、その状況も含めて、『経験からも歴史からも、正解は導き出せない』と思うのです。

The situation in Ukraine today is too different from that in Japan. Still, including that situation, I think 'the right answer cannot be derived from experience or history.

というか、『そもそも正解はあるのか?』

Or rather, 'Is there a right answer to begin with?'

-----

来年あたり、この日記を読み直して、『なんで、私は、こんな抽象的かつ哲学的な語りをしてりるんだ?』 と、頭の中に疑問符が浮んぶあるだろうと思い、一応、キーワードを残しておきます。

I'll leave you with a few keywords in case you reread this diary next year and wonder, "Why am I talking in such an abstract and philosophical way?" so I will leave some keywords here in case there will be a question mark in your mind.

"ワグネル反乱"

"The Wagner Rebellion."

"内乱に国際法は適用されるのか?"(*1)

"Does International Law Apply to Civil War?" (*1)

(*)https://www.cao.go.jp/pko/pko_j/organization/researcher/atpkonow/article063.html

どうやら、『現時点では、国家主権を超越する主体は存在しない(*2)』―― らしいです。

"At present, no entity transcends national sovereignty" (*2).

(*2)https://www.icrc.org/en/doc/assets/files/other/irrc-873-vite.pdf

-----

「世界中を敵に回しても」・・・? 世界中って、米軍も?

「世界中を敵に回しても」・・・? 世界中って、みたいに?

2023,江端さんの忘備録

私が、社会人大学院で、必死に調査研究をしているきっかけの一つが、『マージナル・オペレーション』である、と言ったら驚かれるかもしれませんが ―― これは事実です。

You may be surprised to hear me say that one of the reasons I am working so hard to research in a working graduate school is because of "Marginal Operations" -- this is true.

もっとも、その対象は、紛争や政治ではなく、通信デバイス(のワンオペ運用)です。

However, my concern is not conflict or politics but the one-operation of telecommunication devices.

ペーパーには、この本の引用も謝辞も記載していません(そんなことしたら、レビューアーがビックリするだろう)。

I have not included a citation or acknowledgment of the book in my paper (reviewers would be surprised if I did that).

ですが、もし、ちゃんと卒業できたら、芝村裕吏さんに御礼の手紙を差し上げよう、という気持ちはあります。

However, if I can graduate properly, I would like to send a letter of thanks to Mr. Yuri Shibamura.

バス、タクシー、鉄道の運行管理や予約管理では「戦闘」は発生しませんから、オペレーションの負荷は、随分小さくなるはずです。

-----

『マージナル・オペレーション』のシリーズは、私の居所の市民図書館がガッチリ蔵書していて、こちらから借りております。

The "Marginal Operations" series is held by the civic library where I live, and I have been borrowing it from there.

本を購入しないのは、お金が惜しのでなく、(私の自宅の)スペースが惜しいからです。

I don't buy books, not because I am sparing money, but because I am sparing space (in my home).

それでも、いつかはちゃんと紙の本を手元に置きたいと思って、電子書籍の購入は思い留まっています。

Still, I am holding off purchasing an e-book because I want a good paper book someday.

ともあれ、私の居所の図書館は、良い図書館です。

Anyway, the library where I live is good.

NHKと正面きってバトルを展開する胆力のある、我が街の誇るべき図書館です。

We are proud of our city's library, which has the gall to engage in a head-to-head battle with NHK.

-----

この図書館に『マージナル・オペレーション』シリーズの全部を揃えて貰うのを期待するは、私の傲慢というものです。

It would be arrogant of me to expect this library to have the entire "Marginal Operations" series.

今回、図書館に蔵書していなかった2冊を、久々にAmazonで購入しました。

This time, I purchased two books from Amazon.com that had not been in the library's collection for some time.

『喰い散らかすように読んではダメだぞ』と自分に言い聞かせていたのですが ―― 大学への往復(1日)で、2冊を読み終えてしまいました。

I told myself, 'Don't read it like going to eat it all up' -- but I finished two books on my way to and from the university in a day.

-----

―― こんな読み方はよくない

"Not a good manner to read this"

―― これからは、特許明細書、研究報告書、論文提出の後の「ご褒美」として、読むようにしよう

"From now on, I will read the series as a "reward" after submitting patent specifications, research reports, and papers."

と、改めて誓いました。

I vowed once again to do so.

2023,江端さんの忘備録

映像システムを構築する情報を求めて、13時から、実に10時間以上システムと格闘し続けました。

I have been struggling with the system for over 10 hours since 1:00 p.m. today in search of information to build a video system.

先程、中国語で書かれた、たった2行の情報から、システムの稼動に漕ぎつけました。

I have just gotten the system up and running based on just two lines of information written in Chinese.

(ちなみに、中国語は翻訳エンジンで解読しました)

(Incidentally, the Chinese were deciphered by a translation engine)

言うまでもありませんが、ChaGPTのほかに様々なツールを使い倒した上で、このザマです。

This is the case after using various tools in addition to ChaGPT.

『10時間あれば、一体どれだけのことができただろうか』 ―― などと考えたら、この仕事は『負け』です。

"How much could I have done with 10 hours?" If you think like that, you will 'lose' this field.

-----

システムやプログラミングは楽しいですが、専門性や特殊性が上がれば上がるほど、消費される時間がどんどん長くなっていきます。

Systems and programming are fun, but the more specialized and specific they become, the more and more time they consume.

費用対効果で考えるとどうなのかな、と考えてしまいます。

It makes me wonder how it would be cost-effective.

「中国語で書かれた、たった2行の情報を見つけ出す」ことに、いくらの値段が付けられるのか、私にも分かりません。

I don't know what price we can put on "finding just two lines of information written in Chinese."

-----

我が国にとって、デジタル化やプログラム教育は、避けては通れない道です。

For our country, digitization and programmed education are the inevitable paths.

マイナンバカード、絶賛問題噴出中ですが、私には、システム初期稼動時の避けて通れない「バグ出し」期間に見えます。

My number card, which has been causing many problems, seems to me to be an inevitable "bug out" period during the initial operation of the system.

もちろん、被害にあった人に対して、政府とベンダは、真摯な謝罪と相応の補償をしていく必要はありますが、マイナンバカードシステムを全面停止させる、という選択はありえないでしょう。

Of course, the government and vendors must offer sincere apologies and reasonable compensation to those affected. Still, there will be no choice but to shut down the MyNumber card system altogether.

なんやかんやいって『マイナンバーカード = 国民監視システム』というのは事実です。

After all, it is a fact that "My Number Card = National Surveillance System."

しかし、今やそのデメリットは『含み損益』くらいの重さしかありません。

But now its disadvantages are only as heavy as 'unrealized gains.'

これまでのような、ちんたらとした手動業務処理などと続けていたら、少子高齢化の巻き添えくらって、我が国は、明治維新レベルまで行政処理が退後するだろう ―― と、本気で私は思っています。

I seriously believe that if we continue with the slow and tedious manual processing of work as we have done up to now, the declining birthrate and aging population will drag our country down. Our administrative processes will be returned to the Meiji Restoration level.

ちなみに、我が国は、ビッグブラザーの監視社会として完成しています。いまさらジタバタしても遅いのです。

Incidentally, our country is completed as a Big Brother surveillance society. It is too late to be jittery now.

―― 一体、裁判所も、立法(国会)も、『識別子の取扱い』ごときに、なんで、こんなにゴタゴタしていやがるんだ

それどころか、私個人としては、ビッグブラザーの側の人間として協力したことすらあります ―― いわゆる、『権力の犬』です。

On the contrary, I have collaborated on Big Brother's side -- as the so-called "dogs of power."

長女から、「ついに"権力の犬"に成り下がったか」という感じで、問い詰められました。

-----

ともあれ、デジタル化やプログラム教育は、

Through digitization and programmed education, I believe that

『システムの不具合に「文句を言う」側の国民を、ごそっと、システムの不具合に「文句を言われる』側に異動させる』

"digitization and programming education will move many people who complain about system failures to the side of those who are complained about system failures."

ことになると思います。

『10時間かけて、たった2行の改修』という世界に、沢山の人間が投入されて、悲鳴を上げている地獄絵図を考えると

When I think of the hellish picture of so many people being put into the world of "10 hours of work and only two lines of renovation" and screaming,

―― 心底から楽しい

That makes me happy with all my heart.

2023,江端さんの技術メモ

Raspberry Pi Ubuntu Spinnaker SDK Setup
Raspberry Pi Ubuntu Spinnaker SDKのセットアップ

These steps describe using an Ubuntu desktop environment to install Ubuntu and the Spinnaker Python interface on a Raspberry Pi 3 B+. Commands to be run on the desktop are prefaced with (desktop)$, and commands to be run on the Raspberry Pi are prefaced with (pi)$

この手順では、Ubuntuデスクトップ環境を使用して、Raspberry Pi 3 B+にUbuntuとSpinnaker Pythonインターフェースをインストールする方法を説明します。デスクトップ上で実行するコマンドの前には(desktop)$を、Raspberry Pi上で実行するコマンドの前には(pi)$を付けます。

  1. Flash the latest Ubuntu image (at the time of writing: 18.04) to an SD card and perform first-time setup by following these instructions. You will need an HDMI cable, a monitor, and a keyboard. The Raspberry Pi must also be connected to your local network via Ethernet.
    最新のUbuntuイメージ(執筆時点では18.04)をSDカードに書き込み、以下の手順に従って初回セットアップを行う。HDMIケーブル、モニター、キーボードが必要です。また、Raspberry Piはイーサネット経由でローカルネットワークに接続されている必要があります。

  2. Perform basic software updates on the Pi:
    Piの基本的なソフトウェアアップデートを行う:
    (pi)$ sudo apt update && sudo apt upgrade
  3. Go to the FLIR File Download website for your camera. The software downloads will require a free FLIR account.
    お使いのカメラのフリアーファイルダウンロードサイトにアクセスします。ソフトウェアのダウンロードにはフリアーシステムズの無料アカウントが必要です。

  4. On the FLIR website, find the latest Linux Ubuntu ARM Operating System packages.
    フリアーシステムズのウェブサイトで、最新のLinux Ubuntu ARMオペレーティングシステムパッケージをご覧ください。

  5. Download the ARM64 packages for the Spinnaker SDK and Spinnaker Python Interface, and transfer them to the Raspberry Pi. Eg:
    Spinnaker SDK と Spinnaker Python Interface の ARM64 パッケージをダウンロードし、Raspberry Pi に転送します。例

    (pi)$ ip a # check pi's ip address
    (desktop)$ scp spinnaker-*-pkg.tar.gz spinnaker_python-*.tar \
     ubuntu@<pi's ip address>:~
  6. On the Raspberry Pi, untar the spinnaker sdk and enter the untarred directory
    Raspberry Pi上で、spinnaker sdkをuntarし、untarしたディレクトリに入ります。
  7. Read the README file fully, then run the install script. Eg:
    READMEファイルを十分に読んでから、インストールスクリプトを実行してください。例

    (pi)$ sudo sh install_spinnaker_arm.sh
  8. You will probably run into some dependency issues while installing the SDK. If that’s the case, missing packages can be installed manually with:
    SDKのインストール中に依存関係の問題に遭遇することもあるでしょう。その場合、不足しているパッケージを手動でインストールすることができます:

    (pi)$ sudo apt install <name-of-missing-package>
    
    
  9. Change back to your home directory, untar the python interface, then untar the python 3.6 interface.
    ホームディレクトリに戻り、pythonインターフェースをuntarし、python 3.6インターフェースをuntarする。

    (pi)$ tar -xf spinnaker_python-1.*.tar
    (pi)$ tar -xf spinnaker_python-1.*cp36*.tar.gz 
  10. Read the README.txt fully, then install numpy and the Spinnaker python interface. At the time of writing, there are no precompiled wheels for numpy on Ubuntu ARM, so pip will compile the package from souce. This will take several hours, but can be sped up a bit by increasing the Pi's swap size.
    README.txtを十分に読み、numpyとSpinnaker pythonインターフェースをインストールします。この記事を書いている時点では、Ubuntu ARMにはnumpy用のプリコンパイルホイールがないので、pipがソースからパッケージをコンパイルします。これには数時間かかりますが、Piのスワップサイズを大きくすることで少しスピードアップできます。

    (pi)$ sudo apt install dphys-swapfile # (optional)
    # follow the rest of the increasing swap size tutorial (optional)
    (pi)$ sudo apt install python3-pip
    (pi)$ python3 -m pip install numpy
    (pi)$ sudo python3 -m pip install spinnaker_python-1.*.whl
  11. Ensure the python module can be imported successfully:
    pythonモジュールが正常にインポートできることを確認する:

    (pi)$ python3 -c 'import PySpin' # should take a few seconds, then exit silently

    You will probably run into more dependency issues here. When you try to import PySpin with a missing dependency, you'll get an error along the lines of No Such File: <name-of-missing-package>.so. See step 8 for help resolving these issues.
    おそらくここで依存関係の問題にもっとぶつかるでしょう。依存関係が見つからないPySpinをインポートしようとすると、No Such File: <名前-of-missing-package>.soというエラーが表示されます。このような問題の解決についてはステップ8を参照してください。

  12. Increase the space allocated to USB devices on the Pi. This is needed so that the images taken by the camera can fit properly within RAM. Note: This change will not persist through reboot and must be repeated.
    PiのUSBデバイスに割り当てられる容量を増やす。これは、カメラで撮影された画像がRAM内に適切に収まるようにするために必要です。注意: この変更は再起動しても維持されないので、繰り返し行う必要があります。

    (pi)$ sudo sh -c 'echo 256 > /sys/module/usbcore/parameters/usbfs_memory_mb'
  13. Connect your USB 3.1 FLIR camera to the Raspberry Pi via USB.
    USB3.1フリアーシステムズのカメラをUSB経由でRaspberry Piに接続します。

  14. Change into the Examples directory for PySpin, and run the Acquisition.py example as root. If this succeeds, the camera will take 10 pictures and store them as JPEGs in the current directory.
    PySpinのExamplesディレクトリに移動し、rootでAcquisition.pyを実行します。これが成功すると、カメラは10枚の写真を撮影し、JPEGとしてカレントディレクトリに保存します。

    (pi)$ cd Examples/Python3
    (pi)$ sudo python3 Acquisition.py
    
    

 

 

2023,江端さんの忘備録

以前、家族に、

Earlier, to a family member, I said that

「『北朝鮮に学ぶ弱者戦略』というシリーズを構想している」

"I have an idea for a series called 'How to learn Weaker's Strategies from North Korea.'"

と言ったら、かなり真剣に止められたことがあります。

However, I was stopped quite seriously by them.

まあ、仕方ないですよね。

Well, it can't be helped.

でも、<<北>>のやり方には学ぶことは多いと思います(しつこい)。

But I think we have a lot to learn from the way <<North>> does things.

-----

多分、でも、こっちのシリーズなら大丈夫かと思います。

Maybe, but I think the following series would be accepted.

『ChatGPTに学ぶ、"真摯な私"の演じ方』

『ChatGPTは、もの凄く真摯な言葉で、嘘をつく』

ChatGPT's lesson on playing the "sincere me."

このコラムの続編として。

As a sequel to this column.

-----

しかし、目下の重大な懸案は、体を壊さない範囲でのコラムを執筆する時間の捻出方法です。

However, a serious concern is finding the time to write columns while maintaining good health.

2023,江端さんの忘備録

私はプログラムやシステムが上手く動くと、簡単に喜びます。

I am easily pleased when my program or system works well.

そんでブログに書いたり、人に言ったりしてしまいます ―― 嬉しそうに。

Then I blog about it and tell people about it -- happily.

-----

でも、同僚を見ていると、そういう感情を見せることなく、淡々と業務として報告をする人もいます。

But when I look at my colleagues, I see that some do not show such emotions but report casually as part of their duties.

―― 大人だなぁ

-- They're an adult.

と感心します。

I admire them.

大人の社会人たるもの、プログラムやシステムごときで、一喜一憂するものではないのかもしれません。

As an adult members of society, we should not be happy or sad about a program or a system.

そういう落ち着いた感じの人を見ていると、

When I see people who are calm like that, I think

―― 単に、私が幼稚なんだな

--, I must be childish.

と思います。

-----

私、自分の豪邸や高価な自動車や宝飾品やブランド品を、テレビ番組などで開示する人の心理が、良く分かりません。

I don't understand the psychology of people who disclose their mansions, expensive cars, jewelry, and brand-name goods on TV programs.

第1に、持たざる者である私が見ても、そんな番組楽しい訳がない ―― むしろ嫉妬の対象になりえる。

First, from my point of view as a have-not, there is no way I would enjoy such a program -- in fact, I would be jealous of it.

第2に、そもそも開示することにメリットがない ―― むしろ犯罪に巻き込まれるリスクを高めるだけである。

Second, there is no benefit to disclosing it in the first place -- in fact, it only increases the risk of being involved in a crime.

うん、多分間違っていない、と思う。

Yes, maybe this logic is not wrong, I think.

-----

しかし、私の『プログラムやシステムが上手く動くと、喜びます』の行動原理と、上記の行動には、何か似たようなところがあるような気がします。

However, there is some similarity between my 'I'm happy when a program or system works well' principle of behavior and the above behavior.

それはどういうことかと言えば、

What does that mean? That meas,

『嬉しいことは、ちゃんと記録に残さないと、簡単に忘れてしまう』

"If we don't record what makes us happy, it's easy to forget."

ということです。

心理学を学ぶまでもなく、悲しい記憶は何年でも続きますが、嬉しい記憶は下手すると1時間足らずで消滅してしまいます。

Without studying psychology, sad memories can last for years, but happy memories can disappear in less than an hour if they are bad.

まあ、簡単な例は『入試の合否』ですね。合格した喜びはその日で消えることがあります。しかし、不合格の悲しみは、それと比較して、2桁から3桁の倍数くらいは継続します。

A simple example is "passing or failing an entrance exam." The joy of a pass disappears within the day. In comparison, however, the sadness of a rejection lasts about two or three orders of magnitude longer.

―― ポジティブな感情は、超揮発性

-- Positive emotions are hyper-volatile

は、間違いないです。

is no doubt.

私は、嬉しい記憶を忘れない内に残して、それを後で見直すことで、日々を生き延びるという ―― 非常にちっちゃい生き方をしている訳です。

I am a person who survives each day by keeping happy memories before I forget them and revisiting them later -- as a narrow-minded person.

-----

自分の豪邸や高価な自動車や宝飾品やブランド品は、私が思うに『嬉しさを継続させるものではない』のだと思います。

I think mansions, expensive cars, jewelry, and brand-name goods are not what 'keeps the joy going.'

ポジティブな感情は、差分方程式で表現される、というのは、よく知られているは話です。

It is a well-known fact that "difference equations express positive emotions.

揮発性のポジティブな感情を再認識する為には、『他人に自慢する』『他人から羨しいと思って貰う』という手段が、てっとり早いのだろう、と思います。

The quickest way to reaffirm volatile positive emotions is to "brag to others" and "have others envy you.

嫉妬や犯罪リスクを犯してまで、個人情報を開示するのは、嬉しさを維持するための、ちっちゃい生き方の一つのメソッドなのだと思います ―― 私と同様に。

I think disclosing personal information, even at the risk of jealousy and criminal threat, is one method of a narrow-minded life to maintain a sense of joy -- just like me.

―― 江端さんの「貧困な人脈」で、見えなくなっているだけじゃないですか?

2023,江端さんの技術メモ

BFS-U3-89S6C-C(カメラ)を先ず動かす。

私が購入したときは、15K円くらいだったのですが、今、倍になっています。ラズパイって高価になっているんですね ―― それはさておき。

Raspberry Pi 4Bは、USB3対応のようですが、どちらのポートか分かりません。この写真を見ると右側のようです。

(出典 https://misoji-engineer.com/archives/raspberrypi-usb3.html)

まずは、ドライバのありかを探してみました。

https://www.flir.jp/support-center/iis/machine-vision/downloads/spinnaker-sdk-download/spinnaker-sdk--download-files/

あきらかに、これが当たりのように見えます。

ラズパイP4の石は、ARMのようです。

https://qiita.com/memakura/items/a77137856f91d6c4db43

何がどうなっているのかは分からないけど、

https://blog.csdn.net/weixin_42088912/article/details/118225949

を参考にして、/etc/udev/rule.d/40-flir-spinnaker.rules の

SUBSYSTEM=="usb", ATTRS{idVendor}=="1e10", GROUP="flirimaging"
SUBSYSTEM=="usb", ATTRS{idVendor}=="1724", GROUP="flirimaging"
SUBSYSTEM=="usb", ATTRS{idVendor}=="1e10", GROUP="flirimaging"
SUBSYSTEM=="usb", ATTRS{idVendor}=="1724", GROUP="flirimaging"

SUBSYSTEM=="usb", ATTRS{idVendor}=="1e10",ATTRS{idProduct}=="4000", MODE="0777", GROUP="flirimaging"
SUBSYSTEM=="usb", ATTRS{idVendor}=="1724", GROUP="flirimaging"

としたら、やっと"USB interface0"が出てきた

けど、映像が表示されないし、「SpinView_QTの応答がありません」、とか言われる。

sudo dmesg をやると

[ 533.947639] usb 2-1: Product: Blackfly S BFS-U3-89S6C
[ 533.947652] usb 2-1: Manufacturer: FLIR
[ 533.947663] usb 2-1: SerialNumber: 0126934F
[ 600.668167] usb 2-1: reset SuperSpeed USB device number 4 using xhci_hcd
[ 709.333799] xhci_hcd 0000:01:00.0: swiotlb buffer is full (sz: 16384 bytes), total 32768 (slots), used 32687 (slots)

のようなメッセージがでてくので、

https://zenn.dev/yonishi/scraps/e735a6ef11d8b5

を参考に対応。 改善なし。

https://wpitchoune.net/tricks/raspberry_pi3_increase_swap_size.html

の対応を実施

表示に成功! 詳しくは明日 ―― つかれはてました。

 

2023,江端さんの技術メモ

  1.  ターゲットのカメラ BFS-U3-89S6C-C
  2. 背景と目的
    『動かすこと』が仕事だからです(それ以上は秘密です)。
  3. 注意
    たまたま、以下の手順で動いただけで、これが正解かは分かりません。
  4. 手順
    1. USB3のセット
      デバイスマネージャーを起動する

      ドロップダウンリストを確認し、USB Root Hub (USB 3.0)を右クリック(またはタップ&ホールド)し、[Uninstall Device(デバイスのアンインストール)]を選択します(重複している場合は、1つずつすべてアンインストールしてください)。
      必要であれば動作を確認し、デバイスを再起動します。再起動すると、Windows 10が自動的にUSBドライバを再インストールするはずです(私は、リブートしました)。

    2. TELEDYNE FLIR のページにアクセス
      https://www.flir.jp/support/products/blackfly-s-usb3/#Overview あたりを叩くと、多分「アカウント作れ」と言われると思いますので、素直にアカウントを作ってログインします。
    3. そんでもって、https://statics.teams.cdn.office.net/evergreen-assets/safelinks/1/atp-safelinks.html から、

      をダウンロードして、インストールします。
      (理由はよく分かりませんが)ダウンロードした後にデバイスドライバを確認すると、デバイスがインストールされていました。

    4. SpinViewの起動
      メニューに、SpinViewが追加されているので、そこからアプリケーションを起動します。

      ここをクリックします。

      画面が出てくるので、以下のボタンを押して下さい。

      キャリブレーションに時間がかかるようですが、こんな感じの映像が出てきました

以上