gpt4 book ai didi

python - 如何在 scikit-learn 下绘制拟合高斯混合模型的概率密度函数?

转载 作者:太空狗 更新时间:2023-10-29 17:07:18 26 4
gpt4 key购买 nike

我正在努力完成一项相当简单的任务。我有一个浮点向量,我想用它来拟合具有两个高斯内核的高斯混合模型:

from sklearn.mixture import GMM

gmm = GMM(n_components=2)
gmm.fit(values) # values is numpy vector of floats

我现在想为我创建的混合模型绘制概率密度函数,但我似乎找不到任何关于如何执行此操作的文档。我应该如何最好地进行?

编辑:

Here是我拟合的数据向量。下面是我如何做事的更详细示例:

from sklearn.mixture import GMM
from matplotlib.pyplot import *
import numpy as np

try:
import cPickle as pickle
except:
import pickle

with open('/path/to/kde.pickle') as f: # open the data file provided above
kde = pickle.load(f)

gmm = GMM(n_components=2)
gmm.fit(kde)

x = np.linspace(np.min(kde), np.max(kde), len(kde))

# Plot the data to which the GMM is being fitted
figure()
plot(x, kde, color='blue')

enter image description here

# My half-baked attempt at replicating the scipy example
fit = gmm.score_samples(x)[0]
plot(x, fit, color='red')

拟合曲线与我预期的完全不同。它甚至看起来都不是高斯分布的,考虑到它是由高斯过程产生的,这有点奇怪。我疯了吗?

最佳答案

我遵循了本线程和其他线程中提到的一些示例,并设法更接近解决方案,但最终的概率密度函数并没有集成到一个。我想,我会在另一个线程中发布这个问题。

import ntumpy as np
import matplotlib.pyplot as plt
from sklearn.mixture import GaussianMixture

np.random.seed(1)

mus = np.array([[0.2], [0.8]])
sigmas = np.array([[0.1], [0.1]]) ** 2
gmm = GaussianMixture(2)
gmm.means_ = mus
gmm.covars_ = sigmas
gmm.weights_ = np.array([0.5, 0.5])

#Fit the GMM with random data from the correspondent gaussians
gaus_samples_1 = np.random.normal(mus[0], sigmas[0], 10).reshape(10,1)
gaus_samples_2 = np.random.normal(mus[1], sigmas[1], 10).reshape(10,1)
fit_samples = np.concatenate((gaus_samples_1, gaus_samples_2))
gmm.fit(fit_samples)

fig = plt.figure()
ax = fig.add_subplot(111)
x = np.linspace(0, 1, 1000).reshape(1000,1)
logprob = gmm.score_samples(x)
pdf = np.exp(logprob)
#print np.max(pdf) -> 19.8409464401 !?
ax.plot(x, pdf, '-k')
plt.show()

Here is the resulting plot

关于python - 如何在 scikit-learn 下绘制拟合高斯混合模型的概率密度函数?,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/23609756/

26 4 0
Copyright 2021 - 2024 cfsdn All Rights Reserved 蜀ICP备2022000587号
广告合作:1813099741@qq.com 6ren.com