6. 收入与财富不平等#

6.1. 概览#

长期增长 中,我们研究了某些国家和地区的人均国内生产总值是如何变化的。

人均 GDP 很重要,因为它能让我们了解某个国家的家庭平均收入。

然而,当我们研究收入和财富时,平均数只是其中的一部分。

Example 6.1

例如,假设有两个社会,每个社会都有 100 万人,其中

  • 在第一个社会中,一个人的年收入是 $100,000,000,其他人的年收入为零。

  • 在第二个社会中,每个人的年收入都是 100 美元

这些国家的人均收入相同(平均收入为 100 美元),但人民的生活却大不相同(例如,在第一个社会中,几乎每个人都在挨饿,尽管有一个人非常富有)。

上面的例子表明,我们在研究收入和财富时,不应该仅仅局限于简单的平均数。

这就引出了经济不平等的话题,即研究收入和财富(以及其他数量)如何在人口中分配。

在本讲座中,我们将研究不平等问题,首先探讨不平等的衡量标准,然后将其应用于美国和其他国家的财富和收入数据。

6.1.1. 一些历史#

许多历史学家认为,不平等在罗马共和国的衰落中扮演了重要角色(参见[Levitt, 2019]等)。

在打败迦太基和入侵西班牙之后,资金从帝国各地流入罗马,极大地富裕了掌权者。

与此同时,普通公民却被从农田中抽调出来长期作战,使他们的财富不断减少。

由此导致的不平等现象加剧,成为动摇共和国根基的政治动荡的驱动因素。

最终,罗马共和国让位于一系列独裁政权 – 从公元前 27 年的屋大维(奥古斯都)开始。

这段历史告诉我们,不平等很关键,因为它可以推动世界重大事件的发生。

不平等之所以关键,还有其他原因,比如它如何影响人类福祉。

有了这些动机,让我们开始思考什么是不平等,以及如何量化和分析不平等。

6.1.2. 测量#

在政界和大众媒体中,“不平等 ”一词的使用往往相当宽泛,没有任何确切的定义。

要从科学的角度来看待不平等这一话题,我们必须从谨慎的定义开始。

因此,我们首先讨论经济研究中衡量不平等的方法。

我们需要安装以下的Python包

!pip install wbgapi plotly
Hide code cell output
Requirement already satisfied: wbgapi in /home/runner/miniconda3/envs/quantecon/lib/python3.12/site-packages (1.0.12)
Requirement already satisfied: plotly in /home/runner/miniconda3/envs/quantecon/lib/python3.12/site-packages (5.24.1)
Requirement already satisfied: requests in /home/runner/miniconda3/envs/quantecon/lib/python3.12/site-packages (from wbgapi) (2.32.3)
Requirement already satisfied: PyYAML in /home/runner/miniconda3/envs/quantecon/lib/python3.12/site-packages (from wbgapi) (6.0.1)
Requirement already satisfied: tabulate in /home/runner/miniconda3/envs/quantecon/lib/python3.12/site-packages (from wbgapi) (0.9.0)
Requirement already satisfied: tenacity>=6.2.0 in /home/runner/miniconda3/envs/quantecon/lib/python3.12/site-packages (from plotly) (8.2.3)
Requirement already satisfied: packaging in /home/runner/miniconda3/envs/quantecon/lib/python3.12/site-packages (from plotly) (24.1)
Requirement already satisfied: charset-normalizer<4,>=2 in /home/runner/miniconda3/envs/quantecon/lib/python3.12/site-packages (from requests->wbgapi) (3.3.2)
Requirement already satisfied: idna<4,>=2.5 in /home/runner/miniconda3/envs/quantecon/lib/python3.12/site-packages (from requests->wbgapi) (3.7)
Requirement already satisfied: urllib3<3,>=1.21.1 in /home/runner/miniconda3/envs/quantecon/lib/python3.12/site-packages (from requests->wbgapi) (2.2.3)
Requirement already satisfied: certifi>=2017.4.17 in /home/runner/miniconda3/envs/quantecon/lib/python3.12/site-packages (from requests->wbgapi) (2024.8.30)

我们还将使用以下导入。

import pandas as pd
import numpy as np
import matplotlib.pyplot as plt
import random as rd
import wbgapi as wb
import plotly.express as px

import matplotlib as mpl
FONTPATH = "fonts/SourceHanSerifSC-SemiBold.otf"
mpl.font_manager.fontManager.addfont(FONTPATH)
plt.rcParams['font.family'] = ['Source Han Serif SC']

6.2. 洛伦兹曲线#

洛伦兹曲线是衡量不平等的一个常用指标。

在本节中,我们将定义洛伦兹曲线并研究其特性。

6.2.1. 定义#

洛伦兹曲线取一个样本 \(w_1,\ldots,w_n\),并生成一条曲线 \(L\)

我们假设样本从小到大排序。

为了便于解释,假设我们测量的是财富

  • \(w_1\) 是人口中最贫穷成员的财富,而

  • \(w_n\) 是人口中最富有成员的财富。

曲线 \(L\) 就是我们可以绘制和解释的函数 \(y = L(x)\)

要绘制这条曲线,我们首先要根据以下公式生成数据点 \((x_i,y_i)\)

Definition 6.1

\[ x_i = \frac{i}{n}, \qquad y_i = \frac{\sum_{j \leq i} w_j}{\sum_{j \leq n} w_j}, \qquad i = 1, \ldots, n \]

现在,洛伦兹曲线 \(L\) 就是根据这些数据点用插值法绘制的。

如果我们使用 matplotlib 中的线形图,它将自动帮我们完成插值。

洛伦兹曲线 \(y = L(x)\) 的含义是,最低的 \((100 \times x\) % 的人拥有\((100 \times y)\)% 的财富。

  • 如果 \(x=0.5\)\(y=0.1\),那么最底层的 50%人口拥有 10%的财富。

在上面的讨论中,我们重点讨论了财富,但同样的观点也适用于收入、消费等。

6.2.2. 洛伦兹曲线的模拟数据#

让我们来看一些例子,并尝试构建理解。

首先,让我们构建一个可以在下面模拟中使用的 lorenz_curve 函数。

构造这样一个函数,它能将收入或财富数据的数组转换为个人(或家庭)的累积份额和收入(或财富)的累积份额。

def lorenz_curve(y):
    """
    计算洛伦兹曲线,这是收入或财富分配的图形表示。

    它返回人们的累积份额(x轴)和赚取的收入的累积份额。

    参数
    ----------
    y : array_like(float or int, ndim=1)
        每个个体的收入/财富数组。
        无序或有序皆可。

    返回值
    -------
    cum_people : array_like(float, ndim=1)
        每个人指数的人们的累积份额(i/n)
    cum_income : array_like(float, ndim=1)
        每个人指数的收入的累积份额


    参考文献
    ----------
    .. [1] https://en.wikipedia.org/wiki/Lorenz_curve

    示例
    --------
    >>> a_val, n = 3, 10_000
    >>> y = np.random.pareto(a_val, size=n)
    >>> f_vals, l_vals = lorenz(y)

    """

    n = len(y)
    y = np.sort(y)
    s = np.zeros(n + 1)
    s[1:] = np.cumsum(y)
    cum_people = np.zeros(n + 1)
    cum_income = np.zeros(n + 1)
    for i in range(1, n + 1):
        cum_people[i] = i / n
        cum_income[i] = s[i] / s[n]
    return cum_people, cum_income

在下图中,我们从对数正态分布中生成了 \(n=2000\) 个样本,并将这些样本视为我们的总体。

其中45 度线(\(x=L(x)\) 对于所有 \(x\))对应于完全平等的情况。

对数正态分布的样本产生了一个不那么平等的分布。

例如,如果我们将这些样本看作是家庭财富的观测值,那么虚线表明,底部 80% 的家庭仅拥有总财富的 40% 多一点。

n = 2000
sample = np.exp(np.random.randn(n))

fig, ax = plt.subplots()

f_vals, l_vals = lorenz_curve(sample)
ax.plot(f_vals, l_vals, label='对数正态样本', lw=2)
ax.plot(f_vals, f_vals, label='平等', lw=2)

ax.vlines([0.8], [0.0], [0.43], alpha=0.5, colors='k', ls='--')
ax.hlines([0.43], [0], [0.8], alpha=0.5, colors='k', ls='--')
ax.set_xlim((0, 1))
ax.set_xlabel("家庭份额")
ax.set_ylim((0, 1))
ax.set_ylabel("财富份额")
ax.legend()
plt.show()
_images/5968afd543595234d0f116a9247e6d2292d62252945d2417014d939e46a46990.png

Fig. 6.1 模拟财富数据的洛伦兹曲线#

6.2.3. 洛伦兹曲线(美国数据)#

接下来让我们查看美国的收入和财富数据。

下面的代码导入了2016年的SCF_plus数据集的一个子集, 该数据集来源于消费者财务调查(SCF)。

url = 'https://github.com/QuantEcon/high_dim_data/raw/main/SCF_plus/SCF_plus_mini.csv'
df = pd.read_csv(url)
df_income_wealth = df.dropna()
df_income_wealth.head(n=5)
year n_wealth t_income l_income weights nw_groups ti_groups
0 1950 266933.75 55483.027 0.0 0.998732 50-90% 50-90%
1 1950 87434.46 55483.027 0.0 0.998732 50-90% 50-90%
2 1950 795034.94 55483.027 0.0 0.998732 Top 10% 50-90%
3 1950 94531.78 55483.027 0.0 0.998732 50-90% 50-90%
4 1950 166081.03 55483.027 0.0 0.998732 50-90% 50-90%

接下来的代码使用存储在数据框 df_income_wealth 中的数据来生成洛伦兹曲线。

(代码稍微复杂一些,因为我们需要根据 SCF 提供的人口权重来调整数据。)

Hide code cell source
df = df_income_wealth 

varlist = ['n_wealth',    # 净财富
           't_income',    # 总收入
           'l_income']    # 劳动收入

years = df.year.unique()

# 创建列表储存洛伦兹曲线数据

F_vals, L_vals = [], []

for var in varlist:
    # 创建列表储存洛伦兹曲线数据
    f_vals = []
    l_vals = []
    for year in years:

        # 根据他们的权重重复观测
        counts = list(round(df[df['year'] == year]['weights'] )) 
        y = df[df['year'] == year][var].repeat(counts)
        y = np.asarray(y)
        
        # 洗牌序列以改善图形
        rd.shuffle(y)    
               
        # 计算并储存洛伦兹曲线数据
        f_val, l_val = lorenz_curve(y)
        f_vals.append(f_val)
        l_vals.append(l_val)
        
    F_vals.append(f_vals)
    L_vals.append(l_vals)

f_vals_nw, f_vals_ti, f_vals_li = F_vals
l_vals_nw, l_vals_ti, l_vals_li = L_vals

现在我们绘制2016年美国的净财富、总收入和劳动收入的洛伦兹曲线。

总收入是家庭所有收入来源的总和,包括劳动收入但不包括资本收益。

(所有收入计量均为税前。)

fig, ax = plt.subplots()
ax.plot(f_vals_nw[-1], l_vals_nw[-1], label=f'净财富')
ax.plot(f_vals_ti[-1], l_vals_ti[-1], label=f'总收入')
ax.plot(f_vals_li[-1], l_vals_li[-1], label=f'劳动收入')
ax.plot(f_vals_nw[-1], f_vals_nw[-1], label=f'平等')
ax.set_xlabel("家庭份额")
ax.set_ylabel("收入/财富份额")
ax.legend()
plt.show()
lorenz_us

Fig. 6.2 2016年美国洛伦兹曲线#

一个关键发现是,财富不平等比收入不平等更为极端。

6.3. 基尼系数#

洛伦兹曲线提供了分布不平等的可视化表示。

另一种研究收入和财富不平等的方法是通过基尼系数。

在本节中,我们讨论基尼系数及其与洛伦兹曲线的关系。

6.3.1. 定义#

如前所述,假设样本 \(w_1, \ldots, w_n\) 已按从小到大的顺序排列。

基尼系数的定义如下

Definition 6.2

\[ G := \frac{\sum_{i=1}^n \sum_{j = 1}^n |w_j - w_i|} {2n\sum_{i=1}^n w_i}. \]

基尼系数与洛伦兹曲线密切相关。

事实上,可以证明基尼系数的值是平等线与洛伦兹曲线之间面积的两倍(例如,Fig. 6.3 中的阴影区域)。

其思想是,\(G=0\) 表示完全平等,而 \(G=1\) 表示完全不平等。

fig, ax = plt.subplots()
f_vals, l_vals = lorenz_curve(sample)
ax.plot(f_vals, l_vals, label=f'对数正态样本', lw=2)
ax.plot(f_vals, f_vals, label='平等线', lw=2)
ax.fill_between(f_vals, l_vals, f_vals, alpha=0.06)
ax.set_ylim((0, 1))
ax.set_xlim((0, 1))
ax.text(0.04, 0.5, r'$G = 2 \times$ 阴影区域')
ax.set_xlabel("家庭比例 (%)")
ax.set_ylabel("财富比例 (%)")
ax.legend()
plt.show()
_images/b5564521a1549b660af0f327e63715c6cb236139b5349c57db0cc49a3d76d907.png

Fig. 6.3 基尼系数(模拟财富数据)#

事实上,基尼系数还可以表示为

\[ G = \frac{A}{A+B} \]

其中 \(A\) 是完美平等的45度线与洛伦兹曲线之间的区域面积,\(B\) 是洛伦兹曲线以下的区域面积 —— 参见 Fig. 6.4

fig, ax = plt.subplots()
f_vals, l_vals = lorenz_curve(sample)
ax.plot(f_vals, l_vals, label='对数正态样本', lw=2)
ax.plot(f_vals, f_vals, label='平等', lw=2)
ax.fill_between(f_vals, l_vals, f_vals, alpha=0.06)
ax.fill_between(f_vals, l_vals, np.zeros_like(f_vals), alpha=0.06)
ax.set_ylim((0, 1))
ax.set_xlim((0, 1))
ax.text(0.55, 0.4, 'A')
ax.text(0.75, 0.15, 'B')
ax.set_xlabel("家庭份额")
ax.set_ylabel("财富份额")
ax.legend()
plt.show()
_images/6d30fcbd7a847dcbb15e5a4efee825d4e331024cfe7d33b1c58bbb10c6ceb1d2.png

Fig. 6.4 洛伦兹曲线和基尼系数#

See also

在全球数据网站上有一个很有趣的用图表阐述洛伦兹曲线的网页

6.3.2. 模拟数据的基尼系数#

让我们通过模拟数据来研究基尼系数。

下面的代码将从样本中计算基尼系数。

def gini_coefficient(y):
    r"""
    实现的基尼不平等指数

    参数
    ----------
    y : array_like(float)
        每个个体的收入/财富数组。
        排序与否均可

    返回值
    -------
    基尼指数: float
        描述收入/财富数组不平等的基尼指数

    参考资料
    ----------

    https://en.wikipedia.org/wiki/Gini_coefficient
    """
    n = len(y)
    i_sum = np.zeros(n)
    for i in range(n):
        for j in range(n):
            i_sum[i] += abs(y[i] - y[j])
    return np.sum(i_sum) / (2 * n * np.sum(y))

现在我们可以计算五个不同总体的基尼系数。

这些总体中的每一个都是从参数为 \(\mu\)(均值)和 \(\sigma\)(标准差)的对数正态分布中生成的。

为了创建这五个总体,我们在 \(0.2\)\(4\) 的网格上变化 \(\sigma\),网格长度为 \(5\)

在每种情况下,我们都设置 \(\mu = - \sigma^2 / 2\)

这意味着分布的均值不会随 \(\sigma\) 改变。

你可以通过查找对数正态分布均值的表达式来验证这一点。

%%time
k = 5
σ_vals = np.linspace(0.2, 4, k)
n = 2_000

ginis = []

for σ in σ_vals:
    μ = -σ**2 / 2
    y = np.exp(μ + σ * np.random.randn(n))
    ginis.append(gini_coefficient(y))
CPU times: user 6.9 s, sys: 7.61 ms, total: 6.9 s
Wall time: 6.9 s

让我们构建一个返回图形的函数(这样我们可以在后面的讲义中使用它)。

def plot_inequality_measures(x, y, legend, xlabel, ylabel):
    fig, ax = plt.subplots()
    ax.plot(x, y, marker='o', label=legend)
    ax.set_xlabel(xlabel)
    ax.set_ylabel(ylabel)
    ax.legend()
    return fig, ax
fix, ax = plot_inequality_measures(σ_vals, 
                                  ginis, 
                                  '模拟', 
                                  '$\sigma$', 
                                  '基尼系数')
plt.show()
<>:4: SyntaxWarning: invalid escape sequence '\s'
<>:4: SyntaxWarning: invalid escape sequence '\s'
/tmp/ipykernel_5403/392469481.py:4: SyntaxWarning: invalid escape sequence '\s'
  '$\sigma$',
_images/7f12905a74f598802bcc303c8c96cb37ddb643d82be347d38e16e545f5e9d13e.png

Fig. 6.5 模拟数据的基尼系数#

根据基尼系数,图表显示不平等随着 \(\sigma\) 增加而上升。

6.3.3. 美国收入的基尼系数#

让我们来看一下美国收入分布的基尼系数。

我们将从世界银行预先计算的基尼系数(基于收入)中获取数据,使用 wbgapi

让我们使用前面导入的 wbgapi 包,搜索世界银行数据中的基尼系数以找到系列 ID。

wb.search("gini")

Series

ID Name Field Value
SI.POV.GINI Developmentrelevance ...growth of the bottom 40 per cent of the welfare distribution in every country. Gini coefficients are important background information for shared prosperity....
SI.POV.GINI IndicatorName Gini index
SI.POV.GINI Limitationsandexceptions ...Gini coefficients are not unique. It is possible for two different Lorenz curves to...
SI.POV.GINI Longdefinition ...Gini index measures the extent to which the distribution of income (or, in some...
SI.POV.GINI Shortdefinition ...The Gini index measures the extent to which the distribution of income or consumption...
SI.POV.GINI Statisticalconceptandmethodology...The Gini index measures the area between the Lorenz curve and a hypothetical line of...

我们现在知道系列 ID 是 SI.POV.GINI

(另一种找到系列 ID 的方法是使用 世界银行数据门户 并使用 wbgapi 提取数据。)

为了快速概览,让我们绘制世界银行数据集中所有国家和所有年份的基尼系数直方图。

# 获取所有国家的基尼数据
gini_all = wb.data.DataFrame("SI.POV.GINI")
# 移除索引中的 'YR' 并转为整数
gini_all.columns = gini_all.columns.map(lambda x: int(x.replace('YR',''))) 

# 创建带有多重索引的长系列数据,以获取全球最大和最小值
gini_all = gini_all.unstack(level='economy').dropna()

# 构建直方图
ax = gini_all.plot(kind="hist", bins=20)
ax.set_xlabel("基尼系数")
ax.set_ylabel("频率")
plt.show()
_images/a779cb8eaf9f48edba03d1453dfc33cb5bf3011b581f61da2a3bd93e11ce8024.png

Fig. 6.6 各国基尼系数直方图#

我们可以在 Fig. 6.6 中看到,根据50年的数据和所有国家的数据,该指标在20到65之间变化。

现在,我们来看看美国在过去几十年的基尼系数变化。

data = wb.data.DataFrame("SI.POV.GINI", "USA")
data.head(n=5)
# 移除索引中的 'YR' 并将其转换为整数
data.columns = data.columns.map(lambda x: int(x.replace('YR','')))

(这个数据包通常会返回包含年份信息的列。这在使用 pandas 简单绘图时并不总是方便,因此在绘图之前将结果转置可能会有帮助。)

data = data.T           # 将年份作为行
data_usa = data['USA']  # 获取美国数据的 pd.Series

让我们来看一下美国的数据。

fig, ax = plt.subplots()
ax = data_usa.plot(ax=ax)
ax.set_ylim(data_usa.min()-1, data_usa.max()+1)
ax.set_ylabel("基尼系数(收入)")
ax.set_xlabel("年份")
plt.show()
_images/1bae13ee05be96eae1f63d54315aa2109a32ed4f579024fb98f9d171b24c10cf.png

Fig. 6.7 美国收入分布的基尼系数#

Fig. 6.7 所示,从1980年到2020年,美国的收入基尼系数呈上升趋势,然后在COVID疫情初期下降。

6.3.4. 财富的基尼系数#

在上一节中,我们重点使用美国的数据研究了收入的基尼系数。

现在让我们来看一下财富分布的基尼系数。

我们将使用 消费者金融调查 的美国数据。

df_income_wealth.year.describe()
count    509455.000000
mean       1982.122062
std          22.607350
min        1950.000000
25%        1959.000000
50%        1983.000000
75%        2004.000000
max        2016.000000
Name: year, dtype: float64

此笔记本 可以用于计算整个数据集中的此信息。

data_url = 'https://github.com/QuantEcon/lecture-python-intro/raw/main/lectures/_static/lecture_specific/inequality/usa-gini-nwealth-tincome-lincome.csv'
ginis = pd.read_csv(data_url, index_col='year')
ginis.head(n=5)
n_wealth t_income l_income
year
1950 0.825733 0.442487 0.534295
1953 0.805949 0.426454 0.515898
1956 0.812179 0.444269 0.534929
1959 0.795207 0.437493 0.521399
1962 0.808695 0.443584 0.534513

让我们绘制净财富的基尼系数图表。

fig, ax = plt.subplots()
ax.plot(years, ginis["n_wealth"], marker='o')
ax.set_xlabel("年份")
ax.set_ylabel("基尼系数")
plt.show()
_images/646e50d0d7edc20defba5e0e2768c57c3067e5a81219af523987ce7d0c3befab.png

Fig. 6.8 美国净财富的基尼系数#

财富基尼系数的时间序列呈现出 U 形走势,在20世纪80年代初之前下降,然后迅速上升。

一个可能的原因是这种变化是主要由技术驱动的。

然而,我们将在下文中看到,并非所有发达经济体都经历了类似的不平等增长。

6.3.5. 跨国收入不平等的比较#

在本讲义的前面部分,我们使用 wbgapi 获取了多个国家的基尼数据,并将其保存在名为 gini_all 的变量中。

在本节中,我们将使用这些数据来比较几个发达经济体,并查看它们各自的收入基尼系数的变化。

data = gini_all.unstack()
data.columns
Index(['USA', 'GBR', 'FRA', 'CAN', 'SWE', 'IND', 'ITA', 'ISR', 'NOR', 'PAN',
       ...
       'ARE', 'SYC', 'RUS', 'LCA', 'MMR', 'QAT', 'TUR', 'GRD', 'MHL', 'SUR'],
      dtype='object', name='economy', length=169)

此数据包中涵盖了167个国家的数据。

让我们比较三个发达经济体:美国、英国和挪威。

ax = data[['USA','GBR', 'NOR']].plot()
ax.set_xlabel('年份')
ax.set_ylabel('基尼系数')
ax.legend(labels=["美国", "英国", "挪威"], title="") 
plt.show()
_images/f529b66012220d7fc41028284a910dc59dc8712a52f41fa332331c91b9342889.png

Fig. 6.9 收入基尼系数(美国、英国和挪威)#

我们发现挪威的数据时间序列较短。

让我们仔细查看底层数据,看看是否可以修正这个问题。

data[['NOR']].dropna().head(n=5)
economy NOR
1979 26.9
1986 24.6
1991 25.2
1995 26.0
2000 27.4

此数据包中挪威的数据可以追溯到1979年,但时间序列中存在空缺,所以matplotlib 没有显示这些数据点。

我们可以使用 .ffill() 方法来复制并前移序列中的最后已知值,以填补这些空缺。

data['NOR'] = data['NOR'].ffill()
ax = data[['USA','GBR', 'NOR']].plot()
ax.set_xlabel('年份')
ax.set_ylabel('基尼系数')
ax.legend(labels=["美国", "英国", "挪威"], title="") 
plt.show()
_images/6a673e45680da659d86c7384877e7d188453b04a2f3e09b3348a08df18450e92.png

Fig. 6.10 收入基尼系数(美国、英国和挪威)#

从这个图中我们可以观察到,与英国和挪威相比,美国的基尼系数更高(即收入不平等程度更高)。

挪威在这三个经济体中基尼系数最低,而且基尼系数没有上升的趋势。

6.3.6. 基尼系数与人均GDP(随时间变化)#

我们还可以查看(随时间变化的)基尼系数与人均GDP的比较。

让我们再次关注美国、挪威和英国。

countries = ['USA', 'NOR', 'GBR']
gdppc = wb.data.DataFrame("NY.GDP.PCAP.KD", countries)
# 移除索引中的 'YR' 并将其转换为整数
gdppc.columns = gdppc.columns.map(lambda x: int(x.replace('YR',''))) 
gdppc = gdppc.T

我们可以重新整理数据,以便绘制不同时期的基尼系数和人均GDP。

plot_data = pd.DataFrame(data[countries].unstack())
plot_data.index.names = ['country', 'year']
plot_data.columns = ['gini']

现在我们将人均GDP数据整理成可以与 plot_data 合并的格式。

pgdppc = pd.DataFrame(gdppc.unstack())
pgdppc.index.names = ['country', 'year']
pgdppc.columns = ['gdppc']
plot_data = plot_data.merge(pgdppc, left_index=True, right_index=True)
plot_data.reset_index(inplace=True)

现在我们使用 Plotly 绘制一张图表,其中 y 轴表示人均GDP,x 轴表示基尼系数。

min_year = plot_data.year.min()
max_year = plot_data.year.max()

这三个国家的时间序列开始和结束的年份不同。

我们将在数据中添加一个年份掩码,以提高图表的清晰度,包含每个国家时间序列的不同结束年份。

labels = [1979, 1986, 1991, 1995, 2000, 2020, 2021, 2022] + \
         list(range(min_year,max_year,5))
plot_data.year = plot_data.year.map(lambda x: x if x in labels else None)
fig = px.line(plot_data, 
              x = "gini", 
              y = "gdppc", 
              color = "country", 
              text = "year", 
              height = 800,
              labels = {"gini" : "基尼系数", "gdppc" : "人均GDP"}
             )
fig.for_each_trace(lambda t: t.update(name={'USA': '美国', 'GBR': '英国', 'NOR': '挪威'}[t.name]))

fig.update_traces(textposition="bottom right")
fig.show()

此图表显示,所有三个西方经济体的人均GDP随着时间增长,而基尼系数则有所波动。

从80年代初开始,英国和美国的经济都经历了收入不平等的增加。

有趣的是,自2000年以来,英国的收入不平等有所下降,而美国则表现出基尼系数约为40的持续但稳定的水平。

6.4. 前10%比例#

另一个受欢迎的不平等衡量指标是前10%比例。

在本节中,我们展示如何计算前10%比例。

6.4.1. 定义#

如前所述,假设样本 \(w_1, \ldots, w_n\) 已按从小到大的顺序排列。

给定上面定义的洛伦兹曲线 \(y = L(x)\),前 \(100 \times p \%\) 的比例定义为

Definition 6.3

(6.1)#\[ T(p) = 1 - L (1-p) \approx \frac{\sum_{j\geq i} w_j}{ \sum_{j \leq n} w_j}, \quad i = \lfloor n (1-p)\rfloor \]

这里 \(\lfloor \cdot \rfloor\) 是取整函数,它将任何数字向下取整为小于或等于该数的整数。

以下代码使用数据框 df_income_wealth 中的数据生成另一个数据框 df_topshares

df_topshares 存储了1950年至2016年美国总收入、劳动收入和净财富的前10%比例。

Hide code cell source
# 将调查权重从绝对值转换为相对值
df1 = df_income_wealth
df2 = df1.groupby('year').sum(numeric_only=True).reset_index()
df3 = df2[['year', 'weights']]
df3.columns = 'year', 'r_weights'
df4 = pd.merge(df3, df1, how="left", on=["year"])
df4['r_weights'] = df4['weights'] / df4['r_weights']

# 创建加权的净财富、总收入和劳动收入
df4['weighted_n_wealth'] = df4['n_wealth'] * df4['r_weights']
df4['weighted_t_income'] = df4['t_income'] * df4['r_weights']
df4['weighted_l_income'] = df4['l_income'] * df4['r_weights']

# 提取按净财富和总收入分组的前10%群体
df6 = df4[df4['nw_groups'] == 'Top 10%']
df7 = df4[df4['ti_groups'] == 'Top 10%']

# 计算按净财富、总收入和劳动收入加权的前10%
df5 = df4.groupby('year').sum(numeric_only=True).reset_index()
df8 = df6.groupby('year').sum(numeric_only=True).reset_index()
df9 = df7.groupby('year').sum(numeric_only=True).reset_index()

df5['weighted_n_wealth_top10'] = df8['weighted_n_wealth']
df5['weighted_t_income_top10'] = df9['weighted_t_income']
df5['weighted_l_income_top10'] = df9['weighted_l_income']

# 计算这三个变量的前10%比例
df5['topshare_n_wealth'] = df5['weighted_n_wealth_top10'] / \
    df5['weighted_n_wealth']
df5['topshare_t_income'] = df5['weighted_t_income_top10'] / \
    df5['weighted_t_income']
df5['topshare_l_income'] = df5['weighted_l_income_top10'] / \
    df5['weighted_l_income']

# 我们只需要这些变量来计算前10%的比例
df_topshares = df5[['year', 'topshare_n_wealth',
                    'topshare_t_income', 'topshare_l_income']]

接下来让我们绘制前10%比例的图表。

fig, ax = plt.subplots()
ax.plot(years, df_topshares["topshare_l_income"],
        marker='o', label="劳动收入")
ax.plot(years, df_topshares["topshare_n_wealth"],
        marker='o', label="净财富")
ax.plot(years, df_topshares["topshare_t_income"],
        marker='o', label="总收入")
ax.set_xlabel("年份")
ax.set_ylabel("前 $10\%$ 比例")
ax.legend()
plt.show()
<>:9: SyntaxWarning:

invalid escape sequence '\%'

<>:9: SyntaxWarning:

invalid escape sequence '\%'

/tmp/ipykernel_5403/2488573772.py:9: SyntaxWarning:

invalid escape sequence '\%'
_images/63aabb30eecde27afe997d996f2e75ce2f2b2a72dd2b6bdba8e65212d57d9ffc.png

Fig. 6.11 美国前10%比例#

6.5. 练习#

Exercise 6.1

使用模拟数据来计算对数正态分布的前10%份额,这些对数正态分布与随机变量 \(w_\sigma = \exp(\mu + \sigma Z)\) 相关联,其中 \(Z \sim N(0, 1)\)\(\sigma\) 在一个从 \(0.2\)\(4\) 的有限网格上变化。

随着 \(\sigma\) 的增加,\(w_\sigma\) 的方差也在增加。

为了关注波动性,在每一步调整 \(\mu\) 以保持等式 \(\mu = -\sigma^2 / 2\) 成立。

对于每个 \(\sigma\),生成2000个 \(w_\sigma\) 的独立抽样,并计算洛伦兹曲线和基尼系数。

确认更高的方差会在样本中产生更多的分散,从而导致更大的不平等。

Exercise 6.2

根据前10%比例的定义 (6.1),我们也可以使用洛伦兹曲线计算前百分位比例。

使用洛伦兹曲线数据 f_vals_nw, l_vals_nw 和线性插值,计算美国净财富的前10%比例。

绘制由洛伦兹曲线生成的前10%比例与从数据近似得出的前10%比例。

Exercise 6.3

计算基尼系数的代码在上述讲义中列出

此代码使用循环计算基于收入或财富数据的基尼系数。

该函数可以通过向量化改写,从而大大提高 python 中的计算效率。

使用 numpy 和向量化代码重写 gini_coefficient 函数。

你可以比较新函数与上面函数的输出,并注意速度差异。