层次分析法代码python
时间: 2023-07-02 08:16:39 浏览: 107
以下是一个简单的层次分析法(AHP)的 Python 代码示例:
```python
import numpy as np
# 定义判断矩阵
matrix = np.array([
[1, 3, 5],
[1/3, 1, 3],
[1/5, 1/3, 1]
])
# 计算权重向量
eig_val, eig_vec = np.linalg.eig(matrix)
max_eig_val_idx = np.argmax(eig_val)
weight_vec = eig_vec[:, max_eig_val_idx].real
weight_vec = weight_vec / np.sum(weight_vec)
# 打印结果
for i, weight in enumerate(weight_vec):
print(f"Criterion {i+1} weight: {weight:.3f}")
```
这段代码演示了如何使用 Python 和 NumPy 库计算 AHP 权重向量。首先,我们定义一个判断矩阵 `matrix`,其中每个元素 $a_{ij}$ 表示准则 $i$ 相对于准则 $j$ 的重要性程度。然后,使用 `numpy.linalg.eig` 计算矩阵的特征向量和特征值。根据最大特征值的索引,我们可以得到权重向量。最后,我们将权重向量标准化,并打印结果。
相关问题
层次分析法Python代码
层次分析法(Analytic Hierarchy Process,AHP)是一种用于多准则决策的方法,其目标是通过对准则的相对重要性进行定量评估,并对各个备选方案进行排序。下面是一个使用Python实现AHP的代码示例:
```python
import numpy as np
from numpy import linalg
class AHP:
def __init__(self, matrix):
self.matrix = matrix
def cal_weight_by_arithmetic_method(self):
n = len(self.matrix)
b = np.sum(self.matrix, axis=0)
normal_a = self.matrix / b
average_weight = np.mean(normal_a, axis=1)
return average_weight
def cal_weight_by_geometric_method(self):
n = len(self.matrix)
b = np.prod(self.matrix, axis=1)
c = np.power(b, 1/n)
average_weight = c / np.sum(c)
return average_weight
def cal_weight_by_eigenvalue_method(self):
n = len(self.matrix)
w, v = linalg.eig(self.matrix)
eigenvalue = np.max(w)
eigenvector = v[:, np.argmax(w)]
average_weight = eigenvector / np.sum(eigenvector)
return average_weight
# 示例用法
if __name__ == "__main__":
b = np.array([[1, 1/3, 1/8], [3, 1, 1/3], [8, 3, 1]])
ahp = AHP(b)
weight1 = ahp.cal_weight_by_arithmetic_method()
weight2 = ahp.cal_weight_by_geometric_method()
weight3 = ahp.cal_weight_by_eigenvalue_method()
```
这段代码实现了AHP的算术平均法、几何平均法和特征值法,可以根据输入的判断矩阵计算出相应的权重。其中,`cal_weight_by_arithmetic_method()`函数实现了算术平均法,`cal_weight_by_geometric_method()`函数实现了几何平均法,`cal_weight_by_eigenvalue_method()`函数实现了特征值法。每个方法返回的是一个代表权重的一维数组。
请注意,代码中使用了NumPy库进行矩阵运算和线性代数计算。<span class="em">1</span><span class="em">2</span><span class="em">3</span>
#### 引用[.reference_title]
- *1* [数学建模——层次分析法Python代码](https://blog.csdn.net/qq_45934521/article/details/118972017)[target="_blank" data-report-click={"spm":"1018.2226.3001.9630","extra":{"utm_source":"vip_chatgpt_common_search_pc_result","utm_medium":"distribute.pc_search_result.none-task-cask-2~all~insert_cask~default-1-null.142^v93^chatsearchT3_1"}}] [.reference_item style="max-width: 50%"]
- *2* *3* [AHP层次分析法与python代码讲解(处理论文、建模)](https://blog.csdn.net/knighthood2001/article/details/127519604)[target="_blank" data-report-click={"spm":"1018.2226.3001.9630","extra":{"utm_source":"vip_chatgpt_common_search_pc_result","utm_medium":"distribute.pc_search_result.none-task-cask-2~all~insert_cask~default-1-null.142^v93^chatsearchT3_1"}}] [.reference_item style="max-width: 50%"]
[ .reference_list ]
python层次分析法代码
以下是使用Python实现层次分析法的示例代码:
```python
import numpy as np
# 创建判断矩阵
def create_matrix(n):
matrix = np.zeros((n, n))
for i in range(n):
for j in range(n):
if i != j:
matrix[i][j] = 1 / float(input("请输入第%d个专家对第%d个指标的重要程度:" % (i+1, j+1)))
return matrix
# 计算权重向量
def calculate_weight(matrix):
n = len(matrix)
weight = np.zeros(n)
for i in range(n):
weight[i] = np.prod(matrix[i]) ** (1/float(n))
weight_sum = np.sum(weight)
weight = weight / weight_sum
return weight
# 计算一致性比率CR
def calculate_CR(matrix, weight):
n = len(matrix)
lambda_max = np.sum(np.dot(matrix, weight) / weight)
CI = (lambda_max - n) / (n - 1)
RI = [0, 0, 0.58, 0.90, 1.12, 1.24, 1.32, 1.41, 1.45, 1.49]
CR = CI / RI[n-1]
return CR
if __name__ == "__main__":
n = int(input("请输入指标个数:"))
matrix = create_matrix(n)
weight = calculate_weight(matrix)
CR = calculate_CR(matrix, weight)
if CR < 0.1:
print("一致性检验通过!")
print("权重向量为:", weight)
else:
print("一致性检验未通过,请重新输入!")
```
使用时,需要先输入指标个数,然后输入各个专家对各个指标的重要程度,最后输出计算得到的权重向量和一致性检验结果。若一致性检验通过,权重向量即为最终权重,反之需要重新输入。
阅读全文