「model」を含む日記 RSS

はてなキーワード: modelとは

2024-09-10

anond:20240910092816

全部読んでないというか、抽象化能力がない。

人間テキストを3000文字読んでも内容を覚えていられるのは、テキストを覚えているわけではなく、テキストから得られる意味を覚えている。

そして意味テキストを関連付けている。

llmにその能力はない。なぜならテキスト連鎖という仕組みであって、脳の模倣ではないから。

情報の一側面を見て特徴を写し取っているに過ぎない。

それはaの文章からbに該当する単語cを取ってくることには向いているが、dの文章からe,f,g...の意味を感得してそれぞれの関係考慮しつつ新たな言論θを作れというタスクには全く向いていない。h,i,jを吐き出して終わり。出力トークンにも制限があるし。

llmはあくまでもlarge language modelしかない。人間情報処理活動にはlanguage以外のものがあるが、それをさせようとしてほうぼうの人間勝手失望している。

2024-08-22

Chrome組み込みAI使ってみたいのに

フラグ立てて容量空いてるのも確認してるけど

何度再起動してもchrome://components/にOptimization Guide On Device Modelが出てこない(´・ω・`)

2024-08-10

平均場ゲーム理論シミュレーションするって要するにこういうこと?

import numpy as np
import matplotlib.pyplot as plt

# パラメータ設定
num_agents = 100  # エージェントtime_steps = 100  # シミュレーション時間ステップ
alpha = 0.1  # 情報共有の効果
beta = 0.05  # 情報拡散の効果

# エージェントの初期状態ランダムに設定
states = np.random.rand(num_agents)

# 平均場の初期化
mean_field = np.mean(states)

# 状態履歴を保存
state_history = np.zeros((time_steps, num_agents))
mean_field_history = np.zeros(time_steps)

# シミュレーション開始
for t in range(time_steps):
    # 各エージェントの行動を決定(情報を共有するかどうか)
    actions = np.random.rand(num_agents) < alpha
    
    # 状態更新
    states += beta * (mean_field - states) * actions
    
    # 平均場の更新
    mean_field = np.mean(states)
    
    # 履歴の保存
    state_history[t] = states
    mean_field_history[t] = mean_field

# 結果のプロット
plt.figure(figsize=(12, 6))
plt.plot(mean_field_history, label='Mean Field')
plt.xlabel('Time Step')
plt.ylabel('Mean Field Value')
plt.title('Mean Field Dynamics in Social Media Model')
plt.legend()
plt.show()

2024-08-05

意識数理モデルの具体化

1. 抽象状態空間

Ωを仮に100次元の実ベクトル空間R^100とする。各次元特定の神経活動パターン対応する。

Ω = {ω ∈ R^100 | ||ω||₂ ≤ 1}

ここで||・||₂はユークリッドノルムである。τは標準的ユークリッド位相とする。

2. 一般観測作用素

観測Oを10100の実行列として定義する。

O : Ω → Ω

O(ω) = Aω / ||Aω||₂

ここでAは10100の実行列で、||Aω||₂ ≠ 0とする。

3. 一般エントロピー汎関数

シャノンエントロピー連続版を使用して定義する:

S[ω] = -∫Ω p(x) log p(x) dx

ここでp(x)はωに対応する確率密度関数である

4. 観測によるエントロピー減少の公理

任意観測Oに対して以下が成立する:

S[O(ω)] ≤ S[ω] + log(det(AA^T))

5. 抽象力学系

非線形常微分方程式系として定式化する:

dω/dt = F(ω) + G(ω, O)

F(ω) = -αω + β tanh(Wω)

G(ω, O) = γ(O(ω) - ω)

ここでα, β, γは正の定数、Wは10100の重み行列tanhは要素ごとの双曲線正接関数である

6. 一般情報幾何

フィッシャー情報行列を導入する:

g_ij(ω) = E[(∂log p(x|ω)/∂ω_i)(∂log p(x|ω)/∂ω_j)]

ここでE[・]は期待値、p(x|ω)は状態ωでの条件付き確率密度関数である

7. 抽象量子化

状態ωに対応する波動関数ψ(x)を定義する:

ψ(x) = √(p(x)) exp(iθ(x))

ここでθ(x)は位相関数である

8. 一般統合情報理論

統合情報量Φを以下のように定義する:

Φ[ω] = min_π (I(X;Y) - I(X_π;Y_π))

ここでI(X;Y)は相互情報量、πは可能な分割、X_πとY_πは分割後の変数である

9. 普遍的学習

勾配降下法を用いて定式化する:

ω_new = ω_old - η ∇L(ω_old, O)

L(ω, O) = ||O(ω) - ω_target||₂²

ここでηは学習率、ω_targetは目標状態である

10. 抽象因果構造

有向非巡回グラフ(DAG)として表現する:

G = (V, E)

V = {v_1, ..., v_100}

E ⊆ V × V

各頂点v_iはω_iに対応し、辺(v_i, v_j)はω_iからω_jへの因果関係を表す。

実装例:

このモデルPythonとNumPyを用いて以下のように実装できる:

import numpy as np
from scipy.stats import entropy
from scipy.integrate import odeint
import matplotlib.pyplot as plt

class ConsciousnessModel:
    def __init__(self, dim=100):
        self.dim = dim
        self.omega = np.random.rand(dim)
        self.omega /= np.linalg.norm(self.omega)
        self.A = np.random.rand(dim, dim)
        self.W = np.random.rand(dim, dim)
        self.alpha = 0.1
        self.beta = 1.0
        self.gamma = 0.5
        self.eta = 0.01

    def observe(self, omega):
        result = self.A @ omega
        return result / np.linalg.norm(result)

    def entropy(self, omega):
        p = np.abs(omega) / np.sum(np.abs(omega))
        return entropy(p)

    def dynamics(self, omega, t):
        F = -self.alpha * omega + self.beta * np.tanh(self.W @ omega)
        G = self.gamma * (self.observe(omega) - omega)
        return F + G

    def update(self, target):
        def loss(o):
            return np.linalg.norm(self.observe(o) - target)**2
        
        grad = np.zeros_like(self.omega)
        epsilon = 1e-8
        for i in range(self.dim):
            e = np.zeros(self.dim)
            e[i] = epsilon
            grad[i] = (loss(self.omega + e) - loss(self.omega - e)) / (2 * epsilon)
        
        self.omega -= self.eta * grad
        self.omega /= np.linalg.norm(self.omega)

    def integrated_information(self, omega):
        def mutual_info(x, y):
            p_x = np.abs(x) / np.sum(np.abs(x))
            p_y = np.abs(y) / np.sum(np.abs(y))
            p_xy = np.abs(np.concatenate([x, y])) / np.sum(np.abs(np.concatenate([x, y])))
            return entropy(p_x) + entropy(p_y) - entropy(p_xy)
        
        total_info = mutual_info(omega[:self.dim//2], omega[self.dim//2:])
        min_info = float('inf')
        for i in range(1, self.dim):
            partition_info = mutual_info(omega[:i], omega[i:])
            min_info = min(min_info, partition_info)
        
        return total_info - min_info

    def causal_structure(self):
        threshold = 0.1
        return (np.abs(self.W) > threshold).astype(int)

    def run_simulation(self, steps=1000, dt=0.01):
        t = np.linspace(0, steps*dt, steps)
        solution = odeint(self.dynamics, self.omega, t)
        self.omega = solution[-1]
        self.omega /= np.linalg.norm(self.omega)
        return solution

    def quantum_state(self):
        phase = np.random.rand(self.dim) * 2 * np.pi
        return np.sqrt(np.abs(self.omega)) * np.exp(1j * phase)

# モデル使用model = ConsciousnessModel(dim=100)

# シミュレーション実行
trajectory = model.run_simulation(steps=10000, dt=0.01)

# 最終状態の表示
print("Final state:", model.omega)

# エントロピー計算
print("Entropy:", model.entropy(model.omega))

# 統合情報量の計算
phi = model.integrated_information(model.omega)
print("Integrated Information:", phi)

# 因果構造の取得
causal_matrix = model.causal_structure()
print("Causal Structure:")
print(causal_matrix)

# 観測の実行
observed_state = model.observe(model.omega)
print("Observed state:", observed_state)

# 学習の実行
target_state = np.random.rand(model.dim)
target_state /= np.linalg.norm(target_state)
model.update(target_state)
print("Updated state:", model.omega)

# 量子状態の生成
quantum_state = model.quantum_state()
print("Quantum state:", quantum_state)

# 時間発展の可視化
plt.figure(figsize=(12, 6))
plt.plot(trajectory[:, :5])  # 最初の5次元のみプロット
plt.title("Time Evolution of Consciousness State")
plt.xlabel("Time Step")
plt.ylabel("State Value")
plt.legend([f"Dim {i+1}" for i in range(5)])
plt.show()

anond:20240804172334

2024-07-30

anond:20240730111317

そう思いますね。嘘が常態化している自己愛パーソナリティ障害の人の手助けは、プロしかできない

そもそも直球で『テロリスト』とか『引きこもり』とかの背景要因になり得るとかそういう視点研究バンバン出てくるので

病識があるなら治療改善にあたった方が良いと思う

 

Autism & Narcissism: The Connection & Differences

https://www.elemy.com/studio/mood-disorders/autism-and-narcissism/

 

Mass Violence in Individuals With Autism Spectrum Disorder and Narcissistic Personality Disorder: A Case Analysis of Anders Breivik Using the ‘Path to Intended and Terroristic ViolenceModel. (2016). University of Salford Manchester.

http://usir.salford.ac.uk/id/eprint/40449/1/Faccini%20%26%20Allely%20%282016%29.%20.pdf

 

正直者は損をするとかいうけれど、やはり嘘を付かない誠実さは美徳というか、集団生活を送る上での最低限の条件に思う

人生を困難にするのは空気を読まずバカ正直に受け答えをすることではなく、

悪気があろうがなかろうが嘘(能力問題結果的に嘘になるも含む)をつく事だぞ

2024-07-22

いいえ、嘘つきには嘘つきと言います。視界に入ったらね

自己愛パーソナリティ障害の人の手助けは、プロしかできないが、

いくらなんでも、お前は他人に何よりも自分自身に嘘をつきすぎだと自覚させることくらいはできるでしょ

 

そもそも直球で『テロリスト』とか『引きこもり』とかの背景要因になり得るとかそういう視点研究バンバン出てくるので

病識があるなら治療改善にあたった方が良いと思う

 

Autism & Narcissism: The Connection & Differences

https://www.elemy.com/studio/mood-disorders/autism-and-narcissism/

 

Mass Violence in Individuals With Autism Spectrum Disorder and Narcissistic Personality Disorder: A Case Analysis of Anders Breivik Using the ‘Path to Intended and Terroristic ViolenceModel. (2016). University of Salford Manchester.

http://usir.salford.ac.uk/id/eprint/40449/1/Faccini%20%26%20Allely%20%282016%29.%20.pdf

 

正直者は損をするとかいうけれど、やはり嘘を付かない誠実さは美徳というか、集団生活を送る上での最低限の条件に思う

人生を困難にするのは空気を読まずバカ正直に受け答えをすることではなく、

悪気があろうがなかろうが嘘(能力問題結果的に嘘になるも含む)をつく事だぞ

2024-07-12

[]

Meta: pinup

A genre of art harking back as far as the 1890s, consisting of a simple posed model. The model in question can be clothed or nude, but generally expresses sexuality without hammering it into the viewer's face. Typically, the model is looking at the camera (e.g. the "viewer") or slightly off-camera.

As a general rule, the background should not distract from the main subject in the post. With the exception of themed pinups (such as sports or beach), the background is usually plain, blurred, or sparse so as not to distract attention away from the main subject.

  • Minimum rating for pinups is Questionable. Non-sexual posing should be tagged simply as pose instead of pinup.
  • Do not tag for sex. Not only are pinups normally solo, but sex is also usually too blatantly pornographic for pinups.

2024-06-25

anond:20240607100125

あのさぁ、君ANN実装したライブラリとか使ったことないでしょ、faissとかElasticsearchとか

君は「KNN」と勘違いしてるみたいだけど、sklearn起動してmodel.fit(X, y)みたいなことをするんじゃないんだよ、ANN

index.add(vectors)とかやってインデクシングした上で、index.search(vq, k)みたいにベクトル検索するのがANN

から確率」じゃなくて「距離」なんだよ、出力数値はね

レコメンデーションエンジンなら、コンテンツベクトルに変換して、インデクシングして、クエリベクトルでサーチするって話

コンテンツベクトル化する方法は様々あるので、NLP固有の話ではないし、単純な行列分解もベクトル化には使える

君ね、ANNKNNって大抵別文脈で使われる用語から今のままだと笑われるよ?

2024-06-09

Perplexityのテスト: アルゴリズム提案

質問

コンテンツ集合Xがあります。各々の要素x∈ Xは特徴量f_1(x)∈Y_1 を持っています

同様にユーザーu ∈ Uが存在し、特徴量f_2(u)∈Y_2を持っています

コンテンツには単価P(x)が存在し、ユーザーuがコンテンツをm回消費することをg(u, x, m)=m*P(x)_uで表し、全てのユーザーU, 全てのコンテンツXに対して行列M∘P = g(U, X, M) が存在します。

目的関数M∘Pを最大化したいのですが、どんなアルゴリズムが考えられるでしょうか。

回答

この問題は、コンテンツユーザーの特徴量を考慮して、ユーザーコンテンツを消費する回数を最大化するものです。このような問題は、推薦システムの分野で広く研究されており、協調フィルタリングと呼ばれるアプローチ一般的に使われています

協調フィルタリングアルゴリズム

協調フィルタリングには、以下のようなアルゴリズムが考えられます

1. 行列子分解 (Matrix Factorization)

行列子分解は、ユーザーコンテンツ行列を低ランク近似することで、ユーザーコンテンツ潜在的な特徴を抽出します。具体的には、ユーザー行列Uとコンテンツ行列Vを求め、その内積U^TVで元の行列を近似します。この手法は、Netflix Prizeで優れた成績を収めました。[1]

2. ニューラコラボレーティフィルタリング (Neural Collaborative Filtering)

ニューラルネットワークを用いて、ユーザーコンテンツ非線形関係学習します。入力としてユーザーIDコンテンツIDを与え、出力として評価値を予測します。この手法は、従来の行列子分解よりも高い精度が期待できます。[2]

3. 階層ベイズモデル (Hierarchical Bayesian Model)

ユーザーコンテンツの特徴量を階層ベイズモデルに組み込むことで、より柔軟なモデリング可能になります。この手法は、Cold-Start問題(新規ユーザーコンテンツの推薦が困難)の解決有効です。[3]

4. 強化学習 (Reinforcement Learning)

ユーザーの行動履歴環境として捉え、報酬最大化のためのアクション学習します。この手法は、長期的な利益最大化に適しています。[4]

これらのアルゴリズムは、ユーザーコンテンツの特徴量を考慮しながら、目的関数を最大化するように設計されています実装の際は、データセットの特性モデルの複雑さ、計算リソースなどを考慮する必要があります。[5]

Citations:

[1] https://aicontentfy.com/en/blog/understanding-algorithms-behind-content-distribution

[2] https://marketbrew.ai/optimizing-your-websites-content-with-genetic-programming

[3] https://sproutsocial.com/insights/social-media-algorithms/

[4] https://surferseo.com/blog/the-new-algorithm-for-content-analysis/

[5] https://www.linkedin.com/advice/0/what-best-ways-measure-content-relevance-x6apf

2024-05-04

diffusers` ライブラリ存在しないため、代わりに `torch`

この手順は、Latent Diffusion Modelsを使用してテキストから画像を生成するための一般的アプローチを示していますが、いくつかの誤りや欠落がある可能性があります。以下にいくつかの修正と補足を示します。

1. **ライブラリインポート**: `diffusers` ライブラリ存在しないため、代わりに `torch`、`transformers`、および `diffusion` ライブラリ使用する必要があります

```python

import torch

from transformers import AutoModelForSeq2SeqLM, AutoTokenizer

from diffusion import LatentDiffusion

```

2. **環境セットアップ**: 事前学習済みモデルトークナイザーを使用する前に、必要モデルトークナイザーをダウンロードする必要があります

```python

model = AutoModelForSeq2SeqLM.from_pretrained("nlptown/bert-base-multilingual-uncased-finetuned-xnli")

tokenizer = AutoTokenizer.from_pretrained("nlptown/bert-base-multilingual-uncased-finetuned-xnli")

```

3. **テキストプロンプトの前処理**: `encode_plus` メソッド使用して、入力トークン化し、テンソルに変換します。

```python

inputs = tokenizer.encode_plus(prompt, return_tensors="pt")

```

4. **Latent Diffusion モデル定義**: `diffusion` ライブラリから `LatentDiffusion` をインスタンス化する際に、モデルトークナイザーを渡します。

```python

ldm = LatentDiffusion(model=model, tokenizer=tokenizer)

```

5. **画像の生成**: `generate` メソッド使用して画像を生成します。

```python

image = ldm.generate(inputs)

```

6. **生成された画像可視化**: 画像を表示するために適切なライブラリ使用します。例えば、Matplotlibを使用して画像を表示できます

```python

import matplotlib.pyplot as plt

plt.imshow(image)

plt.axis("off")

plt.show()

```

これらの修正と補足を加えることで、より正確かつ実用的なコードが得られるはずです。

2024-04-06

anond:20240406063728

この辺に正解なんてないよ

書くべきことは書かなくちゃいけないが、それをどこに閉じ込めるかってだけの話だから

作りながら変えていって全然問題ない話

一箇所の「View」でしか処理されないなら、どんなに「Model」の処理に思えても「View」に書くべきだと思う

その変更によって、影響範囲がどうなるのか?

テストしなくちゃいけない処理はどこまでになる?

みたいなことを考えずに、原理主義的にやると

どうでもいいチンケな修正Model更新されて、全部を再テストなんてな馬鹿な話になる

メンテナンス性を考えて導入したはずのMVCで、逆にメンテナンス性を悪くするのは本末転倒

2024-01-20

Navigating Simulink Complexity: My Journey with MatlabAssignmentExperts.com!

As a student navigating the complexities of engineering coursework, I found myself grappling with Simulink assignments and think who will help me to complete my Simulink assignment that seemed to be from another dimension. The intricacies of Simulink, a powerful simulation and modeling tool, left me feeling overwhelmed and lost. That's when I stumbled upon a game-changer – Simulink Assignment Help from https://www.matlabassignmentexperts.com/simulink-assignment-help.html. In this testimonial blog, I want to share my transformative experience with their services, detailing how they not only helped me conquer Simulink challenges but also enhanced my overall understanding of this intricate subject.

Discovering the Simulink Assignment Help Lifeline

My journey with MatlabAssignmentExperts.com began when I was at a crossroads with my Simulink assignments. The complexities of the software, coupled with the pressure of academic deadlines, had me seeking a reliable source of assistance. A quick online search led me to their website, and the promising testimonials from fellow students who had successfully navigated Simulink assignments with their help convinced me to give it a shot.

From the very first paragraph of our interaction, it was evident that MatlabAssignmentExperts.com was different. The Simulink Assignment Help they offered was not just a transaction; it was a collaborative effort to ensure I not only completed my assignments but also understood the underlying concepts.

The Expert Guidance that Made a Difference

One of the standout features of MatlabAssignmentExperts.com is their team of experts. The individuals assigned to help me with my Simulink assignments were not just knowledgeable but also passionate about the subject. Their commitment to providing comprehensive assistance was evident in the personalized approach they took towards my assignments.

The experts patiently walked me through each step of the Simulink modeling process, explaining the rationale behind every decision. This hands-on learning experience was invaluable, as it not only resulted in impeccably solved assignments but also enhanced my proficiency in using Simulink for future projects.

Tailored Solutions for Varied Simulink Topics

Simulink is a vast field with applications in numerous engineering disciplines. What impressed me most about MatlabAssignmentExperts.com was their ability to cater to a wide array of Simulink topics. Whether it was control systems, signal processing, or model-based design, their experts exhibited a depth of knowledge that extended beyond mere problem-solving.

The assignments I brought to them were met with a comprehensive understanding of the underlying principles, leading to solutions that were not only correct but also insightful. This versatility instilled confidence in me, knowing that regardless of the Simulink topic, MatlabAssignmentExperts.com had the expertise to guide me through.

Timely Assistance in the Nick of Time

Academic deadlines are the sword of Damocles for every student. MatlabAssignmentExperts.com understands this reality and takes pride in delivering solutions within the stipulated time frames. My Simulink assignments, often accompanied by tight deadlines, were met with a prompt and efficient response from their team.

The timely assistance not only saved me from the stress of last-minute submissions but also allowed me to review the solutions thoroughly. This attention to deadlines showcased MatlabAssignmentExperts.com's commitment to the success of their clients and solidified my trust in their services.

Affordable Excellence – Breaking the Myth

The affordability of Simulink Assignment Help from MatlabAssignmentExperts.com pleasantly surprised me. There is a common misconception that quality assistance comes at a hefty price. However, this platform shattered that myth by offering top-notch services at reasonable rates.

As a student with budget constraints, the cost-effectiveness of their services allowed me to access expert guidance without burning a hole in my pocket. This accessibility to quality assistance further solidified my belief that MatlabAssignmentExperts.com is not just a service provider but a partner in academic success.

A Learning Journey, Not Just a Service

What sets MatlabAssignmentExperts.com apart is their commitment to fostering a learning experience. Simulink Assignment Help wasn't just about getting the correct answers; it was about understanding the "why" behind each step. The insights gained from their experts went beyond the immediate requirements of my assignments and translated into a broader comprehension of Simulink.

MatlabAssignmentExperts.com transformed my perception of Simulink from an intimidating subject to a tool I could wield with confidence. Their approach was not to merely complete assignments but to empower students to tackle similar challenges independently.

Conclusion – A Grateful Student's Reflection

In conclusion, my journey with Simulink Assignment Help from MatlabAssignmentExperts.com has been nothing short of transformative. From the first perplexing assignment to mastering the nuances of Simulink, their expert guidance has been the cornerstone of my academic success.

If you find yourself navigating the intricate world of Simulink assignments, I wholeheartedly recommend MatlabAssignmentExperts.com. They go beyond being a service provider – they are mentors, guides, and partners in your academic journey. With their assistance, you not only overcome immediate challenges but also equip yourself with the knowledge and skills to excel in your engineering endeavors. Trust me; your academic success with Simulink is just a click away!

Navigating Simulink Complexity: My Journey with MatlabAssignmentExperts.com!

As a student navigating the complexities of engineering coursework, I found myself grappling with Simulink assignments and think who will help me to complete my Simulink assignment that seemed to be from another dimension. The intricacies of Simulink, a powerful simulation and modeling tool, left me feeling overwhelmed and lost. That's when I stumbled upon a game-changer – Simulink Assignment Help from https://www.matlabassignmentexperts.com/simulink-assignment-help.html. In this testimonial blog, I want to share my transformative experience with their services, detailing how they not only helped me conquer Simulink challenges but also enhanced my overall understanding of this intricate subject.

Discovering the Simulink Assignment Help Lifeline

My journey with MatlabAssignmentExperts.com began when I was at a crossroads with my Simulink assignments. The complexities of the software, coupled with the pressure of academic deadlines, had me seeking a reliable source of assistance. A quick online search led me to their website, and the promising testimonials from fellow students who had successfully navigated Simulink assignments with their help convinced me to give it a shot.

From the very first paragraph of our interaction, it was evident that MatlabAssignmentExperts.com was different. The Simulink Assignment Help they offered was not just a transaction; it was a collaborative effort to ensure I not only completed my assignments but also understood the underlying concepts.

The Expert Guidance that Made a Difference

One of the standout features of MatlabAssignmentExperts.com is their team of experts. The individuals assigned to help me with my Simulink assignments were not just knowledgeable but also passionate about the subject. Their commitment to providing comprehensive assistance was evident in the personalized approach they took towards my assignments.

The experts patiently walked me through each step of the Simulink modeling process, explaining the rationale behind every decision. This hands-on learning experience was invaluable, as it not only resulted in impeccably solved assignments but also enhanced my proficiency in using Simulink for future projects.

Tailored Solutions for Varied Simulink Topics

Simulink is a vast field with applications in numerous engineering disciplines. What impressed me most about MatlabAssignmentExperts.com was their ability to cater to a wide array of Simulink topics. Whether it was control systems, signal processing, or model-based design, their experts exhibited a depth of knowledge that extended beyond mere problem-solving.

The assignments I brought to them were met with a comprehensive understanding of the underlying principles, leading to solutions that were not only correct but also insightful. This versatility instilled confidence in me, knowing that regardless of the Simulink topic, MatlabAssignmentExperts.com had the expertise to guide me through.

Timely Assistance in the Nick of Time

Academic deadlines are the sword of Damocles for every student. MatlabAssignmentExperts.com understands this reality and takes pride in delivering solutions within the stipulated time frames. My Simulink assignments, often accompanied by tight deadlines, were met with a prompt and efficient response from their team.

The timely assistance not only saved me from the stress of last-minute submissions but also allowed me to review the solutions thoroughly. This attention to deadlines showcased MatlabAssignmentExperts.com's commitment to the success of their clients and solidified my trust in their services.

Affordable Excellence – Breaking the Myth

The affordability of Simulink Assignment Help from MatlabAssignmentExperts.com pleasantly surprised me. There is a common misconception that quality assistance comes at a hefty price. However, this platform shattered that myth by offering top-notch services at reasonable rates.

As a student with budget constraints, the cost-effectiveness of their services allowed me to access expert guidance without burning a hole in my pocket. This accessibility to quality assistance further solidified my belief that MatlabAssignmentExperts.com is not just a service provider but a partner in academic success.

A Learning Journey, Not Just a Service

What sets MatlabAssignmentExperts.com apart is their commitment to fostering a learning experience. Simulink Assignment Help wasn't just about getting the correct answers; it was about understanding the "why" behind each step. The insights gained from their experts went beyond the immediate requirements of my assignments and translated into a broader comprehension of Simulink.

MatlabAssignmentExperts.com transformed my perception of Simulink from an intimidating subject to a tool I could wield with confidence. Their approach was not to merely complete assignments but to empower students to tackle similar challenges independently.

Conclusion – A Grateful Student's Reflection

In conclusion, my journey with Simulink Assignment Help from MatlabAssignmentExperts.com has been nothing short of transformative. From the first perplexing assignment to mastering the nuances of Simulink, their expert guidance has been the cornerstone of my academic success.

If you find yourself navigating the intricate world of Simulink assignments, I wholeheartedly recommend MatlabAssignmentExperts.com. They go beyond being a service provider – they are mentors, guides, and partners in your academic journey. With their assistance, you not only overcome immediate challenges but also equip yourself with the knowledge and skills to excel in your engineering endeavors. Trust me; your academic success with Simulink is just a click away!

2024-01-09

2023年世界で最も売れた車はテスラモデルY

っていうポストを、イーロン・マスクがリポストし、テスラチームを賞賛してる

https://twitter.com/elonmusk/status/1744493296150286830?t=aECJKmXKGdJfs-POAwinaw&s=19

これ、ソースあるの?

ちなみに11月までの販売台数に関するニュースでは、ガソリン車のトヨタ・カローラが101万台売れたのに対し、EVテスラモデルYが106万台でトップ

Model Y -up 3 spots- with 1.06 million units sold (+57.1%).

Second place is in the hands of previous year’s leader the Toyota Corolla, with current YTD sales at 1.01 million up 0.7% from the previous year.

The Toyota RAV4 falls 1 spot into 3rd reporting 819,780 cumulative sales, up 3.6% from the sales period last year

ソース

https://www.focus2move.com/world-car-market/

2023-12-14

anond:20231214123139

Acronym of sex worker-exclusionary radical feminist, on the model of TERF.

2023-12-12

anond:20231212103459

からお前は素人って言われるんだよ。

ウェブなんて入出力のインターフェイスに過ぎねえんだよボケ

ChatGPT is fine-tuned from GPT-3.5, a language model trained to produce text.

https://help.openai.com/en/articles/6783457-what-is-chatgpt

OpenAI ChatGPT is a language model developed by OpenAI that is built on the GPT (Generative Pre-trained Transformer) architecture.

https://dzone.com/articles/comprehensive-guide-on-integrating-openai-chatgpt

はい論破

2023-12-07

anond:20231207093451

XSE:アメリカ販売されているトヨタ車のグレードの一つ

SEXテスラモデル名の由来(model S model X model3)

ちなみにもともとmodel3はmodelEにするつもりだった模様

2023-12-04

サム・アルトマン氏の解任理由は、Microsoft公表を止めているのでは

サム・アルトマン氏の突然の解任理由は、当事者からはしばらく明かされないことははっきりした。

https://www.theverge.com/2023/11/29/23982046/sam-altman-interview-openai-ceo-rehired このインタビューにおいて、サムアルトマン氏の解任理由を明かさないという姿勢は明確である

 

ではなぜ、解任の理由を明かさないか、という理由をまず考えたい。

まず一般論として、何か物事事件が起こった場合、それをどこまで公表するかは、関係者の中で一番権力がある人が決める。

ある会社内で重大な事件が起こったら、通常はその会社社長公表する内容を確認して決めるようなもの

 

今回の関係者の中で一番権力を持っているのはマイクロソフトである。なぜならOpenAIの開発資金提供し、かつ開発基盤のシステムまで提供しているから。

表題の一番の理由はこれである。つまり関係者の中で一番権力のあるマイクロソフトが、サム・アルトマン氏の本当の解任理由公表は都合が悪いため、公表を止めていると自分は考えている。

 

ではなぜマイクロソフトにとって、解任理由公表は都合が悪いか

Microsoftが、来年リリースされると噂されているGPT-5が使えなくなる可能性がある為、というのが自分の考えである

 

なぜ使えなくなる可能性があるかというと、GPT-5が、世間にAGIとみなされる可能性がある為。

OpenAI社のWikipediaによると「汎用人工知能が完成した際は、それを営利法人や他社にライセンス提供はしない規約となっていて、汎用人工知能実現前の人工知能のみを営利法人提供することとなっている」、つまり、現状の規約だと、GPT-5がAGIを達成している場合Microsoft使用できない。

MicrosoftGPT-5やそれ以降のGPTを使えなくなれば、Googleなどの競合他社にその内負けるのは明らかである

 

ではなぜ、解任理由公表をすると、GPT-5が使えなくなるのだろうか?

なぜなら解任のきちんと理由説明する際に、GPT-5がAGI(もしくはそれに近い状態であることを説明しなければいけない為である

 

一部報道リーク)では、OpenAI社のAIは、人類を脅かす可能性があるほどに賢くなっている。

※ OpenAI researchers warned board of AI breakthrough ahead of CEO ouster, sources say

https://www.reuters.com/technology/sam-altmans-ouster-openai-was-precipitated-by-letter-board-about-ai-breakthrough-2023-11-22/

記事中のAI Breakthroughである Q*(Q star) を独自解釈解説している動画の一つ https://www.youtube.com/watch?v=3d0kk88IE8c

 

かつサム・アルトマン氏は、このリークを否定せず、肯定に近い発言をした。

https://www.theverge.com/2023/11/29/23982046/sam-altman-interview-openai-ceo-rehired

「No particular comment on that unfortunate leak」(「不運なリークに関してコメントはありません」)。

もし間違いであれば、間違いであるというコメントをするはずである

 

かつ最近、サム・アルトマン氏は、来年発表されるモデルはどうなるかと質問された時、以下のような発言をしている。

https://www.youtube.com/watch?v=ZFFvqRemDv8 50分40秒頃より

"The model capability will have taken such a leap forward that no one expected.”

モデル能力は、誰も予想しなかったほどの飛躍を遂げるだろう」

この文章における「モデル」とは、GPT-5と考えてよいだろう。

 

まりGPT-5はAGIにかなり近いか、AGIを達成できている可能性がある。

 

 

これ以降は全くの想像になるが、恐らくサム・アルトマン氏は、そのAGIに近いGPT-5を、Microsoft提供しようとしたのではないか

また取締役会は、その為にサム・アルトマン氏を解任したのではないか

 

営利企業にAGIを渡したら、まずそれを使ってどうお金儲けをするかを第一に考えるだろう。

よって、Microsoftへの提供の前に、GPT-5の性能や危険性などについて、厳密な検証をしなければいけない。

その辺に関して、取締役会とサム・アルトマン氏とで、解釈・考え方にずれがあったのではないか

 

上にも書いている通り、AGIを達成しているのなら、営利企業であるMicrosoftに渡すのは規約違反である

ただ仮にGPT-5をMicrosoft提供しなかったら、資金提供が途絶える可能性は高い。つまりOpenAI社はこれ以上研究開発ができなくなる。

よって、サム・アルトマン氏は取締役会に対し、GPT-5はAGIを達成していないと主張したか曖昧にした上で、MicrosoftGPT-5を提供しようとしたのではないか

またもしそれを止めないとしたら、それは確かに取締役会役割安全で全人類利益をもたらすAGIの構築)を果たせないことになる。

 

この辺を詳細に公表してしまうと、つまりGPT-5=AGIという見方世間で強まる可能性がある。

仮にそうなれば、OpenAI社は、MicrosoftGPT-5を提供できなくなるだろう。

そのことはOpenAI社も困るが、一番困るのは上で説明した通り恐らくMicrosoftである

 

恐らくGPT-5はAGIを達成していないことにして、時間を稼いでいる内に、AGIをMicrosoft提供できるような体制にするのではないか

 

というのが自分勝手想像である

 

尚、Microsoft社長は、AGIが早期に達成する可能性を否定している。

https://jp.reuters.com/economy/industry/ZPLE2C2BPNKVZJ2PIBPOFWDK6Y-2023-11-30/

2023-11-14

(追記) Macの8GBは本当にWindows PCの16GB相当なのか確認してみた

Appleが「Macの8GBはWindowsの16GB相当だぞ」と言ったもんだから世間が騒がしくなっている。

それに輪をかけて、「Macの8GBと16GBを比べたら、16GBの方が速いぞ」という、いっけん関係していそうで、よく考えればまったく関係のない比較が結びつけられてしまって、これが人々の混乱を招き、騒ぎを大きくしてしまっている。

いずれはまともな検証動画が上がってくるとは思うが、ひとまず、2023年以降のMax Techチャンネルに上がっている、Windowsとのメモリ効率比較可能動画あさり、並べてみたのでご覧いただきたい。私自身も懐疑的だったが、こうしてみると、あながちAppleの主張も荒唐無稽だとは言えないようだ。


Lightroom Classic (50x 42MP RAW Export)

メモリ機種名と他スペック処理時間参照
###### 48GB MacBook Pro 16" M​3 M​a​x 1TB ($3999) l​l​l 0:30 12
#### 32GB MacBook Pro 16" M2 Max 1TB ($3499) l​l​l 0:39 11
## 18GB MacBook Pro 14" M​3 P​r​o 512GB ($1999) l​l​l​l 0:45 1
######## 64GB MSI Z16P 16" i7-12900H 3080Ti 2TB ($4399) l​l​l​l​l 0:51 11
## 16GB MacBook Pro 16" M2 Pro 512GB ($2499) l​l​l​l​l 0:57 5,9
## 16GB MacBook Pro 14" M​3 512GB ($1799) l​l​l​l​l​l 1:03 4
## 16GB MacBook Pro 14" M2 Pro 512GB ($1999) l​l​l​l​l​l 1:06 1,4
## 16GB MacBook Air 13" M2 512GB ($1699) l​l​l​l​l​l​l 1:13 10
## 16GB MacBook Air 15" M2 512GB ($1699) l​l​l​l​l​l​l 1:17 6,7,8
#### 32GB XPS 15 9530 15" i7-13700H RTX4070 1TB ($2849) l​l​l​l​l​l​l​l​l 1:32 5,6
## 16GB Galaxy Book 3 Ultra 16" i7-13700H RTX4050 1TB ($2399) l​l​l​l​l​l​l​l​l 1:32 9
# 8GB MacBook Pro 14" M​3 512GB ($1599) l​l​l​l​l​l​l​l​l​l 1:47 2,3
## 16GB Galaxy Book 3 Pro 13" i7-1360P 1TB ($1649) l​l​l​l​l​l​l​l​l​l​l​l 2:01 10
## 16GB LG Gram 15" i7-1360P 512GB ($1699) l​l​l​l​l​l​l​l​l​l​l​l 2:05 7
# 8GB MacBook Air 15" M2 256GB ($1299) l​l​l​l​l​l​l​l​l​l​l​l​l​l 2:20 8
# 8GB MacBook Air 13" M2 256GB ($1199) l​l​l​l​l​l​l​l​l​l​l​l​l​l 2:22 2

参照元: (外部リンク数の制限があるのでgoogle検索を介している)

  1. google:aQvsZQ3QBiU - M3 Pro vs M2 Pro 14" MacBook Pro - WE WERE WRONG.. 🤯
  2. google:snZb3SVu-Lg - M2 MacBook Air vs M3 MacBook Pro - Ultimate Comparison!
  3. google:hmWPd7uEYEY - M3 MacBook Pro 8GB vs 16GB RAM - How BAD is base model?
  4. google:XJZQLQK0Vfc - M3 vs M2 Pro 14" MacBook Pro - Don't Choose WRONG..!
  5. google:Jdce0Ob3mUs - 2023 Dell XPS vs 16" MacBook Pro: The Ultimate Showdown!
  6. google:vD1_Q96U_WQ - Dell XPS 15 vs 15" MacBook Air - Challenge ACCEPTED!
  7. google:V2dE1sKdlaA - Windows vs Mac: Apple's 15" MacBook Air is taking OVER!
  8. google:dAtolsHZWT4 - 15" MacBook Air: How much RAM do you REALLY Need?
  9. google:lgyx1adRGp8 - Galaxy Book 3 Ultra vs 16" MacBook Pro - IMPRESSIVE!
  10. google:2paf_klNDa8 - Galaxy Book 3 PRO vs M2 MacBook Air - SORRY, INTEL... 😂
  11. google:16HRq2HRvQg - 2023 16" MacBook Pro vs BEAST PC Laptop.. (I Didn't Expect This!)
  12. google:BWeuhxnWDl0 - M3 Max 16" MacBook Pro vs M1 Max & M2 Max - HOLY SMOKES!

注:


もっとも、先述の通り「Mac同士で8GBと16GBを比べたら当然16GBの方が余力があるので、Proを名乗る機種は16GB備えるべきだ」という意見は至極真っ当だとも思う。すなわち、上記のようなベンチマーク環境から、たとえばChromeのタブを追加で開いていったらどうなるかというと、MacだろうがWindowsだろうが8GB機ならすぐに悪影響が出てきてしまう。Macの8GBメモリの「処理効率」は確かに16GB相当かもしれないが、「同時に扱えるデータ量」は別物だということに注意してもらいたい。Mac後者についても効率的なのかもしれないが、それをWindowsとの比較検証できる動画は見つけられなかった。


追記:

赤字で示したM3シリーズのうち、M3の2機種を比べてみてほしい。この2機種の違いは8GBと16GBの差、$200だけだ。それで1:47から1:03まで改善するのだから、$200の価値は高いと思う。またこ数字は、同時にChromeのタブを開いていく検証(参照元3)では、ますます差が開くことになる。16GBのほうは、20タブを開いてもびくともしない。

メモリ機種名とスペック処理時間参照
## 16GB MacBook Pro 14" M​3 16GB 512GB ($1799) l​l​l​l​l​l 1:03 4
## 16GB MacBook Pro 14" M​3 16GB 512GB ($1799) l​l​l​l​l​l 1:06 * with 5 Tabs 3
## 16GB MacBook Pro 14" M​3 16GB 512GB ($1799) l​l​l​l​l​l 1:06 * with 20 Tabs 3
# 8GB MacBook Pro 14" M​3 8GB 512GB ($1599) l​l​l​l​l​l​l​l​l​l 1:47 2,3
# 8GB MacBook Pro 14" M​3 8GB 512GB ($1599) l​l​l​l​l​l​l​l​l​l​l​l 2:00 * with 5 Tabs 3
# 8GB MacBook Pro 14" M​3 8GB 512GB ($1599) l​l​l​l​l​l​l​l​l​l​l​l​l​l​l​l​l​l​l​l​l​l​l​l​l​l​l​l​l​l​l 5:16 * with 20 Tabs 3

なお、これはまさに冒頭で触れた「Macの8GBと16GBを比べたら、16GBの方が速いぞ」という検証であるWindowsとの比較を終えて、結局行き着くところはここなのだった。

2023-09-27

anond:20230927013905

LLMの意味わかってます?Large "Language" Modelですよ。自然言語処理研究者でLLMがトピック外だと思う人はまずいないでしょうね。

2023-08-22

anond:20230822122409

lightgbmで足りるレベルAIやpretrained modelfine tuningレベルのことはできるけど。AIっていうより機械学習っていう感じでワクワクできないんだよな。chatgptとか最近画像動画音楽生成はすごいって思うけどそれ未満だとすごいって思えない。機械学習は今までも人間が苦手なことをできたけど、最近のは人間が得意なことを下手な人間より上手くできる

2023-06-20

久々にLaravel触ったらModelsディレクトリあるじゃん

昔はなかったかphp artisan make:model Models/*** とわざわざディレクトリ指定しとったんじゃよ

みんなこうやるから最初から用意されたんかね

2023-06-15

anond:20230615223354

なるほど…話を聞く限りセルフの設定がちょっとつらい状況過ぎる(すべての状況に批判的な側面を自分としてとらえ過ぎている)感じがする…。

挑戦してみたってことは興味があったということだと思うから、もし再度興味が湧いたらIFS(Internal Family Systems Model)ってのがアメリカの一部で人気があるから試してみて欲しい。

簡単なやり方の英語版説明書

https://www.path2recovery.org/wp-content/uploads/2022/04/IFS_Exploring-Your-Own-System_Derek_Scott.pdf


これ単に自分がやって面白かったか他人に勧めてみてるだけのオタクムーブなんで無視してもらって構わない

2023-06-02

日英エロゲ女性翻訳者による翻訳tipsおもしろ

https://twitter.com/merumeruchann/status/1663878494336458753?s=20

3. Choose your words wisely; AKA consider what is SEXY

"Wriggling" is a pretty standard translation of 藻掻く but in English it's associated with worms. WORMS! 🪱 "Undulating" is much nicer. e.g. A pussy doesn't wriggle, it undulates or ripples, or it convulses around his cock.

A woman doesn't wriggle her hips, she bucks them or she writhes. Your MC doesn't rock his hips he thrusts or pumps or rides. His hips aren't "moving on their own" he "can't control himself".

「もがく、身悶えする」はふつう"Wriggling"と訳されるが、これは虫を連想させるのでダメ。"Undulating"のほうがよい。

まんこがうねる」と言いたいときも、wriggleではなく、undulate や ripple

あるいは"it convulses around his cock."

同様に、女が尻をくねらせるとき wriggle her hips とは言わない。she bucks them or she writhesなどと言う。

男が腰を振るときrock his hipsではなくhe thrusts or pumps or rides

意識的に腰を振るのではなく自分コントロールできず振ってしまう感が大事

Sometimes a woman's skin may be described as 白魚. This is sexy in the original cultural and linguistic context. In many English-speaking cultures, fish are used for negative comparisons. Something like translucent or dewy would be an appropriate equivalent.

In JP a man going wild during sex is often likened to a monkey, but this has a more comical sound in English, where comparisons to simply a "wild animal" work better.

女の肌を「白魚」と形容することがあるが、英語では魚はネガティブ意味合いになってしま

translucent (透き通るような)やdew(つややかな)と言い換えると良い

また、激しいセックス最中、「猿のように」と形容することがあるが、英語ではコミカルに響いてしまうのでwild animal野生動物、獣)などと言いかえるとよい

Consider the virgin "He put his penis in her vagina" vs the chad "He slid his cock into her pussy".

These sentences describe the same action, but one says "I fuck" and the other says "I've only ever seen sex in the bio textbooks my model was trained on".

On the other hand, don't throw in porny words where there shouldn't be any; if your heroine is a shy virgin and the source text is using coy words like あそこ, don't have her shouting FUCK MY TIGHT LITTLE PUSSY in English.

挿入するシーンでは

"He put his penis in her vagina"

とするのではなく、

"He slid his cock into her pussy".

と訳すべき

後者は「ヤる」という感じだが、前者は「私はAIなので性行為については生物学教科書知識しかありません」みたいに聞こえてしま

とはいえヒロインシャイ処女で、「あそこ」と控えめに言っているのに”FUCK MY TIGHT LITTLE PUSSY”(私のキツキツオマンコを犯して!)などと絶叫させてはいけない

2023-06-01

anond:20230531144711

単に英語力と思慮、注意力の欠落です。

 

サービス入り口

Introducing ChatGPT

We’ve trained a model called ChatGPT which interacts in a conversational way. The dialogue format makes it possible for ChatGPT to answer followup questions, admit its mistakes, challenge incorrect premises, and reject inappropriate requests.

 

英語話者であればこれを斜め読みしただけでアトム的な質問回答機としては使わない、

ページ翻訳ではニュアンスが伝わりにくいんだよね、普段から英文仕事してたり慣れてる人間じゃないとこの説明文で言わんとする所はピンと来ないだろう。

かつ、まともな思慮と注意力がある人間なら、GPTてなんじゃ?ってところは使う前に調べる、

グレート?ジェネレート?プロ?プレ?プロフェッショナル?プロダクト?テキストトランザクション

まぁ頭の中でなんか思い浮かべながら(この段階でもブランディング誘導は始まってる、日本人にはこれが効かない)

で、横線ページをスクロールさせる、SAMPLEだのMethodsだのまぁこ日本人の大半は読んでないんだろう。

ここまで英語話者が読んだらよもやChatGPT検索タスクとして使おうとは思わんよ。

で、Generative Pre-trained Transformerを見つける、はいはい

トランスフォマーだよ、車がロボットに変形したり、電柱の上にぶら下がってるやつ、アメリカだと路上だが

ともかく、変換器ねと理解解釈して使い出すんだからそりゃ検索タスクには使わん。

 

で、と、増田はChatGPTを生成AIだと言うてる、世間一般でもそのように呼称されてはいるのだけど

OpenAI社のドキュメント類、ChatGPT説明文を調べてご覧、このプロダクトを人工知能だとはどこにも書いてない。

ドキュメントコントロール部署検閲し注意深く表現配慮している様子が伺える

これは重要な点で

同社の画像AIダル(DALL·E 2)は明瞭にAI標榜しているのと対象

  

AI国際的な規格は無い、どういう基準AIを名乗れるか、法的なしばりは無い、冷蔵庫だってAI内蔵を名乗りたけりゃ名乗れる、技術要素の裏付け不要

だがOpenAI社はあえてChatGPTAIだと呼ばない。

理由邪推すると2点

1、AI規制世論方向性を見極めてからでも遅くない(ユーザーメディア勝手AIブランディングしてくれるし)

2、事実AIと呼べる代物ではない

 

説明する、

AI法規制議論真っ只中、どっちに転ぶかわからん、最悪ガチガチ規制もありえる、できたばかりの法や規制に対してノーアクションレターは通りにくい

何れにせよ商売はやりにくくなる

関係者は頻繁に公聴会やらに呼ばれている状況、ここら温度感日本またまた周回遅れなんだが

企業戦略としてChatGPTAIと自らは名乗らないのは正解なの、AIの法的定義すらない段階で、先々AI指定回避する一つのキーになりかねない

訴訟になったときに「え?ワイらそもそもChatGPTAIだと言うたことはありませんが?」これが主張できる

自分から「これはグレートなAIでっせ」と標榜していたらもはや逃れられない。

ともかく、笑えるくらい慎重に彼らはChatGPT人工知能だとは宣伝しない、生成AIではないんです。

そもそも技術ドキュメントを読んでも古典的AI技術は使われてない。

所謂ニューラルネットワークパーセプトロン、脳機能模倣をどのような手法計算再現するか

Pre-trainedの部分では使ってるが、応答エンジンの部分では実装されてない、たぶん、しらんけど

 

で、ChatGPTが嘘デタラメを混ぜるのは故意です、俺は確信してる

いろんなプロンプト、少しずつ字句を変えたり、応答の考察をしたんだけど、わざと信頼精度を下げてるとしか思えない。

これパラメーターの調整でいかようにもできるはずなんだが、かなり意図的に嘘捏造が混ざるようにチューニングされてる。

ようはこれもAI議論方向性誘導するための戦略だろう「しょせんこの程度っすよ」と

 

ともかく、そーゆープロダクトである理解して使うと、捗る

ログイン ユーザー登録
ようこそ ゲスト さん