diff --git a/404.html b/404.html index 31d5f15d..bb0def74 100644 --- a/404.html +++ b/404.html @@ -5,13 +5,13 @@ 找不到页面 | waley - - + +
跳到主要内容

找不到页面

我们找不到您要找的页面。

请联系原始链接来源网站的所有者,并告知他们链接已损坏。

- - + + \ No newline at end of file diff --git a/Coding.html b/Coding.html index 53a156d0..bb04db92 100644 --- a/Coding.html +++ b/Coding.html @@ -5,13 +5,13 @@ Coding | waley - - + +
跳到主要内容

Coding

即将上线

- - + + \ No newline at end of file diff --git a/Coding/category/evolutionary-computation.html b/Coding/category/evolutionary-computation.html index 30c3b303..6103eca8 100644 --- a/Coding/category/evolutionary-computation.html +++ b/Coding/category/evolutionary-computation.html @@ -5,13 +5,13 @@ Evolutionary Computation | waley - - + +
跳到主要内容
- - + + \ No newline at end of file diff --git a/Coding/evolutionary computation/FlappyBird.html b/Coding/evolutionary computation/FlappyBird.html index 45f6c39f..91ef5794 100644 --- a/Coding/evolutionary computation/FlappyBird.html +++ b/Coding/evolutionary computation/FlappyBird.html @@ -5,13 +5,13 @@ FlappyBird | waley - - + +
跳到主要内容

FlappyBird

使用MLP与遗传算法玩FlappyBird GitHub链接

flappyBird

所需环境

代码 Code

MLP神经网络 neural network controller

import numpy as np
import math

class MLP(object):
def __init__(self, numInput, numHidden1, numHidden2, numOutput):
self.fitness = 0
self.numInput = numInput + 1 # Add bias node from input to hidden layer␣ 􏰀→1 only
self.numHidden1 = numHidden1 # Feel free to adapt the code to add more␣ 􏰀→biases if you wish
self.numHidden2 = numHidden2
self.numOutput = numOutput
self.w_i_h1 = np.random.randn(self.numHidden1, self.numInput)
self.w_h1_h2 = np.random.randn(self.numHidden2, self.numHidden1)
self.w_h2_o = np.random.randn(self.numOutput, self.numHidden2)
self.ReLU = lambda x : max(0,x)
def sigmoid(self, x):
try:
ans = (1 / (1 + math.exp(-x)))
except OverflowError:
ans = float('inf')
return ans
class MLP(MLP):
def feedForward(self, inputs):
inputsBias = inputs[:]
inputsBias.insert(len(inputs), 1)
h1 = np.dot(self.w_i_h1, inputsBias)
h1 = [self.ReLU(x) for x in h1]
h2 = np.dot(self.w_h1_h2, h1)
h2 = [self.ReLU(x) for x in h2]
output = np.dot(self.w_h2_o, h2)
output = [self.sigmoid(x) for x in output]
return output
class MLP(MLP):
def getWeightsLinear(self):
flat_w_i_h1 = list(self.w_i_h1.flatten())
flat_w_h1_h2 = list(self.w_h1_h2.flatten())
flat_w_h2_o = list(self.w_h2_o.flatten())
return (flat_w_i_h1 + flat_w_h1_h2 + flat_w_h2_o)
def setWeightsLinear(self, Wgenome):
numWeights_I_H1 = self.numHidden1 * self.numInput
numWeights_H1_H2 = self.numHidden2 * self.numHidden1
numWeights_H2_O = self.numOutput * self.numHidden2

self.w_i_h1 = np.array(Wgenome[:numWeights_I_H1])
self.w_i_h1 = self.w_i_h1.reshape((self.numHidden1, self.numInput))

self.w_h1_h2 = np.array(Wgenome[numWeights_I_H1:(numWeights_H1_H2+numWeights_I_H1)])
self.w_h1_h2 = self.w_h1_h2.reshape((self.numHidden2, self.numHidden1))

self.w_h2_o = np.array(Wgenome[(numWeights_H1_H2 + numWeights_I_H1):])
self.w_h2_o = self.w_h2_o.reshape((self.numOutput, self.numHidden2))

游戏 Game

import pygame

class FlappyBird:
def __init__(self):
self.screen = pygame.display.set_mode((400, 708))
self.bird = pygame.Rect(65, 50, 50, 50)
self.background = pygame.image.load("assets/background.png").convert()
self.birdSprites = [pygame.image.load("assets/1.png").convert_alpha(),
pygame.image.load("assets/2.png").convert_alpha(),
pygame.image.load("assets/dead.png")]
self.wallUp = pygame.image.load("assets/bottom.png").convert_alpha()
self.wallDown = pygame.image.load("assets/top.png").convert_alpha()
self.gap = 130
self.gravity = 5
self.delay = False
self.restart()

def updateWalls(self):
self.wallx -= 5
self.distanceMoved += 5
if self.wallx < -80:
self.wallx = 400
self.counter += 1
self.offset = np.random.randint(-180, 200)

def birdUpdate(self):
if self.jump:
self.jumpSpeed -= 1
self.birdY -= self.jumpSpeed
self.jump -= 1
else:
self.birdY += self.gravity
self.gravity += 0.2
self.bird[1] = self.birdY
upRect = pygame.Rect(self.wallx,
360 + self.gap - self.offset + 10,
self.wallUp.get_width() - 10,
self.wallUp.get_height())
downRect = pygame.Rect(self.wallx,
0 - self.gap - self.offset - 10,
self.wallDown.get_width() - 10,
self.wallDown.get_height())

if upRect.colliderect(self.bird):
self.dead = True
if downRect.colliderect(self.bird):
self.dead = True

if not 0 < self.bird[1] < 720:
self.dead = True

def updateScreen(self):
font = pygame.font.SysFont("Arial", 50)
self.screen.fill((255, 255, 255))
self.screen.blit(self.background, (0, 0))
self.wallUpY = 360 + self.gap - self.offset
self.wallDownY = 0 - self.gap - self.offset
self.screen.blit(self.wallUp, (self.wallx, self.wallUpY))
self.screen.blit(self.wallDown, (self.wallx, self.wallDownY))
self.screen.blit(font.render(str(self.counter), -1, (255, 255, 255)),(200, 50))
self.screen.blit(self.birdSprites[self.sprite], (70, self.birdY))

def makeJump(self):
self.jump = 17
self.gravity = 5
self.jumpSpeed = 10

def restart(self):
self.wallx = 400
self.wallUpY = 0
self.wallDownY = 0
self.birdY = 400
self.jump = 0 # A timer for the jump
self.jumpSpeed = 10
self.dead = False
self.sprite = 1
self.distanceMoved = 0
self.counter = 0
self.stepsSinceLastJump = 0
self.offset = np.random.randint(-180, 300)

def run(self, network):
pygame.font.init()

while self.dead == False:
for event in pygame.event.get():
if event.type == pygame.QUIT:
sys.exit()
if (event.type == pygame.KEYDOWN) and not self.dead:
#self.makeJump()
if self.delay:
self.delay = False
else:
self.delay = True

if self.delay: time.sleep(0.01)

# We don't want it going on forever, so set an upper limit
if self.counter == 10:
self.dead = True

self.xdiff = 70 - self.wallx
ydiffUp = self.birdY - self.wallUpY
ydiffDown = self.birdY - self.wallDownY

decision = network.feedForward([self.xdiff, ydiffUp, ydiffDown])

if decision[0] > 0.5 and not self.dead:
self.makeJump()

self.updateScreen()
self.updateWalls()
self.birdUpdate()

pygame.display.update()

return self.distanceMoved

遗传算法 The Genetic Algorithm

from deap import base
from deap import creator
from deap import tools

import random
import time
numInputNodes = 3
numHiddenNodes1 = 3
numHiddenNodes2 = 2
numOutputNodes = 1

IND_SIZE = ((numInputNodes+1) * numHiddenNodes1) + (numHiddenNodes1 * numHiddenNodes2) + (numHiddenNodes2 * numOutputNodes)

Create a single neural network controller that we will use. We will evolve weights and pass them to this network when we need to evaluate their fitness.

myNet = MLP(numInputNodes, numHiddenNodes1, numHiddenNodes2, numOutputNodes)

creator.create("FitnessMax", base.Fitness, weights=(1.0,))
creator.create("Individual", list, fitness=creator.FitnessMax)

toolbox = base.Toolbox()
toolbox.register("attr_float", random.uniform, -1.0, 1.0)
toolbox.register("individual", tools.initRepeat, creator.Individual,toolbox.attr_float, n=IND_SIZE)
def evaluate(indiv, myNet, game):
myNet.setWeightsLinear(indiv) # Load the individual's weights into the neural network
game.restart()
fitness = game.run(myNet) # Evaluate the individual by running the game (discuss)
return fitness,
toolbox.register("evaluate", evaluate)
toolbox.register("select", tools.selTournament, tournsize=3)

toolbox.register("mutate", tools.mutGaussian, mu=0.0, sigma=0.5, indpb=0.1)
toolbox.register("population", tools.initRepeat, list, toolbox.individual)
stats = tools.Statistics(key=lambda ind: ind.fitness.values)
stats.register("avg", np.mean)
stats.register("std", np.std)
stats.register("min", np.min)
stats.register("max", np.max)
logbook = tools.Logbook()

pop = toolbox.population(n=100)

Create a single game object. We will use this single object evaluate each of our solutions.

game = FlappyBird()
fitnesses = [toolbox.evaluate(indiv, myNet, game) for indiv in pop]
for ind, fit in zip(pop, fitnesses):
ind.fitness.values = fit
NGEN = 10

for g in range(NGEN):
print("-- Generation %i --" % g)

offspring = toolbox.select(pop, len(pop))
offspring = list(map(toolbox.clone, offspring))

for mutant in offspring:
toolbox.mutate(mutant)
del mutant.fitness.values

invalid_ind = [ind for ind in offspring if not ind.fitness.valid]
fitnesses = [toolbox.evaluate(indiv, myNet, game) for indiv in invalid_ind]
for ind, fit in zip(invalid_ind, fitnesses):
ind.fitness.values = fit

pop[:] = offspring
record = stats.compile(pop)
logbook.record(gen=g, **record)

检验算法 Examination of the algorithm

logbook.header = "gen", "avg", "evals", "std", "min", "max"
import matplotlib.pyplot as plt
%matplotlib inline
gen = logbook.select("gen")
avgs = logbook.select("avg")
stds = logbook.select("std")
plt.rc('axes', labelsize=14)
plt.rc('xtick', labelsize=14)
plt.rc('ytick', labelsize=14)
plt.rc('legend', fontsize=14)

fig, ax1 = plt.subplots()

line1 = ax1.errorbar(gen, avgs, yerr=stds, errorevery=2)
ax1.set_xlabel("Generation")
ax1.set_ylabel("Mean Fitness")

FPresults

检验最优解 Examine the best solution

indiv1 = tools.selBest(pop, 1)[0]
toolbox.evaluate(indiv1, myNet, game)
- - + + \ No newline at end of file diff --git a/Coding/evolutionary computation/Introduction.html b/Coding/evolutionary computation/Introduction.html index 4498c15e..ced4a6ab 100644 --- a/Coding/evolutionary computation/Introduction.html +++ b/Coding/evolutionary computation/Introduction.html @@ -5,15 +5,15 @@ An Introduction to Genetic Algorithms | waley - - + +
跳到主要内容

An Introduction to Genetic Algorithms

什么是遗传算法?

遗传算法是一个搜索算法系列,灵感来源于自然界的进化原理。通过模仿自然选择和繁殖的过程,遗传算法可以为涉及搜索、优化和学习的各种问题产生高质量的解决方案。同时,它们与自然进化的相似性使得遗传算法能够克服传统搜索和优化算法所遇到的一些障碍,特别是对于具有大量参数和复杂数学表示的问题。

Darwinian evolution 达尔文进化理论

遗传算法实现了自然界中发生的达尔文进化论的简化版本。达尔文进化论的原则可以用以下原则来概括。

  • 变异的原则: 属于一个种群的单个标本的特征(属性)可能有所不同。因此,这些标本在某种程度上彼此不同;例如,在其行为或外观上。

  • 遗传的原则: 有些性状会从标本一直传给他们的后代。因此,后代与父母的相似程度高于与非亲属标本的相似程度。

  • 选择的原则: 种群通常在其特定的环境中为资源而斗争。拥有更好地适应环境的特质的标本将更成功地生存下来,也将为下一代贡献更多的后代。

换句话说,进化维持着一个由个体标本组成的群体,这些个体标本相互之间存在差异。那些更好地适应其环境的人有更大的机会生存、繁殖,并将其特征传给下一代。这样一来,随着一代又一代的发展,物种变得更加适应它们的环境和面临的挑战。

进化的一个重要推动因素是 交叉 crossover重组 recombination —— 在这种情况下,创造出的后代混合了其父母的性状。交叉有助于保持种群的多样性,并随着时间的推移将更好的性状聚集起来。此外,突变 mutations —— 性状的随机变化 —— 可以在进化中发挥作用,通过引入变化,每隔一段时间就会产生一个飞跃。

The genetic algorithms analogy 遗传算法类比

遗传算法试图为一个给定的问题找到最佳解决方案。达尔文进化论保持了一个个体标本的群体,而遗传算法则保持了一个候选解决方案的群体,称为个体,用于解决该给定问题。这些候选解决方案被反复评估,并被用来创造新一代的解决方案。那些更善于解决这个问题的人有更大的机会被选中,并将他们的品质传递给下一代的候选解决方案。这样一来,随着一代又一代,候选解决方案在解决手头的问题方面越来越好。

后续,我们将描述遗传算法的各个组成部分,这些组成部分能够实现达尔文进化的这种类比。

Genotype 基因型

在自然界中,育种、繁殖和变异是通过基因型来促进的 —— 一个被组合成染色体的基因集合。如果两个标本繁殖产生后代,后代的每条染色体将携带来自父母双方的混合基因。

模仿这个概念,在遗传算法的情况下,每个个体由代表基因集合的染色体来代表。例如,染色体可以表示为一个二进制字符串,其中每个比特代表一个基因。 gene 前面的图片显示了一个这样的二进制编码染色体的例子,代表一个特定的个体。

- - + + \ No newline at end of file diff --git a/Coding/evolutionary computation/max-one problem.html b/Coding/evolutionary computation/max-one problem.html index 4afd3b21..1a0a9f38 100644 --- a/Coding/evolutionary computation/max-one problem.html +++ b/Coding/evolutionary computation/max-one problem.html @@ -5,14 +5,14 @@ OneMax Problem | waley - - + +
跳到主要内容

OneMax Problem

OneMax问题是遗传算法的入门问题:如何使一段长度固定的二进制字符串所有位置上数字之和最大。 下面以长度10为例。

所需环境

代码

import random
from deap import algorithms, base, creator, tools

定义个体

creator.create("FitnessMax", base.Fitness, weights=(1.0,))
creator.create("Individual", list, fitness=creator.FitnessMax)
toolbox = base.Toolbox()
toolbox.register("attr_bool", random.randint, 0, 1)
toolbox.register("individual", tools.initRepeat, creator.Individual, toolbox.attr_bool, n=100)
toolbox.register("population", tools.initRepeat, list, toolbox.individual)

定义遗传操作

def evalOneMax(individual): 
return (sum(individual),)
toolbox.register("evaluate", evalOneMax)
toolbox.register("select", tools.selTournament, tournsize=3)

toolbox.register("mate", tools.cxUniform, indpb=0.1)
toolbox.register("mutate", tools.mutFlipBit, indpb=0.01)

logbook = tools.Logbook()

主体部分

pop = toolbox.population(n=300)

fitnesses = list(map(toolbox.evaluate, pop))
for ind, fit in zip(pop, fitnesses):
ind.fitness.values = fit

NGEN = 50

for g in range(NGEN):
print("-- Generation %i --" % g)

offspring = toolbox.select(pop, len(pop))
offspring = list(map(toolbox.clone, offspring))

for child1, child2 in zip(offspring[::2], offspring[1::2]):
toolbox.mate(child1, child2)
del child1.fitness.values
del child2.fitness.values

for mutant in offspring:
toolbox.mutate(mutant)
del mutant.fitness.values

invalid_ind = [ind for ind in offspring if not ind.fitness.valid]
fitnesses = map(toolbox.evaluate, invalid_ind)
for ind, fit in zip(invalid_ind, fitnesses):
ind.fitness.values = fit

pop[:] = offspring

最优个体

best_ind = tools.selBest(pop, 1)[0]
print("Best individual is %s" % (best_ind))
print("With fitness %s" % (best_ind.fitness.values))

Best individual is [1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1] With fitness 100.0

记录数据

stats = tools.Statistics(key=lambda ind: ind.fitness.values)
import numpy 
stats.register("avg", numpy.mean)
stats.register("std", numpy.std)
stats.register("min", numpy.min)
stats.register("max", numpy.max)

{'avg': 98.19, 'std': 1.2438783434618248, 'min': 93.0, 'max': 100.0}

record = stats.compile(pop)
print(record)
logbook = tools.Logbook()
logbook.record(gen=0, evals=30, **record)
logbook.header = "gen", "avg", "evals", "std", "min", "max"
print(logbook)
genavgevalsstdminmax
098.19301.2438893100

数据可视化

import matplotlib.pyplot as plt 
%matplotlib inline
gen = logbook.select("gen")
avgs = logbook.select("avg")
stds = logbook.select("std")
plt.rc('axes', labelsize=14)
plt.rc('xtick', labelsize=14)
plt.rc('ytick', labelsize=14)
plt.rc('legend', fontsize=14)
fig, ax1 = plt.subplots()
line1 = ax1.errorbar(gen, avgs, yerr=stds, errorevery=2)
ax1.set_xlabel("Generation")
ax1.set_ylabel("Mean Fitness")

Text(0, 0.5, 'Mean Fitness')

oneMax

- - + + \ No newline at end of file diff --git a/Product Manager.html b/Product Manager.html index ce618cb4..9fa0f244 100644 --- a/Product Manager.html +++ b/Product Manager.html @@ -5,13 +5,13 @@ 简介 | waley - - + +
跳到主要内容

简介

There should be an introduction.

- - + + \ No newline at end of file diff --git "a/Product Manager/category/\346\226\271\346\263\225\350\256\272.html" "b/Product Manager/category/\346\226\271\346\263\225\350\256\272.html" index bc65caed..cb7e51bc 100644 --- "a/Product Manager/category/\346\226\271\346\263\225\350\256\272.html" +++ "b/Product Manager/category/\346\226\271\346\263\225\350\256\272.html" @@ -5,13 +5,13 @@ 方法论 | waley - - + +
跳到主要内容
- - + + \ No newline at end of file diff --git "a/Product Manager/category/\351\241\271\347\233\256.html" "b/Product Manager/category/\351\241\271\347\233\256.html" index b1013a13..9429eedd 100644 --- "a/Product Manager/category/\351\241\271\347\233\256.html" +++ "b/Product Manager/category/\351\241\271\347\233\256.html" @@ -5,13 +5,13 @@ 项目 | waley - - + +
跳到主要内容
- - + + \ No newline at end of file diff --git "a/Product Manager/\346\226\271\346\263\225\350\256\272/Nielsen\342\200\230s 10 usability heuristics.html" "b/Product Manager/\346\226\271\346\263\225\350\256\272/Nielsen\342\200\230s 10 usability heuristics.html" index 06a7ccae..9c653a5e 100644 --- "a/Product Manager/\346\226\271\346\263\225\350\256\272/Nielsen\342\200\230s 10 usability heuristics.html" +++ "b/Product Manager/\346\226\271\346\263\225\350\256\272/Nielsen\342\200\230s 10 usability heuristics.html" @@ -5,8 +5,8 @@ 尼尔森十大可用性原则 | waley - - + +
@@ -14,7 +14,7 @@ 合理的时间

1.1.1 轻提示

1s - 2s:一般可以有一个轻提示,给用户操作及时反馈。 较轻量的信息提示或用户操作反馈,分为状态提示信息提示两类,提示文字应精良精简,展示在页面顶部,会自动消失。 notification

1.1.2 加载

对于2s - 10s的操作,没有必要使用进度条,因为进度过快会显示会有闪烁,体验并不友好。这时可以使用站位块或加载动画,减少用户等待的焦虑感。

1.1.3 进度条

10s是用户专注于单一任务的极限。对于超过10s延迟,在计算机执行的过程中应当给用户加载提示,并告知当前进度。

1.1.4 超时、失败反馈

如果没有成功,应该给出失败的反馈,最好能给予解决措施,减少用户的记忆负担,B端的设计也可以加入品牌的元素,让页面更加风格化、品牌化。

1.2 适当的反馈

不同功能和场景下,应该给予不同的反馈机制,同时保证反馈的及时性,否则容易造成用户的困扰。

1.2.1 位置反馈

B端设计的导航占有很大权重,这些导航都是为了用户时刻清楚自己坐在的系统位置,以及如何到达目的页面,方便进行后续操作。

  1. 导航

各种导航让用户时刻了解自己所在的位置,在视觉上给予告知,方便用户随时操作前进或者后退。B端常见的导航包括但不限于:竖向导航(最常使用)、横向导航(一级内容过多时,不建议使用,需考虑到小屏幕自适应问题,小屏幕容易出现以及导航展示不全问题)、组合导航面包屑导航等。

  1. 位置反馈

用户操作后,应第一时间给予反馈,明确当前的操作状态。一般会分为:默认状态hover态按下状态不可用状态。并不是每种状态在每一个部分都需要体现,需要设计师根据系统的设计进行理性判断。

  1. 进度反馈

B端设计的进度反馈,一般反应步骤和当前位置。需要让用户了解发生了什么和`即将

2. 隐喻原则 Match between system and the real world

系统应该使用用户的语言,使用用户熟悉的单词、短语和概念,而不是面向系统的术语。遵循现实世界的惯例,使信息以自然和逻辑的顺序出现。

The system should speak the users' language, with words, phrases and concepts familiar to the user, rather than system-oriented terms. Follow real-world conventions, making information appear in a natural and logical order.

3. 回退原则 User control and freedom

用户经常错误地选择系统功能,他们将需要一个明确标记的 "紧急出口 "来离开不需要的状态,而不需要通过一个扩展的对话。支持撤销和重做。

Users often choose system functions by mistake and will need a clearly marked "emergency exit" to leave the unwanted state without having to go through an extended dialogue. Support undo and redo.

4. 一致原则 Consistency and standards

用户不应该怀疑不同的词语、情况或行动是否意味着同样的事情。遵循平台惯例。

Users should not have to wonder whether different words, situations, or actions mean the same thing. Follow platform conventions.

5. 防错原则 Error prevention

比好的错误信息更好的是精心的设计,它可以从一开始就防止问题的发生。要么消除容易出错的条件,要么检查这些条件,并在用户承诺行动之前向他们提供一个确认选项。

Even better than good error messages is a careful design which prevents a problem from occurring in the first place. Either eliminate error-prone conditions or check for them and present users with a confirmation option before they commit to the action.

6. 记忆原则 Recognition rather than recall

通过使对象、行动和选项可见,尽量减少用户的记忆负荷。用户不应该记住从对话的一个部分到另一个部分的信息。在适当的时候,系统的使用说明应该是可见的或容易检索的。

Minimize the user's memory load by making objects, actions, and options visible. The user should not have to remember information from one part of the dialogue to another. Instructions for use of the system should be visible or easily retrievable whenever appropriate.

7. 灵活易用原则 Flexibility and efficiency of use

加速器--新手用户看不到--往往可以加快专家用户的互动,这样系统就可以同时满足没有经验和有经验的用户。允许用户定制频繁的操作。

Accelerators -- unseen by the novice user -- may often speed up the interaction for the expert user such that the system can cater to both inexperienced and experienced users. Allow users to tailor frequent actions.

8. 简约设计原则 Aesthetic and minimalist design

对话不应包含不相关或很少需要的信息。对话中每一个额外的信息单元都会与相关的信息单元竞争,并降低它们的相对可见度。

Dialogues should not contain information which is irrelevant or rarely needed. Every extra unit of information in a dialogue competes with the relevant units of information and diminishes their relative visibility.

9. 容错原则 Help users recognize, diagnose, and recover from errors

错误信息应该用简单的语言表达(没有代码),精确地指出问题,并建设性地提出解决方案。

Error messages should be expressed in plain language (no codes), precisely indicate the problem, and constructively suggest a solution.

10. 帮助原则 Help and documentation

尽管如果系统不需要文件就能使用会更好,但可能还是有必要提供帮助和文件。任何这样的信息都应该易于搜索,集中在用户的任务上,列出要执行的具体步骤,而且不要太大。

Even though it is better if the system can be used without documentation, it may be necessary to provide help and documentation. Any such information should be easy to search, focused on the user's task, list concrete steps to be carried out, and not be too large.

- - + + \ No newline at end of file diff --git "a/Product Manager/\346\226\271\346\263\225\350\256\272/Product Manager Persona.html" "b/Product Manager/\346\226\271\346\263\225\350\256\272/Product Manager Persona.html" index 3bc9e36f..5f14a059 100644 --- "a/Product Manager/\346\226\271\346\263\225\350\256\272/Product Manager Persona.html" +++ "b/Product Manager/\346\226\271\346\263\225\350\256\272/Product Manager Persona.html" @@ -5,13 +5,13 @@ 完美的产品经理画像 | waley - - + +
跳到主要内容

完美的产品经理画像

  • 结合市场和行业变量
  • 发现问题井提出解决方案
  • 用数据指标量化业务场景
  • 用产品思维指导需求落地
- - + + \ No newline at end of file diff --git "a/Product Manager/\346\226\271\346\263\225\350\256\272/\344\272\247\345\223\201\344\273\213\347\273\215.html" "b/Product Manager/\346\226\271\346\263\225\350\256\272/\344\272\247\345\223\201\344\273\213\347\273\215.html" index 94687c5f..45103473 100644 --- "a/Product Manager/\346\226\271\346\263\225\350\256\272/\344\272\247\345\223\201\344\273\213\347\273\215.html" +++ "b/Product Manager/\346\226\271\346\263\225\350\256\272/\344\272\247\345\223\201\344\273\213\347\273\215.html" @@ -5,13 +5,13 @@ 产品介绍 | waley - - + +
跳到主要内容

结构

1. 项目背景(消费者或者社会需求)

2. 产品定位(核心USP)

3. 产品功能介绍(非核心USP)

4. 产品的社会价值(商业模式)

5. 产品光环(研发人员背景、导师介绍)

  • USP理论(unique selling proposition)独特销售主张包括以下四个方面:

    1. 强调产品具体的特殊功效和利益 —— 每一个广告都必须对消费者有一个销售的主张;
    2. 这种特殊性是竞争对手无法提出的 —— 这一项主张,必须是竞争对手无法也不能提出的,须是具有独特性的;
    3. 有强劲的销售力 —— 这一项主张必须很强,足以影响成百万的社会公众。
    4. 20世纪90年代,达彼斯将USP定义为:USP的创造力在于揭示一个品牌的精髓,并通过强有力的、有说服力的数据证实它的独特性,使之所向披靡,势不可挡。
  • USP理论的三个特点:

    1. 必须包含特定的商品效用,即每个广告都要对消费者提出一个说辞,给予消费者一个明确的利益承诺
    2. 必须是唯一的、独特的,是其他同类竞争产品不具有或没有宣传过的说辞
    3. 必须有利于促进销售,即这一说辞一定要强有力,能招来数以百万计的大众
- - + + \ No newline at end of file diff --git "a/Product Manager/\346\226\271\346\263\225\350\256\272/\347\224\250\346\210\267\344\275\223\351\252\214\344\272\224\350\246\201\347\264\240.html" "b/Product Manager/\346\226\271\346\263\225\350\256\272/\347\224\250\346\210\267\344\275\223\351\252\214\344\272\224\350\246\201\347\264\240.html" index ca4fc9d0..e4e77849 100644 --- "a/Product Manager/\346\226\271\346\263\225\350\256\272/\347\224\250\346\210\267\344\275\223\351\252\214\344\272\224\350\246\201\347\264\240.html" +++ "b/Product Manager/\346\226\271\346\263\225\350\256\272/\347\224\250\346\210\267\344\275\223\351\252\214\344\272\224\350\246\201\347\264\240.html" @@ -5,13 +5,13 @@ 用户体验五要素 | waley - - + +
跳到主要内容

用户体验五要素

战略层

就是用户和经营者分别想从这个产品中获得什么。

用户想要获得的,就是“用户需求”,是来自公司或者团队外部的需求,为了确定用户需求,首先要确定产品的target user。确定产品的目标用户,有以下三个步骤:

  • 用户细分:将用户分成较小的有共同需求的组(人口统计学、消费心态档案等);
  • 用户研究:知道用户是谁(问卷调查、访谈、实地考察、焦点小组、卡片分类等);
  • 人物角色:从用户研究中提取出可以成为样例的用户画像。

通过使用以上几个手法,能确定出用户的需求,确定出产品在战略层的内容。

经营者想要获得的,就是“商业目标”,这是来自公司内部的需求,可以是用户数量目标、品牌宣传目的或者盈利目的。总之,老板或者团队想要获得的,也属于战略层的内容。

范围层

范围层,就是这个产品有哪些功能,这个产品都可以干些什么。

当你把用户需求和网站目标转变成网站应该提供给用户什么样的内容和功能时,战略就变成了范围。根据范围层的具体内容,可以将产品分为两大类:工具型和内容型,或者有的产品两者兼有。

工具型产品要考虑的是功能规格,对产品的功能组合进行详细描述。功能规格的描述语言应该:乐观具体客观

  • 乐观:防止做什么,而不是不能做什么。例如:网站不允许未登录用户发言 ➡️ 如果用户发言时未登录,系统应该引导用户登录并返回
  • 具体:尽可能解释清楚。例如:论坛发言需要过滤敏感词语 ➡️ 发言中包含附件中词语的需要替换为*号,词库可更新
  • 客观:避免主观语气。例如:界面的风格应该是时尚的 ➡️ 产品外观应该符合企业品牌形象

内容型产品要考虑的是内容需求,对各种内容元素的要求进行详细描述。

内容可以包括文本、图像、音频、视频等。在确定产品要提供的内容后,要根据用户需求、产品目标(战略层的内容)和可行性评定内容的优先级。在产品运转过程中,要安排日常的运维工作,而内容的更新频率要符合用户的期望。因此,内容的维护工作要根据战略目标来安排。如:你期望用户多久访问一次?从用户需求来看,他们希望多久更新一次。此外,还要根据不同用户准备不同特性的内容。

结构层

在收集完用户需求并将其排列好优先级后,需要将这些分散的片段组成一个整体,这就是结构层:创建产品功能和内容之间的关系。

结构层分为交互设计信息架构两个大的部分。

  • 交互设计:描述“可能的用户行为”,定义“系统如何配合与响应”这些用户行为。不要让用户去适应产品,而要让产品与用户互相适应,预测对方的下一步。

  • 信息架构:关注如何将信息表达给用户,着重于设计组织分类和导航结构,让用户容易找到。

交互设计应该至少包括概念模型和错误处理。

信息架构有两种分类体系:从上到下和从下到上。其结构可以有层级结构矩阵结构自然结构线性结构。一般来说,网站都是以上多种结构的综合,一种结构为主,其他结构为辅。

  • 层级结构:也称树状结构或中心辐射(hub-and spoke)结构,即节点与其他相关节点之间存在父级/子级的关系。这种结构最为常见。
  • 自然结构:不会遵循任何一致的模式,适合于探索一系列关系不明确或者一直在演变的主题,如鼓励用户自由探险的某些娱乐网站。但如果用户下次还需要依靠同样的路径去找到同样的内容,则不太适合。
  • 矩阵结构:通常帮助那些带着不同需求而来的用户,使他们能在相同内容中,寻找各自想要的东西,如:用户可以选择通过颜色或尺寸来浏览产品。
  • 线性结构:常常用于小规模的结构,如单篇文章或专题;大规模的结构则被用于限制那些需要呈现的内容顺序对于符合用户需求非常关键的应用程序。

框架层

框架层决定某个板块或按钮等交互元素应该放在页面的什么地方。结构层中形成了大量的需求,框架层中,我们要更进一步地提炼这些需求,确定详细的界面外观、导航和信息设计,使晦涩的结构变得实在。

在设计框架层的内容时,要遵循两条原则:遵循用户日常使用习惯恰当使用生活中的比喻

框架层包含界面设计导航设计信息设计三个方面。

  • 界面设计为用户提供做某些事的能力。做界面设计时,要选择合适的元素,让用户一眼就能看到最重要的东西。
  • 导航设计给用户提供去某个地方的能力。做导航设计时,要提供网页之间的跳转方法,传达元素与内容之间的关系,传达内容与页面之间的关系。
  • 信息设计是将想法传达给用户。信息设计是将各种设计元素聚合到一起,反映用户的思路,支持他们的任务和目标。包括视觉、分组等各个方面。

表现层

表现层是用户所能看见的一切,字体的大小,导航的颜色,整体给人的感觉。在这一层,内容、功能和美学汇集到一起来产生一个最终设计,从而满足其他层面的所有目标。

成功的界面设计有两个特点:

  • 他们遵循的是一条流畅的路径。用户在浏览过程中有流畅感,不会被阻碍。
  • 在不需要用太多细节来吓倒用户的前提下,为用户提供有效选择的、某种可能的“引导”。
- - + + \ No newline at end of file diff --git "a/Product Manager/\351\241\271\347\233\256/Eat-UoY.html" "b/Product Manager/\351\241\271\347\233\256/Eat-UoY.html" index 403c1054..9037c993 100644 --- "a/Product Manager/\351\241\271\347\233\256/Eat-UoY.html" +++ "b/Product Manager/\351\241\271\347\233\256/Eat-UoY.html" @@ -5,8 +5,8 @@ Eat UoY | waley - - + +
@@ -16,7 +16,7 @@

  • There's a pop-up label always show on the menu page, which helps users to know the product quantity clearly. After that, when they finish check products, they can choose their location using a map pin.

  • One of the problems of our users' pain points are is that users desire to track the delivery details in time, so our solution is that users can check the delivery detail in real-time map, they can track delivery man's real-time location. They will know how long they will receive their food.

  • Also, we provide delivery man information in the page, they can contact to delivery man directly.

  • 交互系统原型和评估 Interactive System Prototype and Evaluation

    关键功能 Key Freatures

    keyFutures

    交互流程 UX Workflow

    UX-Workflow

    ​线框图 Wireframes

    原始草图 Original Drafts

    wireframesDraft

    原形 Prototype

    prototype

    原型的专家检查评估 Expert Inspection Evaluation of the Prototype

    The Collaborative Heuristic Evaluation (CHE) of the food delivery app prototype was conducted by a team of 5 evaluators. One evaluator doubled as the driver and another evaluator as the notetaker. The session took place online using GoogleMeet.

    The set of tasks were as follows:

    During the CHE the driver shared her screen with the other evaluators and clicked through the prototype upon request. On the problem recording sheet, the notetaker wrote down the problems found, their location within the prototype and the heuristics, which were violated. On the same sheet, the evaluators then secretly rated the severity of those problems on a scale from 1 (very minor) to 5 (very major). 0 was rated if it wasn’t regarded as a problem. The heuristics, which the evaluators referred to in the CHE, was the set of Petrie and Power Heuristics (appendix C).

    Prototype Evaluation

    重新设计 Redesign

    From the CHE, we see that the three most severe problems have an agreed rating of 4, which is the second-highest rating on the scale. Two of those problems (no. 1 and 3) are concerned with the first component of functionality. Based on the severity of the usability problems 1 and 3 as well as their importance of functionality, we have therefore chosen the first component for carrying out a redesign.

    Problem no. 1 sits between selecting and paying aspects of the component. The detected problem describes the missing function of deleting an item from the basket. This violates heuristic 17 of Petrie & Power, because users will expect to be able to edit the basket by adding or deleting as many items as they like or changing their mind on items they have previously added. It may also happen that a user adds an item to the basket by mistake, so it has to be easy to recover from this mistake. The proposal for redesign in this case is to add a bin icon next to each item of the basket . The interaction will be improved by preventing users from making unconscious slips. By decreasing the quantity of a basket item to zero it will not automatically disappear from the basket, which may accidentally happen by tapping the minus too many times.

    Problem no. 2 is concerned with the interaction flow from selecting to paying of the first component of functionality. Here we see heuristics 14 and 16 of Petrie & Power violated because the sequence of interaction is illogical and doesn’t follow established web conventions. The current process flow can be hardly confusing to the extent that it creates a gulf of execution when the user wants to view the basket but it is not clear how to get back to the basket from the order detail screen. Therefore, we suggest to improve the interaction flow between the restaurant menu screen and the payment screen.

    Based on CHE, we will replace the button currently labelled “pay” with a basket icon on the restaurant menu screen. To increase recognition it will be the same icon as used for the basket in the bottom menu bar. To go forward from the basket screen, the improved interaction flow will take the user to the order detail screen by tapping the “pay” button, from where they will be directed to the payment screen by tapping the “pay” button again. Through this redesign of the interaction flow, we can ensure a logical process following known web and logical conventions in the interaction which is expected by the user.

    In order to improve the user's experience, we consider that when users chose the product they might regret it or by mistake, so it's quite easy to deal with a mistake on the same page. Through this redesign of the fault tolerance, we consider that this will be more user friendly easy to make an order.

    用户评价 User Evaluation

    In order to further improve the food delivery app, a remote usability testing was conducted with 10 participants using the prototype. The purpose of this user evaluation was to assess the usability of the app in terms of task flow, information architecture and interface design.

    The participants were recruited by email and were sent an information sheet about the testing session, as well as a consent sheet, which they were asked to fill out and send back prior to the session.

    The user evaluation took place online using GoogleMeet. The participants were sent a link to the prototyping software Figma in order to access the prototype.

    During the user evaluation, an evaluator was present, as well as an observer. Each session was scheduled for 30 minutes.

    At the beginning of each session the participant was briefed with an introductory explanation and expectation of the test. The evaluator then asked a few background questions about gender, age, occupation and prior experience with food delivery apps.

    For the main test, the user was asked to share their screen and open the prototype on Figma. The user was presented with a scenario and a set of tasks to perform while thinking out loud. Afterwards, the participant answered questions about their overall satisfaction.

    重新设计 Redesign

    Addressing the first problem from user evaluation, the location icon will be removed from the home screen. The function behind this location icon is to show results based on availability on Campus West, East or both. But this could not be understood by half of the participants. To make it more clear, this type of filtering option will now be available on the search screen below the search bar.

    The second problem is fairly easy to fix. We will add a banner to the food advertisement photo in order to make its meaning clear. By doing this, we incorporate the Gestalt principle of a focal point and breaking similarity intentionally to make it stand out visually so it will attract the viewer’s attention first. Redesign

    - - + + \ No newline at end of file diff --git "a/Product Manager/\351\241\271\347\233\256/Mobile CRM.html" "b/Product Manager/\351\241\271\347\233\256/Mobile CRM.html" index 4702c0f0..58968d6f 100644 --- "a/Product Manager/\351\241\271\347\233\256/Mobile CRM.html" +++ "b/Product Manager/\351\241\271\347\233\256/Mobile CRM.html" @@ -5,13 +5,13 @@ Mobile CRM | waley - - + +
    跳到主要内容

    Mobile CRM

    项目概述

    目前因为疫情原因很多客户会提出移动客服,在手机上接电话,下工单,以及营销相关业务。现有web系统已经可以在手机App上进行工单处理、以及监控。

    业务场景

    • 在线客服

      • 本移动端的核心业务,包括有电话呼入呼出,网聊客服场景
    • 客户管理

      • 客户信息管理,并提供如工单,短信推送等业务
    • 工单处理

      • 支持创建工单,以及坐席权限范围内工单的持续跟进等
    • 代办事项

    • 排班管理

    web端功能分析

    CRM

    移动端功能结构

    structure_of_mobileCRM

    页面流程图

    workflow

    - - + + \ No newline at end of file diff --git a/assets/js/8cb3add8.a44d699b.js b/assets/js/8cb3add8.63a72d1f.js similarity index 98% rename from assets/js/8cb3add8.a44d699b.js rename to assets/js/8cb3add8.63a72d1f.js index db7d3251..48142031 100644 --- a/assets/js/8cb3add8.a44d699b.js +++ b/assets/js/8cb3add8.63a72d1f.js @@ -1 +1 @@ -"use strict";(self.webpackChunkmy_website=self.webpackChunkmy_website||[]).push([[5887],{5767:e=>{e.exports=JSON.parse('{"pluginId":"writing","version":"current","label":"Next","banner":null,"badge":false,"noIndex":false,"className":"docs-version-current","isLast":true,"docsSidebars":{"tutorialSidebar":[{"type":"link","label":"Writing\u6559\u7a0b","href":"/writing/","docId":"home"},{"type":"category","label":"Task1","collapsible":true,"collapsed":true,"items":[{"type":"category","label":"Classification","collapsible":true,"collapsed":true,"items":[{"type":"link","label":"Map","href":"/writing/Task1/Classification/Map","docId":"Task1/Classification/Map"}],"href":"/writing/category/classification"},{"type":"category","label":"Task Achievement","collapsible":true,"collapsed":true,"items":[{"type":"link","label":"Comparison","href":"/writing/Task1/Task Achievement/comparison","docId":"Task1/Task Achievement/comparison"},{"type":"link","label":"Flow","href":"/writing/Task1/Task Achievement/flow","docId":"Task1/Task Achievement/flow"}],"href":"/writing/category/task-achievement"}]},{"type":"category","label":"Task2","collapsible":true,"collapsed":true,"items":[{"type":"category","label":"Classification","collapsible":true,"collapsed":true,"items":[{"type":"link","label":"Discussion","href":"/writing/Task2/Classification/Discussion","docId":"Task2/Classification/Discussion"},{"type":"link","label":"Outweight","href":"/writing/Task2/Classification/Outweight","docId":"Task2/Classification/Outweight"},{"type":"link","label":"Positive or negative","href":"/writing/Task2/Classification/Positive or negative","docId":"Task2/Classification/Positive or negative"},{"type":"link","label":"Report","href":"/writing/Task2/Classification/Report","docId":"Task2/Classification/Report"},{"type":"link","label":"To what extent do you agree or disagree?","href":"/writing/Task2/Classification/agree or disagree","docId":"Task2/Classification/agree or disagree"}],"href":"/writing/category/classification-1"},{"type":"category","label":"Task Response","collapsible":true,"collapsed":true,"items":[{"type":"link","label":"\u662f\u5426\u8d5e\u540c\u5199\u6cd5","href":"/writing/Task2/Task Response/Agree or Disagee Response","docId":"Task2/Task Response/Agree or Disagee Response"},{"type":"link","label":"\u53cc\u8fb9\u8ba8\u8bba\u5199\u6cd5","href":"/writing/Task2/Task Response/Discussion Response","docId":"Task2/Task Response/Discussion Response"},{"type":"link","label":"Outweight\u5199\u6cd5","href":"/writing/Task2/Task Response/Outweight Response","docId":"Task2/Task Response/Outweight Response"},{"type":"link","label":"Positive or Negative\u5199\u6cd5","href":"/writing/Task2/Task Response/Positive or negative Response","docId":"Task2/Task Response/Positive or negative Response"},{"type":"link","label":"\u62a5\u544a\u5199\u6cd5","href":"/writing/Task2/Task Response/Report Response","docId":"Task2/Task Response/Report Response"}],"href":"/writing/category/task-response"},{"type":"category","label":"Coherence Cohesion","collapsible":true,"collapsed":true,"items":[{"type":"link","label":"\u6838\u5fc3\u6bb5\u903b\u8f91\u6269\u5c55 1","href":"/writing/Task2/Coherence Cohesion/extension of Body Paragraph 01","docId":"Task2/Coherence Cohesion/extension of Body Paragraph 01"},{"type":"link","label":"\u6838\u5fc3\u6bb5\u903b\u8f91\u6269\u5c55 2","href":"/writing/Task2/Coherence Cohesion/extension of Body Paragraph 02","docId":"Task2/Coherence Cohesion/extension of Body Paragraph 02"}],"href":"/writing/category/coherence-cohesion"},{"type":"category","label":"Grammatical Range & Accuracy","collapsible":true,"collapsed":true,"items":[{"type":"link","label":"\u4ecb\u7ecd\u6bb5\u5199\u6cd5","href":"/writing/Task2/Grammatical Range & Accuracy/introduction","docId":"Task2/Grammatical Range & Accuracy/introduction"},{"type":"link","label":"\u4e3b\u8bed\u591a\u6837\u6027","href":"/writing/Task2/Grammatical Range & Accuracy/Subject Diversity","docId":"Task2/Grammatical Range & Accuracy/Subject Diversity"},{"type":"link","label":"100\u53e5\u7ffb\u8bd1\u7ec3\u4e60\uff081\uff5e10\uff09","href":"/writing/Task2/Grammatical Range & Accuracy/Translation01","docId":"Task2/Grammatical Range & Accuracy/Translation01"},{"type":"link","label":"100\u53e5\u7ffb\u8bd1\u7ec3\u4e60\uff0811\uff5e20\uff09","href":"/writing/Task2/Grammatical Range & Accuracy/Translation02","docId":"Task2/Grammatical Range & Accuracy/Translation02"}],"href":"/writing/category/grammatical-range--accuracy"}]}]},"docs":{"home":{"id":"home","title":"Writing\u6559\u7a0b","description":"\u96c5\u601d\u5199\u4f5c\u5206\u4e3a\u4e24\u4e2a\u90e8\u5206\uff1aTask 1\u548cTask 2\u3002\u8fd9\u4e24\u4e2a\u90e8\u5206\u90fd\u9700\u8981\u8003\u751f\u5728\u89c4\u5b9a\u7684\u65f6\u95f4\u5185\uff08\u51711\u5c0f\u65f6\uff09\u5b8c\u6210\u4e00\u7bc7\u6587\u7ae0\uff0c\u4f46\u662f\u5b83\u4eec\u7684\u8981\u6c42\u548c\u8bc4\u5206\u6807\u51c6\u6709\u6240\u4e0d\u540c\u3002Task 1\u5360\u5199\u4f5c\u603b\u5206\u6570\u76841/3\uff0cTask 2\u53602/3.","sidebar":"tutorialSidebar"},"Task1/Classification/Map":{"id":"Task1/Classification/Map","title":"Map","description":"2023\u5e7404\u670815\u65e5 \u4e2d\u56fd\u5927\u9646","sidebar":"tutorialSidebar"},"Task1/Task Achievement/comparison":{"id":"Task1/Task Achievement/comparison","title":"Comparison","description":"\u7b80\u5355\u5bf9\u6bd4\u56fe","sidebar":"tutorialSidebar"},"Task1/Task Achievement/flow":{"id":"Task1/Task Achievement/flow","title":"Flow","description":"\u6587\u4f53\u7ed3\u6784","sidebar":"tutorialSidebar"},"Task2/Classification/agree or disagree":{"id":"Task2/Classification/agree or disagree","title":"To what extent do you agree or disagree?","description":"2024\u5e7408\u670817\u65e5 \u4e2d\u56fd\u5927\u9646","sidebar":"tutorialSidebar"},"Task2/Classification/Discussion":{"id":"Task2/Classification/Discussion","title":"Discussion","description":"2024\u5e7407\u670807\u65e5 \u4e2d\u56fd\u5927\u9646","sidebar":"tutorialSidebar"},"Task2/Classification/Outweight":{"id":"Task2/Classification/Outweight","title":"Outweight","description":"2024\u5e7406\u670801\u65e5 \u4e2d\u56fd\u5927\u9646","sidebar":"tutorialSidebar"},"Task2/Classification/Positive or negative":{"id":"Task2/Classification/Positive or negative","title":"Positive or negative","description":"2023\u5e7401\u670828\u65e5 \u4e2d\u56fd\u5927\u9646","sidebar":"tutorialSidebar"},"Task2/Classification/Report":{"id":"Task2/Classification/Report","title":"Report","description":"2024\u5e7405\u670818\u65e5 \u4e2d\u56fd\u5927\u9646","sidebar":"tutorialSidebar"},"Task2/Coherence Cohesion/extension of Body Paragraph 01":{"id":"Task2/Coherence Cohesion/extension of Body Paragraph 01","title":"\u6838\u5fc3\u6bb5\u903b\u8f91\u6269\u5c55 1","description":"\u5199\u6cd5\u4e00\uff1aTS + \u5206\u8bba\u70b9","sidebar":"tutorialSidebar"},"Task2/Coherence Cohesion/extension of Body Paragraph 02":{"id":"Task2/Coherence Cohesion/extension of Body Paragraph 02","title":"\u6838\u5fc3\u6bb5\u903b\u8f91\u6269\u5c55 2","description":"\u5199\u6cd5\u4e8c\uff1aTS + \u539f\u56e0 + \u4e3e\u4f8b","sidebar":"tutorialSidebar"},"Task2/Grammatical Range & Accuracy/introduction":{"id":"Task2/Grammatical Range & Accuracy/introduction","title":"\u4ecb\u7ecd\u6bb5\u5199\u6cd5","description":"\u4ecb\u7ecd\u6bb5\u7684\u4efb\u52a1","sidebar":"tutorialSidebar"},"Task2/Grammatical Range & Accuracy/Subject Diversity":{"id":"Task2/Grammatical Range & Accuracy/Subject Diversity","title":"\u4e3b\u8bed\u591a\u6837\u6027","description":"\u540d\u8bcd / \u540d\u8bcd\u77ed\u8bed","sidebar":"tutorialSidebar"},"Task2/Grammatical Range & Accuracy/Translation01":{"id":"Task2/Grammatical Range & Accuracy/Translation01","title":"100\u53e5\u7ffb\u8bd1\u7ec3\u4e60\uff081\uff5e10\uff09","description":"1. increase cultural experiences \u589e\u52a0\u6587\u5316\u4f53\u9a8c","sidebar":"tutorialSidebar"},"Task2/Grammatical Range & Accuracy/Translation02":{"id":"Task2/Grammatical Range & Accuracy/Translation02","title":"100\u53e5\u7ffb\u8bd1\u7ec3\u4e60\uff0811\uff5e20\uff09","description":"11. reduce distractions and concentrate on studies \u51cf\u5c11\u5e72\u6270\uff0c\u4e13\u6ce8\u5b66\u4e60","sidebar":"tutorialSidebar"},"Task2/Task Response/Agree or Disagee Response":{"id":"Task2/Task Response/Agree or Disagee Response","title":"\u662f\u5426\u8d5e\u540c\u5199\u6cd5","description":"\u901a\u8fc7\u9898\u76ee\u7684\u6700\u540e\u4e00\u53e5\u8bdd \u201cTo what extent do you agree or disagree?\u201d \u6211\u4eec\u53ef\u4ee5\u786e\u5b9a\u9898\u578b\u4e3a\u662f\u5426\u8d5e\u540c\uff0c\u5728\u4ec0\u4e48\u7a0b\u5ea6\u4e0a\u4f60\u540c\u610f\u6216\u4e0d\u540c\u610f\u3002","sidebar":"tutorialSidebar"},"Task2/Task Response/Discussion Response":{"id":"Task2/Task Response/Discussion Response","title":"\u53cc\u8fb9\u8ba8\u8bba\u5199\u6cd5","description":"\u901a\u8fc7\u9898\u76ee\u7684\u6700\u540e\u4e00\u53e5\u8bdd \u201cDiscuss both views and give you own opinion.\u201d \u6211\u4eec\u53ef\u4ee5\u786e\u5b9a\u9898\u578b\u4e3aDiscuss\uff0c\u8ba8\u8bba\u8fd9\u4e24\u4e2a\u89c2\u70b9\u5e76\u7ed9\u51fa\u4f60\u81ea\u5df1\u7684\u89c2\u70b9\u3002","sidebar":"tutorialSidebar"},"Task2/Task Response/Outweight Response":{"id":"Task2/Task Response/Outweight Response","title":"Outweight\u5199\u6cd5","description":"\u901a\u8fc7\u9898\u76ee\u7684\u6700\u540e\u4e00\u53e5\u8bdd \u201cDo you think the advantages outweigh the disadvantages?\u201d \u6211\u4eec\u53ef\u4ee5\u786e\u5b9a\u9898\u578b\u4e3aOutweight\u3002","sidebar":"tutorialSidebar"},"Task2/Task Response/Positive or negative Response":{"id":"Task2/Task Response/Positive or negative Response","title":"Positive or Negative\u5199\u6cd5","description":"\u901a\u8fc7\u9898\u76ee\u7684\u6700\u540e\u4e00\u53e5\u8bdd \u201cDo you think it is a positive or negative development? \u201d \u6211\u4eec\u53ef\u4ee5\u786e\u5b9a\u9898\u578b\u4e3apositive or negative\u3002","sidebar":"tutorialSidebar"},"Task2/Task Response/Report Response":{"id":"Task2/Task Response/Report Response","title":"\u62a5\u544a\u5199\u6cd5","description":"\u4e00\u822c\u90fd\u4f1a\u51fa\u73b0\u4e24\u4e2a\u95ee\u9898\uff0c\u5373\u53ef\u4ee5\u786e\u5b9a\u9898\u578b\u4e3aReport\uff0c\u76f4\u63a5\u5206\u522b\u7ed9\u51fa\u8fd9\u4e24\u4e2a\u95ee\u9898\u7684\u7b54\u6848\u3002","sidebar":"tutorialSidebar"}}}')}}]); \ No newline at end of file +"use strict";(self.webpackChunkmy_website=self.webpackChunkmy_website||[]).push([[5887],{5767:e=>{e.exports=JSON.parse('{"pluginId":"writing","version":"current","label":"Next","banner":null,"badge":false,"noIndex":false,"className":"docs-version-current","isLast":true,"docsSidebars":{"tutorialSidebar":[{"type":"link","label":"Writing\u6559\u7a0b","href":"/writing/","docId":"home"},{"type":"category","label":"Task1","collapsible":true,"collapsed":true,"items":[{"type":"category","label":"Classification","collapsible":true,"collapsed":true,"items":[{"type":"link","label":"Map","href":"/writing/Task1/Classification/Map","docId":"Task1/Classification/Map"}],"href":"/writing/category/classification"},{"type":"category","label":"Task Achievement","collapsible":true,"collapsed":true,"items":[{"type":"link","label":"Comparison","href":"/writing/Task1/Task Achievement/comparison","docId":"Task1/Task Achievement/comparison"},{"type":"link","label":"Flow","href":"/writing/Task1/Task Achievement/flow","docId":"Task1/Task Achievement/flow"}],"href":"/writing/category/task-achievement"}]},{"type":"category","label":"Task2","collapsible":true,"collapsed":true,"items":[{"type":"category","label":"Classification","collapsible":true,"collapsed":true,"items":[{"type":"link","label":"Discussion","href":"/writing/Task2/Classification/Discussion","docId":"Task2/Classification/Discussion"},{"type":"link","label":"Outweight","href":"/writing/Task2/Classification/Outweight","docId":"Task2/Classification/Outweight"},{"type":"link","label":"Positive or negative","href":"/writing/Task2/Classification/Positive or negative","docId":"Task2/Classification/Positive or negative"},{"type":"link","label":"Report","href":"/writing/Task2/Classification/Report","docId":"Task2/Classification/Report"},{"type":"link","label":"To what extent do you agree or disagree?","href":"/writing/Task2/Classification/agree or disagree","docId":"Task2/Classification/agree or disagree"}],"href":"/writing/category/classification-1"},{"type":"category","label":"Task Response","collapsible":true,"collapsed":true,"items":[{"type":"link","label":"\u662f\u5426\u8d5e\u540c\u5199\u6cd5","href":"/writing/Task2/Task Response/Agree or Disagee Response","docId":"Task2/Task Response/Agree or Disagee Response"},{"type":"link","label":"\u53cc\u8fb9\u8ba8\u8bba\u5199\u6cd5","href":"/writing/Task2/Task Response/Discussion Response","docId":"Task2/Task Response/Discussion Response"},{"type":"link","label":"Outweight\u5199\u6cd5","href":"/writing/Task2/Task Response/Outweight Response","docId":"Task2/Task Response/Outweight Response"},{"type":"link","label":"Positive or Negative\u5199\u6cd5","href":"/writing/Task2/Task Response/Positive or negative Response","docId":"Task2/Task Response/Positive or negative Response"},{"type":"link","label":"\u62a5\u544a\u5199\u6cd5","href":"/writing/Task2/Task Response/Report Response","docId":"Task2/Task Response/Report Response"}],"href":"/writing/category/task-response"},{"type":"category","label":"Coherence Cohesion","collapsible":true,"collapsed":true,"items":[{"type":"link","label":"\u6838\u5fc3\u6bb5\u903b\u8f91\u6269\u5c55 1","href":"/writing/Task2/Coherence Cohesion/extension of Body Paragraph 01","docId":"Task2/Coherence Cohesion/extension of Body Paragraph 01"},{"type":"link","label":"\u6838\u5fc3\u6bb5\u903b\u8f91\u6269\u5c55 2","href":"/writing/Task2/Coherence Cohesion/extension of Body Paragraph 02","docId":"Task2/Coherence Cohesion/extension of Body Paragraph 02"}],"href":"/writing/category/coherence-cohesion"},{"type":"category","label":"Grammatical Range & Accuracy","collapsible":true,"collapsed":true,"items":[{"type":"link","label":"\u4ecb\u7ecd\u6bb5\u5199\u6cd5","href":"/writing/Task2/Grammatical Range & Accuracy/introduction","docId":"Task2/Grammatical Range & Accuracy/introduction"},{"type":"link","label":"\u4e3b\u8bed\u591a\u6837\u6027","href":"/writing/Task2/Grammatical Range & Accuracy/Subject Diversity","docId":"Task2/Grammatical Range & Accuracy/Subject Diversity"},{"type":"link","label":"100\u53e5\u7ffb\u8bd1\u7ec3\u4e60\uff081\uff5e10\uff09","href":"/writing/Task2/Grammatical Range & Accuracy/Translation01","docId":"Task2/Grammatical Range & Accuracy/Translation01"},{"type":"link","label":"100\u53e5\u7ffb\u8bd1\u7ec3\u4e60\uff0811\uff5e20\uff09","href":"/writing/Task2/Grammatical Range & Accuracy/Translation02","docId":"Task2/Grammatical Range & Accuracy/Translation02"}],"href":"/writing/category/grammatical-range--accuracy"}]}]},"docs":{"home":{"id":"home","title":"Writing\u6559\u7a0b","description":"\u96c5\u601d\u5199\u4f5c\u5206\u4e3a\u4e24\u4e2a\u90e8\u5206\uff1aTask 1\u548cTask 2\u3002\u8fd9\u4e24\u4e2a\u90e8\u5206\u90fd\u9700\u8981\u8003\u751f\u5728\u89c4\u5b9a\u7684\u65f6\u95f4\u5185\uff08\u51711\u5c0f\u65f6\uff09\u5b8c\u6210\u4e00\u7bc7\u6587\u7ae0\uff0c\u4f46\u662f\u5b83\u4eec\u7684\u8981\u6c42\u548c\u8bc4\u5206\u6807\u51c6\u6709\u6240\u4e0d\u540c\u3002Task 1\u5360\u5199\u4f5c\u603b\u5206\u6570\u76841/3\uff0cTask 2\u53602/3.","sidebar":"tutorialSidebar"},"Task1/Classification/Map":{"id":"Task1/Classification/Map","title":"Map","description":"2023\u5e7404\u670815\u65e5 \u4e2d\u56fd\u5927\u9646","sidebar":"tutorialSidebar"},"Task1/Task Achievement/comparison":{"id":"Task1/Task Achievement/comparison","title":"Comparison","description":"\u7b80\u5355\u5bf9\u6bd4\u56fe","sidebar":"tutorialSidebar"},"Task1/Task Achievement/flow":{"id":"Task1/Task Achievement/flow","title":"Flow","description":"\u6587\u4f53\u7ed3\u6784","sidebar":"tutorialSidebar"},"Task2/Classification/agree or disagree":{"id":"Task2/Classification/agree or disagree","title":"To what extent do you agree or disagree?","description":"2024\u5e7408\u670817\u65e5 \u4e2d\u56fd\u5927\u9646","sidebar":"tutorialSidebar"},"Task2/Classification/Discussion":{"id":"Task2/Classification/Discussion","title":"Discussion","description":"2024\u5e7408\u670824\u65e5 \u4e2d\u56fd\u5927\u9646","sidebar":"tutorialSidebar"},"Task2/Classification/Outweight":{"id":"Task2/Classification/Outweight","title":"Outweight","description":"2024\u5e7406\u670801\u65e5 \u4e2d\u56fd\u5927\u9646","sidebar":"tutorialSidebar"},"Task2/Classification/Positive or negative":{"id":"Task2/Classification/Positive or negative","title":"Positive or negative","description":"2023\u5e7401\u670828\u65e5 \u4e2d\u56fd\u5927\u9646","sidebar":"tutorialSidebar"},"Task2/Classification/Report":{"id":"Task2/Classification/Report","title":"Report","description":"2024\u5e7408\u670810\u65e5 \u4e2d\u56fd\u5927\u9646","sidebar":"tutorialSidebar"},"Task2/Coherence Cohesion/extension of Body Paragraph 01":{"id":"Task2/Coherence Cohesion/extension of Body Paragraph 01","title":"\u6838\u5fc3\u6bb5\u903b\u8f91\u6269\u5c55 1","description":"\u5199\u6cd5\u4e00\uff1aTS + \u5206\u8bba\u70b9","sidebar":"tutorialSidebar"},"Task2/Coherence Cohesion/extension of Body Paragraph 02":{"id":"Task2/Coherence Cohesion/extension of Body Paragraph 02","title":"\u6838\u5fc3\u6bb5\u903b\u8f91\u6269\u5c55 2","description":"\u5199\u6cd5\u4e8c\uff1aTS + \u539f\u56e0 + \u4e3e\u4f8b","sidebar":"tutorialSidebar"},"Task2/Grammatical Range & Accuracy/introduction":{"id":"Task2/Grammatical Range & Accuracy/introduction","title":"\u4ecb\u7ecd\u6bb5\u5199\u6cd5","description":"\u4ecb\u7ecd\u6bb5\u7684\u4efb\u52a1","sidebar":"tutorialSidebar"},"Task2/Grammatical Range & Accuracy/Subject Diversity":{"id":"Task2/Grammatical Range & Accuracy/Subject Diversity","title":"\u4e3b\u8bed\u591a\u6837\u6027","description":"\u540d\u8bcd / \u540d\u8bcd\u77ed\u8bed","sidebar":"tutorialSidebar"},"Task2/Grammatical Range & Accuracy/Translation01":{"id":"Task2/Grammatical Range & Accuracy/Translation01","title":"100\u53e5\u7ffb\u8bd1\u7ec3\u4e60\uff081\uff5e10\uff09","description":"1. increase cultural experiences \u589e\u52a0\u6587\u5316\u4f53\u9a8c","sidebar":"tutorialSidebar"},"Task2/Grammatical Range & Accuracy/Translation02":{"id":"Task2/Grammatical Range & Accuracy/Translation02","title":"100\u53e5\u7ffb\u8bd1\u7ec3\u4e60\uff0811\uff5e20\uff09","description":"11. reduce distractions and concentrate on studies \u51cf\u5c11\u5e72\u6270\uff0c\u4e13\u6ce8\u5b66\u4e60","sidebar":"tutorialSidebar"},"Task2/Task Response/Agree or Disagee Response":{"id":"Task2/Task Response/Agree or Disagee Response","title":"\u662f\u5426\u8d5e\u540c\u5199\u6cd5","description":"\u901a\u8fc7\u9898\u76ee\u7684\u6700\u540e\u4e00\u53e5\u8bdd \u201cTo what extent do you agree or disagree?\u201d \u6211\u4eec\u53ef\u4ee5\u786e\u5b9a\u9898\u578b\u4e3a\u662f\u5426\u8d5e\u540c\uff0c\u5728\u4ec0\u4e48\u7a0b\u5ea6\u4e0a\u4f60\u540c\u610f\u6216\u4e0d\u540c\u610f\u3002","sidebar":"tutorialSidebar"},"Task2/Task Response/Discussion Response":{"id":"Task2/Task Response/Discussion Response","title":"\u53cc\u8fb9\u8ba8\u8bba\u5199\u6cd5","description":"\u901a\u8fc7\u9898\u76ee\u7684\u6700\u540e\u4e00\u53e5\u8bdd \u201cDiscuss both views and give you own opinion.\u201d \u6211\u4eec\u53ef\u4ee5\u786e\u5b9a\u9898\u578b\u4e3aDiscuss\uff0c\u8ba8\u8bba\u8fd9\u4e24\u4e2a\u89c2\u70b9\u5e76\u7ed9\u51fa\u4f60\u81ea\u5df1\u7684\u89c2\u70b9\u3002","sidebar":"tutorialSidebar"},"Task2/Task Response/Outweight Response":{"id":"Task2/Task Response/Outweight Response","title":"Outweight\u5199\u6cd5","description":"\u901a\u8fc7\u9898\u76ee\u7684\u6700\u540e\u4e00\u53e5\u8bdd \u201cDo you think the advantages outweigh the disadvantages?\u201d \u6211\u4eec\u53ef\u4ee5\u786e\u5b9a\u9898\u578b\u4e3aOutweight\u3002","sidebar":"tutorialSidebar"},"Task2/Task Response/Positive or negative Response":{"id":"Task2/Task Response/Positive or negative Response","title":"Positive or Negative\u5199\u6cd5","description":"\u901a\u8fc7\u9898\u76ee\u7684\u6700\u540e\u4e00\u53e5\u8bdd \u201cDo you think it is a positive or negative development? \u201d \u6211\u4eec\u53ef\u4ee5\u786e\u5b9a\u9898\u578b\u4e3apositive or negative\u3002","sidebar":"tutorialSidebar"},"Task2/Task Response/Report Response":{"id":"Task2/Task Response/Report Response","title":"\u62a5\u544a\u5199\u6cd5","description":"\u4e00\u822c\u90fd\u4f1a\u51fa\u73b0\u4e24\u4e2a\u95ee\u9898\uff0c\u5373\u53ef\u4ee5\u786e\u5b9a\u9898\u578b\u4e3aReport\uff0c\u76f4\u63a5\u5206\u522b\u7ed9\u51fa\u8fd9\u4e24\u4e2a\u95ee\u9898\u7684\u7b54\u6848\u3002","sidebar":"tutorialSidebar"}}}')}}]); \ No newline at end of file diff --git a/assets/js/b95216fe.328137bf.js b/assets/js/b95216fe.328137bf.js new file mode 100644 index 00000000..ae6ad4e9 --- /dev/null +++ b/assets/js/b95216fe.328137bf.js @@ -0,0 +1 @@ +"use strict";(self.webpackChunkmy_website=self.webpackChunkmy_website||[]).push([[2050],{7578:(e,t,o)=>{o.r(t),o.d(t,{assets:()=>r,contentTitle:()=>l,default:()=>u,frontMatter:()=>n,metadata:()=>s,toc:()=>h});var a=o(7462),i=(o(7294),o(3905));const n={title:"Report"},l=void 0,s={unversionedId:"Task2/Classification/Report",id:"Task2/Classification/Report",title:"Report",description:"2024\u5e7408\u670810\u65e5 \u4e2d\u56fd\u5927\u9646",source:"@site/IELTS/writing/Task2/Classification/Report.md",sourceDirName:"Task2/Classification",slug:"/Task2/Classification/Report",permalink:"/writing/Task2/Classification/Report",draft:!1,tags:[],version:"current",lastUpdatedBy:"waleyGithub",lastUpdatedAt:1724601698,formattedLastUpdatedAt:"2024\u5e748\u670825\u65e5",frontMatter:{title:"Report"},sidebar:"tutorialSidebar",previous:{title:"Positive or negative",permalink:"/writing/Task2/Classification/Positive or negative"},next:{title:"To what extent do you agree or disagree?",permalink:"/writing/Task2/Classification/agree or disagree"}},r={},h=[{value:"2024\u5e7408\u670810\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2024\u5e7408\u670810\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2024\u5e7405\u670818\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2024\u5e7405\u670818\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2023\u5e7412\u670830\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2023\u5e7412\u670830\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2023\u5e7412\u670830\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2023\u5e7412\u670830\u65e5-\u4e2d\u56fd\u5927\u9646-1",level:3},{value:"2023\u5e7411\u670804\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2023\u5e7411\u670804\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2023\u5e7408\u670805\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2023\u5e7408\u670805\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2023\u5e7406\u670817\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2023\u5e7406\u670817\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2023\u5e7404\u670801\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2023\u5e7404\u670801\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2023\u5e7401\u670814\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2023\u5e7401\u670814\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2023\u5e7401\u670807\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2023\u5e7401\u670807\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2022\u5e7412\u670824\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2022\u5e7412\u670824\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2022\u5e7410\u670822\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2022\u5e7410\u670822\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2022\u5e7409\u670803\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2022\u5e7409\u670803\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2022\u5e7408\u670813\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2022\u5e7408\u670813\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2022\u5e7407\u670809\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2022\u5e7407\u670809\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2022\u5e7406\u670811\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2022\u5e7406\u670811\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2022\u5e7405\u670828\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2022\u5e7405\u670828\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2022\u5e7404\u670830\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2022\u5e7404\u670830\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2022\u5e7401\u670829\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2022\u5e7401\u670829\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7412\u670818\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7412\u670818\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7410\u670830\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7410\u670830\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7409\u670811\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7409\u670811\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7408\u670814\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7408\u670814\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7407\u670831\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7407\u670831\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7406\u670819\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7406\u670819\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7405\u670822\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7405\u670822\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7404\u670817\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7404\u670817\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7404\u670810\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7404\u670810\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7403\u670827\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7403\u670827\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7403\u670806\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7403\u670806\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7401\u670830\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7401\u670830\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7401\u670816\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7401\u670816\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2020\u5e7412\u670826\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2020\u5e7412\u670826\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2020\u5e7411\u670812\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2020\u5e7411\u670812\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2020\u5e749\u670812\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2020\u5e749\u670812\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2020\u5e749\u67085\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2020\u5e749\u67085\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2019\u5e7412\u670814\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2019\u5e7412\u670814\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2019\u5e7412\u670821\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2019\u5e7412\u670821\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2019\u5e7411\u67082\u65e5 \u4e9a\u592a",id:"2019\u5e7411\u67082\u65e5-\u4e9a\u592a",level:3},{value:"2019\u5e7412\u670812\u65e5\u4e2d\u56fd\u5927\u9646",id:"2019\u5e7412\u670812\u65e5\u4e2d\u56fd\u5927\u9646",level:3},{value:"2014\u5e7401\u670811\u65e5\u4e2d\u56fd\u5927\u9646",id:"2014\u5e7401\u670811\u65e5\u4e2d\u56fd\u5927\u9646",level:3},{value:"\u6fb3\u6d32\u673a\u8003\u65b0\u9898",id:"\u6fb3\u6d32\u673a\u8003\u65b0\u9898",level:3},{value:"2020\u5e742\u67081\u65e5 \u4e9a\u592a",id:"2020\u5e742\u67081\u65e5-\u4e9a\u592a",level:3},{value:"2020\u5e748\u67081\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2020\u5e748\u67081\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2020\u5e748\u670815\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2020\u5e748\u670815\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2020\u5e748\u670820\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2020\u5e748\u670820\u65e5-\u4e2d\u56fd\u5927\u9646",level:3}],d={toc:h};function u(e){let{components:t,...o}=e;return(0,i.kt)("wrapper",(0,a.Z)({},d,o,{components:t,mdxType:"MDXLayout"}),(0,i.kt)("h3",{id:"2024\u5e7408\u670810\u65e5-\u4e2d\u56fd\u5927\u9646"},"2024\u5e7408\u670810\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"In some countries around the world men and women are having babies late in life. What are the reasons? Do the benfits outweigh the drawbacks?"),(0,i.kt)("h3",{id:"2024\u5e7405\u670818\u65e5-\u4e2d\u56fd\u5927\u9646"},"2024\u5e7405\u670818\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Mobile phones and the Internet could have many benefits for old people. However, this age group uses technology the least. What are the benefits for old people of using mobile phones and the Internet? How can we encourage them to use this new technology\uff1f"),(0,i.kt)("h3",{id:"2023\u5e7412\u670830\u65e5-\u4e2d\u56fd\u5927\u9646"},"2023\u5e7412\u670830\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"A lot of young people do not know how to manage their money when graduating from high school. What do you think are the reasons? What can be done to teach them this important skill?"),(0,i.kt)("h3",{id:"2023\u5e7412\u670830\u65e5-\u4e2d\u56fd\u5927\u9646-1"},"2023\u5e7412\u670830\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Ambition is important for people to want success in many societies. How important is ambition to people\uff1f Is ambition a positive or negative character\uff1f"),(0,i.kt)("h3",{id:"2023\u5e7411\u670804\u65e5-\u4e2d\u56fd\u5927\u9646"},"2023\u5e7411\u670804\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"In many countries, people wear more western-style clothes, e.g. jeans and T-shirts, than local traditional clothes. Why is this the case? Is this a positive or negative development?"),(0,i.kt)("h3",{id:"2023\u5e7408\u670805\u65e5-\u4e2d\u56fd\u5927\u9646"},"2023\u5e7408\u670805\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"In some countries there is not enough recycling of waste materials (e.g. paper, glass andcans). What are the reasons and solutions?"),(0,i.kt)("h3",{id:"2023\u5e7406\u670817\u65e5-\u4e2d\u56fd\u5927\u9646"},"2023\u5e7406\u670817\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Some ex-prisoners commit crimes again after being released from the prison. What do you think are the causes? What can be done to solve this problem\uff1f"),(0,i.kt)("h3",{id:"2023\u5e7404\u670801\u65e5-\u4e2d\u56fd\u5927\u9646"},"2023\u5e7404\u670801\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Despite better access to education, a significant number of adults cannot read or write. In what ways are people are disadvantaged without these skills? What government should do for this problem?"),(0,i.kt)("h3",{id:"2023\u5e7401\u670814\u65e5-\u4e2d\u56fd\u5927\u9646"},"2023\u5e7401\u670814\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Some ex-prisoners commit crimes again after being released from the prison. What do you think are the causes? What can be done to solve this problem\uff1f"),(0,i.kt)("h3",{id:"2023\u5e7401\u670807\u65e5-\u4e2d\u56fd\u5927\u9646"},"2023\u5e7401\u670807\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Nowadays, consumers are less influenced by advertising than in the past. What do you think are the reasons? Is it a positive or negative development?"),(0,i.kt)("h3",{id:"2022\u5e7412\u670824\u65e5-\u4e2d\u56fd\u5927\u9646"},"2022\u5e7412\u670824\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Throughout the history people have dreamed of living in a perfect society, but people have not agreed on what a perfect society would be like. What do you think is the most important element for building a perfect society? How can people achieve this goal?"),(0,i.kt)("h3",{id:"2022\u5e7410\u670822\u65e5-\u4e2d\u56fd\u5927\u9646"},"2022\u5e7410\u670822\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"The level of noise around us is constantly rising and is affecting the quality of our lives. What are the causes of the noise? What should be done solve this problem?"),(0,i.kt)("h3",{id:"2022\u5e7409\u670803\u65e5-\u4e2d\u56fd\u5927\u9646"},"2022\u5e7409\u670803\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Many college freshmen find that the courses they choose are not suitable for them. What are the reasons? What can be done to solve this problem?"),(0,i.kt)("h3",{id:"2022\u5e7408\u670813\u65e5-\u4e2d\u56fd\u5927\u9646"},"2022\u5e7408\u670813\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"The increase in the production of consumer goods results in damage to the natural environment. What are the causes of this? What can be done to solve this problem?"),(0,i.kt)("h3",{id:"2022\u5e7407\u670809\u65e5-\u4e2d\u56fd\u5927\u9646"},"2022\u5e7407\u670809\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"It is difficult for people living in cities to get enough physical exercise. What are the causes and what solutions can be taken to solve the problem? "),(0,i.kt)("h3",{id:"2022\u5e7406\u670811\u65e5-\u4e2d\u56fd\u5927\u9646"},"2022\u5e7406\u670811\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Today, people live longer after retirement. What problems will this cause to individuals and society? What can be done to solve these problems?"),(0,i.kt)("h3",{id:"2022\u5e7405\u670828\u65e5-\u4e2d\u56fd\u5927\u9646"},"2022\u5e7405\u670828\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Many people continue to use cars and motorcycles even though they know that they are bad for the environment. Why is this? What can be done to reduce the use of these vehicles? "),(0,i.kt)("h3",{id:"2022\u5e7404\u670830\u65e5-\u4e2d\u56fd\u5927\u9646"},"2022\u5e7404\u670830\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Nowadays, people spend more and more time away from their families. Why is this? What effects will it have on themselves and their families?"),(0,i.kt)("h3",{id:"2022\u5e7401\u670829\u65e5-\u4e2d\u56fd\u5927\u9646"},"2022\u5e7401\u670829\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Some countries spend a lot of money making it easier for the use of bicycles. Why? Is it the best way to solve transport problems?"),(0,i.kt)("h3",{id:"2021\u5e7412\u670818\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7412\u670818\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"In many countries\uff0cfamilies are not eating meals together on a daily basis. Why is that\uff1f Is it a positive or negative development\uff1f"),(0,i.kt)("h3",{id:"2021\u5e7410\u670830\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7410\u670830\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Nowadays many parents put a lot of pressure on children to succeed. What are the parents\u2019 reasons for this? Do you think it is a positive or negative development for children?"),(0,i.kt)("h3",{id:"2021\u5e7409\u670811\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7409\u670811\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Natural resources, such as oil, forests and fresh water are being consumed at an alarming rate. What problems will it cause? How can we solve these problems?"),(0,i.kt)("h3",{id:"2021\u5e7408\u670814\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7408\u670814\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"An increasing number of developing countries currently are expanding tourist industries. Why is this the case\uff1fIs this positive development\uff1f"),(0,i.kt)("h3",{id:"2021\u5e7407\u670831\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7407\u670831\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Today food travels thousands of miles from the farm to the consumers. Why is this? Is it a positive or negative trend\uff1f"),(0,i.kt)("h3",{id:"2021\u5e7406\u670819\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7406\u670819\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"In education and employment, some people work harder than others. Why do some people work harder? Is it always a good thing to work hard? "),(0,i.kt)("h3",{id:"2021\u5e7405\u670822\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7405\u670822\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Many museums and historical sites are mainly visited by tourists, not local people. Why? What can be done to attract local people?"),(0,i.kt)("h3",{id:"2021\u5e7404\u670817\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7404\u670817\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"More and more young people today do not spend their weekends or holidays doing activities outdoors in natural environment\uff0csuch as hiking and mountain climbing. Why do you think it is the case? What can be done to encourage young people to spend time doing activities?"),(0,i.kt)("h3",{id:"2021\u5e7404\u670810\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7404\u670810\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Many people believe that bicycle is a healthy and environmentally friendly mode of transport. However, it is no longer the main form of transport. What are the reasons? What could be done to encourage the use of bicycles among the wider population?"),(0,i.kt)("h3",{id:"2021\u5e7403\u670827\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7403\u670827\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Health experts claim that walking is the best exercise. However, people are walking less on a daily basis. What has made it happen and how to deal with this?"),(0,i.kt)("h3",{id:"2021\u5e7403\u670806\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7403\u670806\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"In some countries around the world men and women tend to have their children later in life. Why this happened? What are the effects on society and family life?"),(0,i.kt)("h3",{id:"2021\u5e7401\u670830\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7401\u670830\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"More and more plastic wastes are polluting in world city, countryside and oceans.What are the problems caused by plastic wastes? What measures should be taken to solve it?"),(0,i.kt)("h3",{id:"2021\u5e7401\u670816\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7401\u670816\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"In many countries students who leave high school have no understanding of how to manage their money \uff1fWhy is this case? What can be done to improve students understanding of how to manage personal finance \uff1f"),(0,i.kt)("h3",{id:"2020\u5e7412\u670826\u65e5-\u4e2d\u56fd\u5927\u9646"},"2020\u5e7412\u670826\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"In many countries, people wear more western-style clothes(suits and jeans) than their traditional clothes. Why? Is it a positive or negative development? "),(0,i.kt)("h3",{id:"2020\u5e7411\u670812\u65e5-\u4e2d\u56fd\u5927\u9646"},"2020\u5e7411\u670812\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Competitiveness is seen as a positive quality for people in many societies. How does competitiveness affect individuals? Is it a positive or negative quality?"),(0,i.kt)("h3",{id:"2020\u5e749\u670812\u65e5-\u4e2d\u56fd\u5927\u9646"},"2020\u5e749\u670812\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"In today's world of advanced science and technology, we still greatly value our artists such as musicians, painters and writers. What can arts tell us about life that science and technology cannot?"),(0,i.kt)("h3",{id:"2020\u5e749\u67085\u65e5-\u4e2d\u56fd\u5927\u9646"},"2020\u5e749\u67085\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Many people think there is a general increase of anti-social behavior and a lack of respect to others, what do you think are the causes of this and how to improve it? What solutions can you suggest?"),(0,i.kt)("h3",{id:"2019\u5e7412\u670814\u65e5-\u4e2d\u56fd\u5927\u9646"},"2019\u5e7412\u670814\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Nowadays, people always throw old things away and buy new things, whereas in the past, old things were repaired and used again. What factors cause this phenomenon? What effect does this phenomenon lead to? "),(0,i.kt)("h3",{id:"2019\u5e7412\u670821\u65e5-\u4e2d\u56fd\u5927\u9646"},"2019\u5e7412\u670821\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Today, many people spend less and less time in their homes. What\u2019s the reason for it? What are the effects of this trend on individuals and society? "),(0,i.kt)("h3",{id:"2019\u5e7411\u67082\u65e5-\u4e9a\u592a"},"2019\u5e7411\u67082\u65e5 \u4e9a\u592a"),(0,i.kt)("p",null,"Throughout the history, people dream to build a perfect society while they haven't agreed how the ideal society would be like. What is the most important element you think to make a perfect society? How do people do to achieve an ideal society?"),(0,i.kt)("h3",{id:"2019\u5e7412\u670812\u65e5\u4e2d\u56fd\u5927\u9646"},"2019\u5e7412\u670812\u65e5\u4e2d\u56fd\u5927\u9646"),(0,i.kt)("h3",{id:"2014\u5e7401\u670811\u65e5\u4e2d\u56fd\u5927\u9646"},"2014\u5e7401\u670811\u65e5\u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Many young people in the workforce today change their jobs or careers every few years. What do you think are the reasons for this? Do you advantages of this outweigh the disadvantages?"),(0,i.kt)("h3",{id:"\u6fb3\u6d32\u673a\u8003\u65b0\u9898"},"\u6fb3\u6d32\u673a\u8003\u65b0\u9898"),(0,i.kt)("p",null,"Companies are using various methods to promote their sales. What are those? Which is the most effective one?"),(0,i.kt)("h3",{id:"2020\u5e742\u67081\u65e5-\u4e9a\u592a"},"2020\u5e742\u67081\u65e5 \u4e9a\u592a"),(0,i.kt)("p",null,"More and more people are consuming sugar-based drinks. What do you think are the causes and what can be solutions?"),(0,i.kt)("h3",{id:"2020\u5e748\u67081\u65e5-\u4e2d\u56fd\u5927\u9646"},"2020\u5e748\u67081\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"In some countries, people waste a lot of food which is bought in shops and restaurants. What do you think are the reasons? What can be done to solve this problem?"),(0,i.kt)("h3",{id:"2020\u5e748\u670815\u65e5-\u4e2d\u56fd\u5927\u9646"},"2020\u5e748\u670815\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Some scientists believe that studying the behaviour of 3-year-old children can tell which children would grow up to be criminals. To what extent in your opinion is crime a product of human nature\uff1fIs it possible to stop children from growing up to be criminals? "),(0,i.kt)("h3",{id:"2020\u5e748\u670820\u65e5-\u4e2d\u56fd\u5927\u9646"},"2020\u5e748\u670820\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null," Demand of food is increasing worldwide. What are the causes? What measures could the international community take in order to improve the situation ?"))}u.isMDXComponent=!0},3905:(e,t,o)=>{o.d(t,{Zo:()=>d,kt:()=>v});var a=o(7294);function i(e,t,o){return t in e?Object.defineProperty(e,t,{value:o,enumerable:!0,configurable:!0,writable:!0}):e[t]=o,e}function n(e,t){var o=Object.keys(e);if(Object.getOwnPropertySymbols){var a=Object.getOwnPropertySymbols(e);t&&(a=a.filter((function(t){return Object.getOwnPropertyDescriptor(e,t).enumerable}))),o.push.apply(o,a)}return o}function l(e){for(var t=1;t=0||(i[o]=e[o]);return i}(e,t);if(Object.getOwnPropertySymbols){var n=Object.getOwnPropertySymbols(e);for(a=0;a=0||Object.prototype.propertyIsEnumerable.call(e,o)&&(i[o]=e[o])}return i}var r=a.createContext({}),h=function(e){var t=a.useContext(r),o=t;return e&&(o="function"==typeof e?e(t):l(l({},t),e)),o},d=function(e){var t=h(e.components);return a.createElement(r.Provider,{value:t},e.children)},u="mdxType",p={inlineCode:"code",wrapper:function(e){var t=e.children;return a.createElement(a.Fragment,{},t)}},c=a.forwardRef((function(e,t){var o=e.components,i=e.mdxType,n=e.originalType,r=e.parentName,d=s(e,["components","mdxType","originalType","parentName"]),u=h(o),c=i,v=u["".concat(r,".").concat(c)]||u[c]||p[c]||n;return o?a.createElement(v,l(l({ref:t},d),{},{components:o})):a.createElement(v,l({ref:t},d))}));function v(e,t){var o=arguments,i=t&&t.mdxType;if("string"==typeof e||i){var n=o.length,l=new Array(n);l[0]=c;var s={};for(var r in t)hasOwnProperty.call(t,r)&&(s[r]=t[r]);s.originalType=e,s[u]="string"==typeof e?e:i,l[1]=s;for(var h=2;h{o.r(t),o.d(t,{assets:()=>r,contentTitle:()=>l,default:()=>u,frontMatter:()=>n,metadata:()=>s,toc:()=>h});var a=o(7462),i=(o(7294),o(3905));const n={title:"Report"},l=void 0,s={unversionedId:"Task2/Classification/Report",id:"Task2/Classification/Report",title:"Report",description:"2024\u5e7405\u670818\u65e5 \u4e2d\u56fd\u5927\u9646",source:"@site/IELTS/writing/Task2/Classification/Report.md",sourceDirName:"Task2/Classification",slug:"/Task2/Classification/Report",permalink:"/writing/Task2/Classification/Report",draft:!1,tags:[],version:"current",lastUpdatedBy:"waleyGithub",lastUpdatedAt:1716187515,formattedLastUpdatedAt:"2024\u5e745\u670820\u65e5",frontMatter:{title:"Report"},sidebar:"tutorialSidebar",previous:{title:"Positive or negative",permalink:"/writing/Task2/Classification/Positive or negative"},next:{title:"To what extent do you agree or disagree?",permalink:"/writing/Task2/Classification/agree or disagree"}},r={},h=[{value:"2024\u5e7405\u670818\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2024\u5e7405\u670818\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2023\u5e7412\u670830\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2023\u5e7412\u670830\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2023\u5e7412\u670830\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2023\u5e7412\u670830\u65e5-\u4e2d\u56fd\u5927\u9646-1",level:3},{value:"2023\u5e7411\u670804\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2023\u5e7411\u670804\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2023\u5e7408\u670805\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2023\u5e7408\u670805\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2023\u5e7406\u670817\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2023\u5e7406\u670817\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2023\u5e7404\u670801\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2023\u5e7404\u670801\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2023\u5e7401\u670814\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2023\u5e7401\u670814\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2023\u5e7401\u670807\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2023\u5e7401\u670807\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2022\u5e7412\u670824\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2022\u5e7412\u670824\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2022\u5e7410\u670822\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2022\u5e7410\u670822\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2022\u5e7409\u670803\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2022\u5e7409\u670803\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2022\u5e7408\u670813\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2022\u5e7408\u670813\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2022\u5e7407\u670809\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2022\u5e7407\u670809\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2022\u5e7406\u670811\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2022\u5e7406\u670811\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2022\u5e7405\u670828\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2022\u5e7405\u670828\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2022\u5e7404\u670830\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2022\u5e7404\u670830\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2022\u5e7401\u670829\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2022\u5e7401\u670829\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7412\u670818\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7412\u670818\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7410\u670830\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7410\u670830\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7409\u670811\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7409\u670811\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7408\u670814\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7408\u670814\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7407\u670831\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7407\u670831\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7406\u670819\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7406\u670819\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7405\u670822\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7405\u670822\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7404\u670817\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7404\u670817\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7404\u670810\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7404\u670810\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7403\u670827\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7403\u670827\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7403\u670806\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7403\u670806\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7401\u670830\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7401\u670830\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7401\u670816\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7401\u670816\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2020\u5e7412\u670826\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2020\u5e7412\u670826\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2020\u5e7411\u670812\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2020\u5e7411\u670812\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2020\u5e749\u670812\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2020\u5e749\u670812\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2020\u5e749\u67085\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2020\u5e749\u67085\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2019\u5e7412\u670814\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2019\u5e7412\u670814\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2019\u5e7412\u670821\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2019\u5e7412\u670821\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2019\u5e7411\u67082\u65e5 \u4e9a\u592a",id:"2019\u5e7411\u67082\u65e5-\u4e9a\u592a",level:3},{value:"2019\u5e7412\u670812\u65e5\u4e2d\u56fd\u5927\u9646",id:"2019\u5e7412\u670812\u65e5\u4e2d\u56fd\u5927\u9646",level:3},{value:"2014\u5e7401\u670811\u65e5\u4e2d\u56fd\u5927\u9646",id:"2014\u5e7401\u670811\u65e5\u4e2d\u56fd\u5927\u9646",level:3},{value:"\u6fb3\u6d32\u673a\u8003\u65b0\u9898",id:"\u6fb3\u6d32\u673a\u8003\u65b0\u9898",level:3},{value:"2020\u5e742\u67081\u65e5 \u4e9a\u592a",id:"2020\u5e742\u67081\u65e5-\u4e9a\u592a",level:3},{value:"2020\u5e748\u67081\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2020\u5e748\u67081\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2020\u5e748\u670815\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2020\u5e748\u670815\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2020\u5e748\u670820\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2020\u5e748\u670820\u65e5-\u4e2d\u56fd\u5927\u9646",level:3}],d={toc:h};function u(e){let{components:t,...o}=e;return(0,i.kt)("wrapper",(0,a.Z)({},d,o,{components:t,mdxType:"MDXLayout"}),(0,i.kt)("h3",{id:"2024\u5e7405\u670818\u65e5-\u4e2d\u56fd\u5927\u9646"},"2024\u5e7405\u670818\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Mobile phones and the Internet could have many benefits for old people. However, this age group uses technology the least. What are the benefits for old people of using mobile phones and the Internet? How can we encourage them to use this new technology\uff1f"),(0,i.kt)("h3",{id:"2023\u5e7412\u670830\u65e5-\u4e2d\u56fd\u5927\u9646"},"2023\u5e7412\u670830\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"A lot of young people do not know how to manage their money when graduating from high school. What do you think are the reasons? What can be done to teach them this important skill?"),(0,i.kt)("h3",{id:"2023\u5e7412\u670830\u65e5-\u4e2d\u56fd\u5927\u9646-1"},"2023\u5e7412\u670830\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Ambition is important for people to want success in many societies. How important is ambition to people\uff1f Is ambition a positive or negative character\uff1f"),(0,i.kt)("h3",{id:"2023\u5e7411\u670804\u65e5-\u4e2d\u56fd\u5927\u9646"},"2023\u5e7411\u670804\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"In many countries, people wear more western-style clothes, e.g. jeans and T-shirts, than local traditional clothes. Why is this the case? Is this a positive or negative development?"),(0,i.kt)("h3",{id:"2023\u5e7408\u670805\u65e5-\u4e2d\u56fd\u5927\u9646"},"2023\u5e7408\u670805\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"In some countries there is not enough recycling of waste materials (e.g. paper, glass andcans). What are the reasons and solutions?"),(0,i.kt)("h3",{id:"2023\u5e7406\u670817\u65e5-\u4e2d\u56fd\u5927\u9646"},"2023\u5e7406\u670817\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Some ex-prisoners commit crimes again after being released from the prison. What do you think are the causes? What can be done to solve this problem\uff1f"),(0,i.kt)("h3",{id:"2023\u5e7404\u670801\u65e5-\u4e2d\u56fd\u5927\u9646"},"2023\u5e7404\u670801\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Despite better access to education, a significant number of adults cannot read or write. In what ways are people are disadvantaged without these skills? What government should do for this problem?"),(0,i.kt)("h3",{id:"2023\u5e7401\u670814\u65e5-\u4e2d\u56fd\u5927\u9646"},"2023\u5e7401\u670814\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Some ex-prisoners commit crimes again after being released from the prison. What do you think are the causes? What can be done to solve this problem\uff1f"),(0,i.kt)("h3",{id:"2023\u5e7401\u670807\u65e5-\u4e2d\u56fd\u5927\u9646"},"2023\u5e7401\u670807\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Nowadays, consumers are less influenced by advertising than in the past. What do you think are the reasons? Is it a positive or negative development?"),(0,i.kt)("h3",{id:"2022\u5e7412\u670824\u65e5-\u4e2d\u56fd\u5927\u9646"},"2022\u5e7412\u670824\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Throughout the history people have dreamed of living in a perfect society, but people have not agreed on what a perfect society would be like. What do you think is the most important element for building a perfect society? How can people achieve this goal?"),(0,i.kt)("h3",{id:"2022\u5e7410\u670822\u65e5-\u4e2d\u56fd\u5927\u9646"},"2022\u5e7410\u670822\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"The level of noise around us is constantly rising and is affecting the quality of our lives. What are the causes of the noise? What should be done solve this problem?"),(0,i.kt)("h3",{id:"2022\u5e7409\u670803\u65e5-\u4e2d\u56fd\u5927\u9646"},"2022\u5e7409\u670803\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Many college freshmen find that the courses they choose are not suitable for them. What are the reasons? What can be done to solve this problem?"),(0,i.kt)("h3",{id:"2022\u5e7408\u670813\u65e5-\u4e2d\u56fd\u5927\u9646"},"2022\u5e7408\u670813\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"The increase in the production of consumer goods results in damage to the natural environment. What are the causes of this? What can be done to solve this problem?"),(0,i.kt)("h3",{id:"2022\u5e7407\u670809\u65e5-\u4e2d\u56fd\u5927\u9646"},"2022\u5e7407\u670809\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"It is difficult for people living in cities to get enough physical exercise. What are the causes and what solutions can be taken to solve the problem? "),(0,i.kt)("h3",{id:"2022\u5e7406\u670811\u65e5-\u4e2d\u56fd\u5927\u9646"},"2022\u5e7406\u670811\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Today, people live longer after retirement. What problems will this cause to individuals and society? What can be done to solve these problems?"),(0,i.kt)("h3",{id:"2022\u5e7405\u670828\u65e5-\u4e2d\u56fd\u5927\u9646"},"2022\u5e7405\u670828\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Many people continue to use cars and motorcycles even though they know that they are bad for the environment. Why is this? What can be done to reduce the use of these vehicles? "),(0,i.kt)("h3",{id:"2022\u5e7404\u670830\u65e5-\u4e2d\u56fd\u5927\u9646"},"2022\u5e7404\u670830\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Nowadays, people spend more and more time away from their families. Why is this? What effects will it have on themselves and their families?"),(0,i.kt)("h3",{id:"2022\u5e7401\u670829\u65e5-\u4e2d\u56fd\u5927\u9646"},"2022\u5e7401\u670829\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Some countries spend a lot of money making it easier for the use of bicycles. Why? Is it the best way to solve transport problems?"),(0,i.kt)("h3",{id:"2021\u5e7412\u670818\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7412\u670818\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"In many countries\uff0cfamilies are not eating meals together on a daily basis. Why is that\uff1f Is it a positive or negative development\uff1f"),(0,i.kt)("h3",{id:"2021\u5e7410\u670830\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7410\u670830\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Nowadays many parents put a lot of pressure on children to succeed. What are the parents\u2019 reasons for this? Do you think it is a positive or negative development for children?"),(0,i.kt)("h3",{id:"2021\u5e7409\u670811\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7409\u670811\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Natural resources, such as oil, forests and fresh water are being consumed at an alarming rate. What problems will it cause? How can we solve these problems?"),(0,i.kt)("h3",{id:"2021\u5e7408\u670814\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7408\u670814\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"An increasing number of developing countries currently are expanding tourist industries. Why is this the case\uff1fIs this positive development\uff1f"),(0,i.kt)("h3",{id:"2021\u5e7407\u670831\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7407\u670831\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Today food travels thousands of miles from the farm to the consumers. Why is this? Is it a positive or negative trend\uff1f"),(0,i.kt)("h3",{id:"2021\u5e7406\u670819\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7406\u670819\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"In education and employment, some people work harder than others. Why do some people work harder? Is it always a good thing to work hard? "),(0,i.kt)("h3",{id:"2021\u5e7405\u670822\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7405\u670822\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Many museums and historical sites are mainly visited by tourists, not local people. Why? What can be done to attract local people?"),(0,i.kt)("h3",{id:"2021\u5e7404\u670817\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7404\u670817\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"More and more young people today do not spend their weekends or holidays doing activities outdoors in natural environment\uff0csuch as hiking and mountain climbing. Why do you think it is the case? What can be done to encourage young people to spend time doing activities?"),(0,i.kt)("h3",{id:"2021\u5e7404\u670810\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7404\u670810\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Many people believe that bicycle is a healthy and environmentally friendly mode of transport. However, it is no longer the main form of transport. What are the reasons? What could be done to encourage the use of bicycles among the wider population?"),(0,i.kt)("h3",{id:"2021\u5e7403\u670827\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7403\u670827\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Health experts claim that walking is the best exercise. However, people are walking less on a daily basis. What has made it happen and how to deal with this?"),(0,i.kt)("h3",{id:"2021\u5e7403\u670806\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7403\u670806\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"In some countries around the world men and women tend to have their children later in life. Why this happened? What are the effects on society and family life?"),(0,i.kt)("h3",{id:"2021\u5e7401\u670830\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7401\u670830\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"More and more plastic wastes are polluting in world city, countryside and oceans.What are the problems caused by plastic wastes? What measures should be taken to solve it?"),(0,i.kt)("h3",{id:"2021\u5e7401\u670816\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7401\u670816\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"In many countries students who leave high school have no understanding of how to manage their money \uff1fWhy is this case? What can be done to improve students understanding of how to manage personal finance \uff1f"),(0,i.kt)("h3",{id:"2020\u5e7412\u670826\u65e5-\u4e2d\u56fd\u5927\u9646"},"2020\u5e7412\u670826\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"In many countries, people wear more western-style clothes(suits and jeans) than their traditional clothes. Why? Is it a positive or negative development? "),(0,i.kt)("h3",{id:"2020\u5e7411\u670812\u65e5-\u4e2d\u56fd\u5927\u9646"},"2020\u5e7411\u670812\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Competitiveness is seen as a positive quality for people in many societies. How does competitiveness affect individuals? Is it a positive or negative quality?"),(0,i.kt)("h3",{id:"2020\u5e749\u670812\u65e5-\u4e2d\u56fd\u5927\u9646"},"2020\u5e749\u670812\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"In today's world of advanced science and technology, we still greatly value our artists such as musicians, painters and writers. What can arts tell us about life that science and technology cannot?"),(0,i.kt)("h3",{id:"2020\u5e749\u67085\u65e5-\u4e2d\u56fd\u5927\u9646"},"2020\u5e749\u67085\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Many people think there is a general increase of anti-social behavior and a lack of respect to others, what do you think are the causes of this and how to improve it? What solutions can you suggest?"),(0,i.kt)("h3",{id:"2019\u5e7412\u670814\u65e5-\u4e2d\u56fd\u5927\u9646"},"2019\u5e7412\u670814\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Nowadays, people always throw old things away and buy new things, whereas in the past, old things were repaired and used again. What factors cause this phenomenon? What effect does this phenomenon lead to? "),(0,i.kt)("h3",{id:"2019\u5e7412\u670821\u65e5-\u4e2d\u56fd\u5927\u9646"},"2019\u5e7412\u670821\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Today, many people spend less and less time in their homes. What\u2019s the reason for it? What are the effects of this trend on individuals and society? "),(0,i.kt)("h3",{id:"2019\u5e7411\u67082\u65e5-\u4e9a\u592a"},"2019\u5e7411\u67082\u65e5 \u4e9a\u592a"),(0,i.kt)("p",null,"Throughout the history, people dream to build a perfect society while they haven't agreed how the ideal society would be like. What is the most important element you think to make a perfect society? How do people do to achieve an ideal society?"),(0,i.kt)("h3",{id:"2019\u5e7412\u670812\u65e5\u4e2d\u56fd\u5927\u9646"},"2019\u5e7412\u670812\u65e5\u4e2d\u56fd\u5927\u9646"),(0,i.kt)("h3",{id:"2014\u5e7401\u670811\u65e5\u4e2d\u56fd\u5927\u9646"},"2014\u5e7401\u670811\u65e5\u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Many young people in the workforce today change their jobs or careers every few years. What do you think are the reasons for this? Do you advantages of this outweigh the disadvantages?"),(0,i.kt)("h3",{id:"\u6fb3\u6d32\u673a\u8003\u65b0\u9898"},"\u6fb3\u6d32\u673a\u8003\u65b0\u9898"),(0,i.kt)("p",null,"Companies are using various methods to promote their sales. What are those? Which is the most effective one?"),(0,i.kt)("h3",{id:"2020\u5e742\u67081\u65e5-\u4e9a\u592a"},"2020\u5e742\u67081\u65e5 \u4e9a\u592a"),(0,i.kt)("p",null,"More and more people are consuming sugar-based drinks. What do you think are the causes and what can be solutions?"),(0,i.kt)("h3",{id:"2020\u5e748\u67081\u65e5-\u4e2d\u56fd\u5927\u9646"},"2020\u5e748\u67081\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"In some countries, people waste a lot of food which is bought in shops and restaurants. What do you think are the reasons? What can be done to solve this problem?"),(0,i.kt)("h3",{id:"2020\u5e748\u670815\u65e5-\u4e2d\u56fd\u5927\u9646"},"2020\u5e748\u670815\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null,"Some scientists believe that studying the behaviour of 3-year-old children can tell which children would grow up to be criminals. To what extent in your opinion is crime a product of human nature\uff1fIs it possible to stop children from growing up to be criminals? "),(0,i.kt)("h3",{id:"2020\u5e748\u670820\u65e5-\u4e2d\u56fd\u5927\u9646"},"2020\u5e748\u670820\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,i.kt)("p",null," Demand of food is increasing worldwide. What are the causes? What measures could the international community take in order to improve the situation ?"))}u.isMDXComponent=!0},3905:(e,t,o)=>{o.d(t,{Zo:()=>d,kt:()=>v});var a=o(7294);function i(e,t,o){return t in e?Object.defineProperty(e,t,{value:o,enumerable:!0,configurable:!0,writable:!0}):e[t]=o,e}function n(e,t){var o=Object.keys(e);if(Object.getOwnPropertySymbols){var a=Object.getOwnPropertySymbols(e);t&&(a=a.filter((function(t){return Object.getOwnPropertyDescriptor(e,t).enumerable}))),o.push.apply(o,a)}return o}function l(e){for(var t=1;t=0||(i[o]=e[o]);return i}(e,t);if(Object.getOwnPropertySymbols){var n=Object.getOwnPropertySymbols(e);for(a=0;a=0||Object.prototype.propertyIsEnumerable.call(e,o)&&(i[o]=e[o])}return i}var r=a.createContext({}),h=function(e){var t=a.useContext(r),o=t;return e&&(o="function"==typeof e?e(t):l(l({},t),e)),o},d=function(e){var t=h(e.components);return a.createElement(r.Provider,{value:t},e.children)},u="mdxType",p={inlineCode:"code",wrapper:function(e){var t=e.children;return a.createElement(a.Fragment,{},t)}},c=a.forwardRef((function(e,t){var o=e.components,i=e.mdxType,n=e.originalType,r=e.parentName,d=s(e,["components","mdxType","originalType","parentName"]),u=h(o),c=i,v=u["".concat(r,".").concat(c)]||u[c]||p[c]||n;return o?a.createElement(v,l(l({ref:t},d),{},{components:o})):a.createElement(v,l({ref:t},d))}));function v(e,t){var o=arguments,i=t&&t.mdxType;if("string"==typeof e||i){var n=o.length,l=new Array(n);l[0]=c;var s={};for(var r in t)hasOwnProperty.call(t,r)&&(s[r]=t[r]);s.originalType=e,s[u]="string"==typeof e?e:i,l[1]=s;for(var h=2;h{t.r(i),t.d(i,{assets:()=>r,contentTitle:()=>l,default:()=>p,frontMatter:()=>s,metadata:()=>a,toc:()=>h});var o=t(7462),n=(t(7294),t(3905));const s={title:"Discussion"},l=void 0,a={unversionedId:"Task2/Classification/Discussion",id:"Task2/Classification/Discussion",title:"Discussion",description:"2024\u5e7407\u670807\u65e5 \u4e2d\u56fd\u5927\u9646",source:"@site/IELTS/writing/Task2/Classification/Discussion.md",sourceDirName:"Task2/Classification",slug:"/Task2/Classification/Discussion",permalink:"/writing/Task2/Classification/Discussion",draft:!1,tags:[],version:"current",lastUpdatedBy:"waleyGithub",lastUpdatedAt:1723901764,formattedLastUpdatedAt:"2024\u5e748\u670817\u65e5",frontMatter:{title:"Discussion"},sidebar:"tutorialSidebar",previous:{title:"Classification",permalink:"/writing/category/classification-1"},next:{title:"Outweight",permalink:"/writing/Task2/Classification/Outweight"}},r={},h=[{value:"2024\u5e7407\u670807\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2024\u5e7407\u670807\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2024\u5e7406\u670808\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2024\u5e7406\u670808\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2024\u5e7404\u670820\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2024\u5e7404\u670820\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2024\u5e7404\u670813\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2024\u5e7404\u670813\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2024\u5e7404\u670806\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2024\u5e7404\u670806\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2024\u5e7403\u670809\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2024\u5e7403\u670809\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2024\u5e7402\u670824\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2024\u5e7402\u670824\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2024\u5e7402\u670803\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2024\u5e7402\u670803\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2024\u5e7401\u670827\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2024\u5e7401\u670827\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2024\u5e7401\u670806\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2024\u5e7401\u670806\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2023\u5e7412\u670816\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2023\u5e7412\u670816\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2023\u5e7411\u670818\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2023\u5e7411\u670818\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2023\u5e7409\u670830\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2023\u5e7409\u670830\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2023\u5e7409\u670802\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2023\u5e7409\u670802\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2023\u5e7408\u670826\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2023\u5e7408\u670826\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2023\u5e7407\u670829\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2023\u5e7407\u670829\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2023\u5e7406\u670824\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2023\u5e7406\u670824\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2023\u5e7404\u670815\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2023\u5e7404\u670815\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"\u200b\u200b2023\u5e7404\u670808\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2023\u5e7404\u670808\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"\u200b\u200b2023\u5e7403\u670818\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2023\u5e7403\u670818\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"\u200b\u200b2023\u5e7402\u670818\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2023\u5e7402\u670818\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2023\u5e7402\u670804\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2023\u5e7402\u670804\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2022\u5e7412\u670803\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2022\u5e7412\u670803\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2022\u5e7409\u670824\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2022\u5e7409\u670824\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2022\u5e7408\u670827\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2022\u5e7408\u670827\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2022\u5e7408\u670806\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2022\u5e7408\u670806\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2022\u5e7407\u670816\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2022\u5e7407\u670816\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2022\u5e7405\u670807\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2022\u5e7405\u670807\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2022\u5e7401\u670808\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2022\u5e7401\u670808\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7412\u670811\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7412\u670811\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7411\u670827\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7411\u670827\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7410\u670809\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7410\u670809\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7410\u670816\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7410\u670816\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7408\u670807\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7408\u670807\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7407\u670824\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7407\u670824\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7406\u670826\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7406\u670826\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7406\u670812\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7406\u670812\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7405\u670829\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7405\u670829\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7405\u670828\u65e5 \u4e2d\u56fd\u5927\u9646\u673a\u8003",id:"2021\u5e7405\u670828\u65e5-\u4e2d\u56fd\u5927\u9646\u673a\u8003",level:3},{value:"2021\u5e7404\u670829\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7404\u670829\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7403\u670813\u65e5 \u52a0\u62ff\u5927",id:"2021\u5e7403\u670813\u65e5-\u52a0\u62ff\u5927",level:3},{value:"2021\u5e7402\u670825\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7402\u670825\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2020\u5e7412\u670831\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2020\u5e7412\u670831\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2020\u5e747\u670811\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2020\u5e747\u670811\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2020\u5e748\u670829\u65e5 \u4e2d\u56fd\u5927\u9646\uff0c2018\u5e741\u67086\u65e5 \u6fb3\u5927\u5229\u4e9a",id:"2020\u5e748\u670829\u65e5-\u4e2d\u56fd\u5927\u96462018\u5e741\u67086\u65e5-\u6fb3\u5927\u5229\u4e9a",level:3},{value:"2020\u5e741\u670811\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2020\u5e741\u670811\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2019\u5e7411\u67087\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2019\u5e7411\u67087\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2019\u5e7411\u67082\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2019\u5e7411\u67082\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2019\u5e7412\u670814\u65e5\u4e9a\u592a",id:"2019\u5e7412\u670814\u65e5\u4e9a\u592a",level:3},{value:"2019\u5e7410\u670819\u65e5-\u4e9a\u592a",id:"2019\u5e7410\u670819\u65e5-\u4e9a\u592a",level:3},{value:"2019\u5e7410\u670812\u65e5 \u4e9a\u592a",id:"2019\u5e7410\u670812\u65e5-\u4e9a\u592a",level:3},{value:"2019\u5e749\u670812\u65e5-\u4e2d\u56fd\u5927\u9646",id:"2019\u5e749\u670812\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2019\u5e749\u67087\u65e5-\u4e2d\u56fd\u5927\u9646",id:"2019\u5e749\u67087\u65e5-\u4e2d\u56fd\u5927\u9646",level:3}],u={toc:h};function p(e){let{components:i,...t}=e;return(0,n.kt)("wrapper",(0,o.Z)({},u,t,{components:i,mdxType:"MDXLayout"}),(0,n.kt)("h3",{id:"2024\u5e7407\u670807\u65e5-\u4e2d\u56fd\u5927\u9646"},"2024\u5e7407\u670807\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think individuals in today's society are more and more dependent on each other. Some people think they are more independent. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2024\u5e7406\u670808\u65e5-\u4e2d\u56fd\u5927\u9646"},"2024\u5e7406\u670808\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think the increasing business and cultural contact between countries brings many positive effects. Others say it causes the loss of national identities. Discuss both of these views and give your own opnion."),(0,n.kt)("h3",{id:"2024\u5e7404\u670820\u65e5-\u4e2d\u56fd\u5927\u9646"},"2024\u5e7404\u670820\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think technologic development encouraged crime but some others think that decreased crime. Discuss both views and give your opinion."),(0,n.kt)("h3",{id:"2024\u5e7404\u670813\u65e5-\u4e2d\u56fd\u5927\u9646"},"2024\u5e7404\u670813\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think most crimes are the result of circumstances like poverty and other social problems. Others believe that they are caused by people who are bad in nature. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2024\u5e7404\u670806\u65e5-\u4e2d\u56fd\u5927\u9646"},"2024\u5e7404\u670806\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think advertising may have positive economic effects. Others think it has negative social effects because individuals are not satisfied with what they are and what they have. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2024\u5e7403\u670809\u65e5-\u4e2d\u56fd\u5927\u9646"},"2024\u5e7403\u670809\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think success of life is based on hard work and determination but others think there are more important factors like money and appearance. Discuss both sides and give your opinion."),(0,n.kt)("h3",{id:"2024\u5e7402\u670824\u65e5-\u4e2d\u56fd\u5927\u9646"},"2024\u5e7402\u670824\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people say that artworks (e.g. painting, music, poetry) can be created by everybody, whereas others say they can only be made by those with special ability. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2024\u5e7402\u670803\u65e5-\u4e2d\u56fd\u5927\u9646"},"2024\u5e7402\u670803\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"some people think that the time children spend on watching TV affects their behavior, while others think that the content of TV programs they watch affects their behavior. Discuss both views and give your own opinlon."),(0,n.kt)("h3",{id:"2024\u5e7401\u670827\u65e5-\u4e2d\u56fd\u5927\u9646"},"2024\u5e7401\u670827\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think a job not only provides income but also social life. Others think it is better to develop a social life with people you do not work with. Discuss both views and give your opinion."),(0,n.kt)("h3",{id:"2024\u5e7401\u670806\u65e5-\u4e2d\u56fd\u5927\u9646"},"2024\u5e7401\u670806\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people believe children should have organized activities in their free time. Others believe children should decide what to do in their free time on their own. Discuss both sides and giveyour opinion."),(0,n.kt)("h3",{id:"2023\u5e7412\u670816\u65e5-\u4e2d\u56fd\u5927\u9646"},"2023\u5e7412\u670816\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think the best way to be successful in life is to get a university education. Others disagree and think that is no longer ture. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2023\u5e7411\u670818\u65e5-\u4e2d\u56fd\u5927\u9646"},"2023\u5e7411\u670818\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think that all the lawbreakers should be taken into the prison, while others believe that there are better alternatives, (for example, doing some work or learning some skills in the community). Discuss both views and give your opinion."),(0,n.kt)("h3",{id:"2023\u5e7409\u670830\u65e5-\u4e2d\u56fd\u5927\u9646"},"2023\u5e7409\u670830\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people believe more actions can be taken to prevent crime, while others think that little can be done. Discuss both sides and give your own opinion."),(0,n.kt)("h3",{id:"2023\u5e7409\u670802\u65e5-\u4e2d\u56fd\u5927\u9646"},"2023\u5e7409\u670802\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some say the purpose of education is to prepare individuals to be useful to society. Others say the purpose of education is to achieve personal ambitions. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2023\u5e7408\u670826\u65e5-\u4e2d\u56fd\u5927\u9646"},"2023\u5e7408\u670826\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think that the government should provide free housing, while others think that it is not the government\u2019s responsibility. Discuss both views and give your opinion."),(0,n.kt)("h3",{id:"2023\u5e7407\u670829\u65e5-\u4e2d\u56fd\u5927\u9646"},"2023\u5e7407\u670829\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"In many different countries, most shops and products become the same. Some people think it is a positive development, while others think it is a negative development. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2023\u5e7406\u670824\u65e5-\u4e2d\u56fd\u5927\u9646"},"2023\u5e7406\u670824\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think secondary school students should learn international news as one of their subjects, while others believe that this is a waste of valuable time. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2023\u5e7404\u670815\u65e5-\u4e2d\u56fd\u5927\u9646"},"2023\u5e7404\u670815\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think that paying taxes is enough to contribute to the society. Others argue that being a citizen involves more responsibilities. Discuss both views and give your opinion."),(0,n.kt)("h3",{id:"2023\u5e7404\u670808\u65e5-\u4e2d\u56fd\u5927\u9646"},"\u200b\u200b2023\u5e7404\u670808\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Many people think hosting an international sporting event brings a lot of benefits to a country, while others believe that it has only disadvantages.Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2023\u5e7403\u670818\u65e5-\u4e2d\u56fd\u5927\u9646"},"\u200b\u200b2023\u5e7403\u670818\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think that older school children should learn a wide range of subjects and develop knowledge. But other people think that they should only learn a small number of subjects in detail. Discuss both views and give your opinion."),(0,n.kt)("h3",{id:"2023\u5e7402\u670818\u65e5-\u4e2d\u56fd\u5927\u9646"},"\u200b\u200b2023\u5e7402\u670818\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think the government should pay for health care and education, while others believe that this is not the government's responsibility. Discuss both views and give your opinion.\u200b\u200b"),(0,n.kt)("h3",{id:"2023\u5e7402\u670804\u65e5-\u4e2d\u56fd\u5927\u9646"},"2023\u5e7402\u670804\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think they have right to use as much fresh water as they want, while others believe governments should strictly control the use of fresh water as it is limited resource. Discuss both views and give your own opinion. \u200b\u200b\u200b"),(0,n.kt)("h3",{id:"2022\u5e7412\u670803\u65e5-\u4e2d\u56fd\u5927\u9646"},"2022\u5e7412\u670803\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think that watching TV is bad for children in every way, while others believe that it is good for children to grow up. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2022\u5e7409\u670824\u65e5-\u4e2d\u56fd\u5927\u9646"},"2022\u5e7409\u670824\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people believe that robots are important to human's future development, while others think that it is a dangerous invention that will impact society negatively. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2022\u5e7408\u670827\u65e5-\u4e2d\u56fd\u5927\u9646"},"2022\u5e7408\u670827\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think that dangerous sports should be banned, but others think that people should have the freedom to choose sports activities. Discuss both views and give your opinion."),(0,n.kt)("h3",{id:"2022\u5e7408\u670806\u65e5-\u4e2d\u56fd\u5927\u9646"},"2022\u5e7408\u670806\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think visual images (eg. Photographs, videos) in a news story can accurately tell what happened. Others think it cannot tell the full news story. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2022\u5e7407\u670816\u65e5-\u4e2d\u56fd\u5927\u9646"},"2022\u5e7407\u670816\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think that the Olympic Games is an exciting event that brings nations together. Others think that the Olympics are an expensive waste of money which would be better used in other things. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2022\u5e7405\u670807\u65e5-\u4e2d\u56fd\u5927\u9646"},"2022\u5e7405\u670807\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people believe it is a better way to leave their home country to improve their work and living opportunities, while others think staying in their own country is a better choice. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2022\u5e7401\u670808\u65e5-\u4e2d\u56fd\u5927\u9646"},"2022\u5e7401\u670808\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think that the best way to become successful in life is to receive university education, while others disagree and believe that today it is no longer true. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2021\u5e7412\u670811\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7412\u670811\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think that environmental problems are too big for individuals to solve, while others think that the government cannot solve these environmental problems unless individuals make some action. Discuss both views and give your opinion."),(0,n.kt)("h3",{id:"2021\u5e7411\u670827\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7411\u670827\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think parents are responsible for taking their children to school. Others think it is the government\u2019s responsibility. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2021\u5e7410\u670809\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7410\u670809\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think it is more beneficial to play sports that are played in teams, e.g. football; Others, however, think it is more beneficial to play individual sports, e.g. tennis and swimming. Discuss both these views and give your own opinion."),(0,n.kt)("h3",{id:"2021\u5e7410\u670816\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7410\u670816\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think financial aid from international organizations is important for developing countries. Others believe that practical aid is more useful. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2021\u5e7408\u670807\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7408\u670807\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think that parents should allow children to make mistakes and let them learn from their own mistakes, while others think parents should prevent them from making mistakes. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2021\u5e7407\u670824\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7407\u670824\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think that in the modern world we are more dependent on each other, while others think that people have become more independent. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2021\u5e7406\u670826\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7406\u670826\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think traveling abroad is necessary, while others think it is not necessary because TV and the Internet can give the same information. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2021\u5e7406\u670812\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7406\u670812\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people believe that university education should only focus on skills of employment for the future. Others think that they should focus on academic study only. Discuss both views and give your opinion."),(0,n.kt)("h3",{id:"2021\u5e7405\u670829\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7405\u670829\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think advertising may have positive economic effects. Others think it has negative social effects because individuals are not satisfied with what they are and what they have. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2021\u5e7405\u670828\u65e5-\u4e2d\u56fd\u5927\u9646\u673a\u8003"},"2021\u5e7405\u670828\u65e5 \u4e2d\u56fd\u5927\u9646\u673a\u8003"),(0,n.kt)("p",null,"Some people think when children commit crime they should be punished. Others think the parents should be punished instead. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2021\u5e7404\u670829\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7404\u670829\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"To improve the quality of education, people think that we should encourage our students to evaluate and criticize their teachers. Others believe that it will result in a loss of respect and discipline in the classroom. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2021\u5e7403\u670813\u65e5-\u52a0\u62ff\u5927"},"2021\u5e7403\u670813\u65e5 \u52a0\u62ff\u5927"),(0,n.kt)("p",null,"Some people think it is acceptable to use animals in any way to benefit human beings. Others think it is wrong to exploit animals for human purposes. Discuss both views and give your opinion."),(0,n.kt)("h3",{id:"2021\u5e7402\u670825\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7402\u670825\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people believe tha t educational qualifications always bring success, while others disagree. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2020\u5e7412\u670831\u65e5-\u4e2d\u56fd\u5927\u9646"},"2020\u5e7412\u670831\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Directors of large organizations are usually paid much more than ordinary workers. Some say this is necessary, while others believe this is unfair. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2020\u5e747\u670811\u65e5-\u4e2d\u56fd\u5927\u9646"},"2020\u5e747\u670811\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people believe that the sport has an important role in society. Others, however, think that it is nothing more than leisure activities. Discuss both views and give our own opinion."),(0,n.kt)("h3",{id:"2020\u5e748\u670829\u65e5-\u4e2d\u56fd\u5927\u96462018\u5e741\u67086\u65e5-\u6fb3\u5927\u5229\u4e9a"},"2020\u5e748\u670829\u65e5 \u4e2d\u56fd\u5927\u9646\uff0c2018\u5e741\u67086\u65e5 \u6fb3\u5927\u5229\u4e9a"),(0,n.kt)("p",null,"Some people think that it is more beneficial to take part in sports which are played in teams, like football. While other people think that taking part in individual sports is better, like swimming. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2020\u5e741\u670811\u65e5-\u4e2d\u56fd\u5927\u9646"},"2020\u5e741\u670811\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people argue that climate change will have negative effects on the business, while other people believe that climate change could create more opportunities to business. Discuss both and give your own opinion."),(0,n.kt)("h3",{id:"2019\u5e7411\u67087\u65e5-\u4e2d\u56fd\u5927\u9646"},"2019\u5e7411\u67087\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"In some cultures, the old age is highly valued; while in some cultures, youth is highly valued. Discuss both and give your opinion."),(0,n.kt)("h3",{id:"2019\u5e7411\u67082\u65e5-\u4e2d\u56fd\u5927\u9646"},"2019\u5e7411\u67082\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"The world of work is changing rapidly. Working conditions today are not the same as before and employees cannot depend on the same job or the same work conditions for life. Discuss the possible causes for these changes and give your suggestions on how people should prepare for work in the future."),(0,n.kt)("h3",{id:"2019\u5e7412\u670814\u65e5\u4e9a\u592a"},"2019\u5e7412\u670814\u65e5\u4e9a\u592a"),(0,n.kt)("p",null,"Some people think children should begin formal learning at school as young as possible. However, others feel children should not study at school until at least seven years old. Discuss both views and give your opinion."),(0,n.kt)("h3",{id:"2019\u5e7410\u670819\u65e5-\u4e9a\u592a"},"2019\u5e7410\u670819\u65e5-\u4e9a\u592a"),(0,n.kt)("p",null,"Many people spend more and more time going to work or school. Some people think the situation is positive, while others believe it is negative. Discuss both views and give your opinion."),(0,n.kt)("h3",{id:"2019\u5e7410\u670812\u65e5-\u4e9a\u592a"},"2019\u5e7410\u670812\u65e5 \u4e9a\u592a"),(0,n.kt)("p",null,"Some people think it is necessary to use animals for testing medicines intended for human use. Others, however, think it is cruel to do that. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2019\u5e749\u670812\u65e5-\u4e2d\u56fd\u5927\u9646"},"2019\u5e749\u670812\u65e5-\u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"In some countries, secondary schools aim to provide a general education across a wide range of subjects. In others, children focus on a narrow range of subjects related to a particular career. For today\u2019s world, which system is appropriate?"),(0,n.kt)("h3",{id:"2019\u5e749\u67087\u65e5-\u4e2d\u56fd\u5927\u9646"},"2019\u5e749\u67087\u65e5-\u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people say that economic growth is the only way to end hunger and poverty in the world, while others say that economic growth is damaging the environment and must be stopped now. Discuss both views and give your opinion."))}p.isMDXComponent=!0},3905:(e,i,t)=>{t.d(i,{Zo:()=>u,kt:()=>c});var o=t(7294);function n(e,i,t){return i in e?Object.defineProperty(e,i,{value:t,enumerable:!0,configurable:!0,writable:!0}):e[i]=t,e}function s(e,i){var t=Object.keys(e);if(Object.getOwnPropertySymbols){var o=Object.getOwnPropertySymbols(e);i&&(o=o.filter((function(i){return Object.getOwnPropertyDescriptor(e,i).enumerable}))),t.push.apply(t,o)}return t}function l(e){for(var i=1;i=0||(n[t]=e[t]);return n}(e,i);if(Object.getOwnPropertySymbols){var s=Object.getOwnPropertySymbols(e);for(o=0;o=0||Object.prototype.propertyIsEnumerable.call(e,t)&&(n[t]=e[t])}return n}var r=o.createContext({}),h=function(e){var i=o.useContext(r),t=i;return e&&(t="function"==typeof e?e(i):l(l({},i),e)),t},u=function(e){var i=h(e.components);return o.createElement(r.Provider,{value:i},e.children)},p="mdxType",d={inlineCode:"code",wrapper:function(e){var i=e.children;return o.createElement(o.Fragment,{},i)}},v=o.forwardRef((function(e,i){var t=e.components,n=e.mdxType,s=e.originalType,r=e.parentName,u=a(e,["components","mdxType","originalType","parentName"]),p=h(t),v=n,c=p["".concat(r,".").concat(v)]||p[v]||d[v]||s;return t?o.createElement(c,l(l({ref:i},u),{},{components:t})):o.createElement(c,l({ref:i},u))}));function c(e,i){var t=arguments,n=i&&i.mdxType;if("string"==typeof e||n){var s=t.length,l=new Array(s);l[0]=v;var a={};for(var r in i)hasOwnProperty.call(i,r)&&(a[r]=i[r]);a.originalType=e,a[p]="string"==typeof e?e:n,l[1]=a;for(var h=2;h{t.r(i),t.d(i,{assets:()=>r,contentTitle:()=>l,default:()=>p,frontMatter:()=>s,metadata:()=>a,toc:()=>h});var o=t(7462),n=(t(7294),t(3905));const s={title:"Discussion"},l=void 0,a={unversionedId:"Task2/Classification/Discussion",id:"Task2/Classification/Discussion",title:"Discussion",description:"2024\u5e7408\u670824\u65e5 \u4e2d\u56fd\u5927\u9646",source:"@site/IELTS/writing/Task2/Classification/Discussion.md",sourceDirName:"Task2/Classification",slug:"/Task2/Classification/Discussion",permalink:"/writing/Task2/Classification/Discussion",draft:!1,tags:[],version:"current",lastUpdatedBy:"waleyGithub",lastUpdatedAt:1724601698,formattedLastUpdatedAt:"2024\u5e748\u670825\u65e5",frontMatter:{title:"Discussion"},sidebar:"tutorialSidebar",previous:{title:"Classification",permalink:"/writing/category/classification-1"},next:{title:"Outweight",permalink:"/writing/Task2/Classification/Outweight"}},r={},h=[{value:"2024\u5e7408\u670824\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2024\u5e7408\u670824\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2024\u5e7407\u670807\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2024\u5e7407\u670807\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2024\u5e7406\u670808\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2024\u5e7406\u670808\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2024\u5e7404\u670820\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2024\u5e7404\u670820\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2024\u5e7404\u670813\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2024\u5e7404\u670813\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2024\u5e7404\u670806\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2024\u5e7404\u670806\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2024\u5e7403\u670809\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2024\u5e7403\u670809\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2024\u5e7402\u670824\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2024\u5e7402\u670824\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2024\u5e7402\u670803\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2024\u5e7402\u670803\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2024\u5e7401\u670827\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2024\u5e7401\u670827\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2024\u5e7401\u670806\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2024\u5e7401\u670806\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2023\u5e7412\u670816\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2023\u5e7412\u670816\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2023\u5e7411\u670818\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2023\u5e7411\u670818\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2023\u5e7409\u670830\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2023\u5e7409\u670830\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2023\u5e7409\u670802\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2023\u5e7409\u670802\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2023\u5e7408\u670826\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2023\u5e7408\u670826\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2023\u5e7407\u670829\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2023\u5e7407\u670829\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2023\u5e7406\u670824\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2023\u5e7406\u670824\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2023\u5e7404\u670815\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2023\u5e7404\u670815\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"\u200b\u200b2023\u5e7404\u670808\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2023\u5e7404\u670808\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"\u200b\u200b2023\u5e7403\u670818\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2023\u5e7403\u670818\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"\u200b\u200b2023\u5e7402\u670818\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2023\u5e7402\u670818\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2023\u5e7402\u670804\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2023\u5e7402\u670804\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2022\u5e7412\u670803\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2022\u5e7412\u670803\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2022\u5e7409\u670824\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2022\u5e7409\u670824\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2022\u5e7408\u670827\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2022\u5e7408\u670827\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2022\u5e7408\u670806\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2022\u5e7408\u670806\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2022\u5e7407\u670816\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2022\u5e7407\u670816\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2022\u5e7405\u670807\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2022\u5e7405\u670807\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2022\u5e7401\u670808\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2022\u5e7401\u670808\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7412\u670811\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7412\u670811\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7411\u670827\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7411\u670827\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7410\u670809\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7410\u670809\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7410\u670816\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7410\u670816\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7408\u670807\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7408\u670807\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7407\u670824\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7407\u670824\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7406\u670826\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7406\u670826\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7406\u670812\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7406\u670812\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7405\u670829\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7405\u670829\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7405\u670828\u65e5 \u4e2d\u56fd\u5927\u9646\u673a\u8003",id:"2021\u5e7405\u670828\u65e5-\u4e2d\u56fd\u5927\u9646\u673a\u8003",level:3},{value:"2021\u5e7404\u670829\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7404\u670829\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2021\u5e7403\u670813\u65e5 \u52a0\u62ff\u5927",id:"2021\u5e7403\u670813\u65e5-\u52a0\u62ff\u5927",level:3},{value:"2021\u5e7402\u670825\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2021\u5e7402\u670825\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2020\u5e7412\u670831\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2020\u5e7412\u670831\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2020\u5e747\u670811\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2020\u5e747\u670811\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2020\u5e748\u670829\u65e5 \u4e2d\u56fd\u5927\u9646\uff0c2018\u5e741\u67086\u65e5 \u6fb3\u5927\u5229\u4e9a",id:"2020\u5e748\u670829\u65e5-\u4e2d\u56fd\u5927\u96462018\u5e741\u67086\u65e5-\u6fb3\u5927\u5229\u4e9a",level:3},{value:"2020\u5e741\u670811\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2020\u5e741\u670811\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2019\u5e7411\u67087\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2019\u5e7411\u67087\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2019\u5e7411\u67082\u65e5 \u4e2d\u56fd\u5927\u9646",id:"2019\u5e7411\u67082\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2019\u5e7412\u670814\u65e5\u4e9a\u592a",id:"2019\u5e7412\u670814\u65e5\u4e9a\u592a",level:3},{value:"2019\u5e7410\u670819\u65e5-\u4e9a\u592a",id:"2019\u5e7410\u670819\u65e5-\u4e9a\u592a",level:3},{value:"2019\u5e7410\u670812\u65e5 \u4e9a\u592a",id:"2019\u5e7410\u670812\u65e5-\u4e9a\u592a",level:3},{value:"2019\u5e749\u670812\u65e5-\u4e2d\u56fd\u5927\u9646",id:"2019\u5e749\u670812\u65e5-\u4e2d\u56fd\u5927\u9646",level:3},{value:"2019\u5e749\u67087\u65e5-\u4e2d\u56fd\u5927\u9646",id:"2019\u5e749\u67087\u65e5-\u4e2d\u56fd\u5927\u9646",level:3}],u={toc:h};function p(e){let{components:i,...t}=e;return(0,n.kt)("wrapper",(0,o.Z)({},u,t,{components:i,mdxType:"MDXLayout"}),(0,n.kt)("h3",{id:"2024\u5e7408\u670824\u65e5-\u4e2d\u56fd\u5927\u9646"},"2024\u5e7408\u670824\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people say governments should give health care the first priority, while some others believe there are more important priorities to spend the taxpayers' money. Discuss both views and give your opinion."),(0,n.kt)("h3",{id:"2024\u5e7407\u670807\u65e5-\u4e2d\u56fd\u5927\u9646"},"2024\u5e7407\u670807\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think individuals in today's society are more and more dependent on each other. Some people think they are more independent. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2024\u5e7406\u670808\u65e5-\u4e2d\u56fd\u5927\u9646"},"2024\u5e7406\u670808\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think the increasing business and cultural contact between countries brings many positive effects. Others say it causes the loss of national identities. Discuss both of these views and give your own opnion."),(0,n.kt)("h3",{id:"2024\u5e7404\u670820\u65e5-\u4e2d\u56fd\u5927\u9646"},"2024\u5e7404\u670820\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think technologic development encouraged crime but some others think that decreased crime. Discuss both views and give your opinion."),(0,n.kt)("h3",{id:"2024\u5e7404\u670813\u65e5-\u4e2d\u56fd\u5927\u9646"},"2024\u5e7404\u670813\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think most crimes are the result of circumstances like poverty and other social problems. Others believe that they are caused by people who are bad in nature. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2024\u5e7404\u670806\u65e5-\u4e2d\u56fd\u5927\u9646"},"2024\u5e7404\u670806\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think advertising may have positive economic effects. Others think it has negative social effects because individuals are not satisfied with what they are and what they have. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2024\u5e7403\u670809\u65e5-\u4e2d\u56fd\u5927\u9646"},"2024\u5e7403\u670809\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think success of life is based on hard work and determination but others think there are more important factors like money and appearance. Discuss both sides and give your opinion."),(0,n.kt)("h3",{id:"2024\u5e7402\u670824\u65e5-\u4e2d\u56fd\u5927\u9646"},"2024\u5e7402\u670824\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people say that artworks (e.g. painting, music, poetry) can be created by everybody, whereas others say they can only be made by those with special ability. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2024\u5e7402\u670803\u65e5-\u4e2d\u56fd\u5927\u9646"},"2024\u5e7402\u670803\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"some people think that the time children spend on watching TV affects their behavior, while others think that the content of TV programs they watch affects their behavior. Discuss both views and give your own opinlon."),(0,n.kt)("h3",{id:"2024\u5e7401\u670827\u65e5-\u4e2d\u56fd\u5927\u9646"},"2024\u5e7401\u670827\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think a job not only provides income but also social life. Others think it is better to develop a social life with people you do not work with. Discuss both views and give your opinion."),(0,n.kt)("h3",{id:"2024\u5e7401\u670806\u65e5-\u4e2d\u56fd\u5927\u9646"},"2024\u5e7401\u670806\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people believe children should have organized activities in their free time. Others believe children should decide what to do in their free time on their own. Discuss both sides and giveyour opinion."),(0,n.kt)("h3",{id:"2023\u5e7412\u670816\u65e5-\u4e2d\u56fd\u5927\u9646"},"2023\u5e7412\u670816\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think the best way to be successful in life is to get a university education. Others disagree and think that is no longer ture. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2023\u5e7411\u670818\u65e5-\u4e2d\u56fd\u5927\u9646"},"2023\u5e7411\u670818\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think that all the lawbreakers should be taken into the prison, while others believe that there are better alternatives, (for example, doing some work or learning some skills in the community). Discuss both views and give your opinion."),(0,n.kt)("h3",{id:"2023\u5e7409\u670830\u65e5-\u4e2d\u56fd\u5927\u9646"},"2023\u5e7409\u670830\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people believe more actions can be taken to prevent crime, while others think that little can be done. Discuss both sides and give your own opinion."),(0,n.kt)("h3",{id:"2023\u5e7409\u670802\u65e5-\u4e2d\u56fd\u5927\u9646"},"2023\u5e7409\u670802\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some say the purpose of education is to prepare individuals to be useful to society. Others say the purpose of education is to achieve personal ambitions. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2023\u5e7408\u670826\u65e5-\u4e2d\u56fd\u5927\u9646"},"2023\u5e7408\u670826\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think that the government should provide free housing, while others think that it is not the government\u2019s responsibility. Discuss both views and give your opinion."),(0,n.kt)("h3",{id:"2023\u5e7407\u670829\u65e5-\u4e2d\u56fd\u5927\u9646"},"2023\u5e7407\u670829\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"In many different countries, most shops and products become the same. Some people think it is a positive development, while others think it is a negative development. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2023\u5e7406\u670824\u65e5-\u4e2d\u56fd\u5927\u9646"},"2023\u5e7406\u670824\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think secondary school students should learn international news as one of their subjects, while others believe that this is a waste of valuable time. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2023\u5e7404\u670815\u65e5-\u4e2d\u56fd\u5927\u9646"},"2023\u5e7404\u670815\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think that paying taxes is enough to contribute to the society. Others argue that being a citizen involves more responsibilities. Discuss both views and give your opinion."),(0,n.kt)("h3",{id:"2023\u5e7404\u670808\u65e5-\u4e2d\u56fd\u5927\u9646"},"\u200b\u200b2023\u5e7404\u670808\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Many people think hosting an international sporting event brings a lot of benefits to a country, while others believe that it has only disadvantages.Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2023\u5e7403\u670818\u65e5-\u4e2d\u56fd\u5927\u9646"},"\u200b\u200b2023\u5e7403\u670818\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think that older school children should learn a wide range of subjects and develop knowledge. But other people think that they should only learn a small number of subjects in detail. Discuss both views and give your opinion."),(0,n.kt)("h3",{id:"2023\u5e7402\u670818\u65e5-\u4e2d\u56fd\u5927\u9646"},"\u200b\u200b2023\u5e7402\u670818\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think the government should pay for health care and education, while others believe that this is not the government's responsibility. Discuss both views and give your opinion.\u200b\u200b"),(0,n.kt)("h3",{id:"2023\u5e7402\u670804\u65e5-\u4e2d\u56fd\u5927\u9646"},"2023\u5e7402\u670804\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think they have right to use as much fresh water as they want, while others believe governments should strictly control the use of fresh water as it is limited resource. Discuss both views and give your own opinion. \u200b\u200b\u200b"),(0,n.kt)("h3",{id:"2022\u5e7412\u670803\u65e5-\u4e2d\u56fd\u5927\u9646"},"2022\u5e7412\u670803\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think that watching TV is bad for children in every way, while others believe that it is good for children to grow up. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2022\u5e7409\u670824\u65e5-\u4e2d\u56fd\u5927\u9646"},"2022\u5e7409\u670824\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people believe that robots are important to human's future development, while others think that it is a dangerous invention that will impact society negatively. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2022\u5e7408\u670827\u65e5-\u4e2d\u56fd\u5927\u9646"},"2022\u5e7408\u670827\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think that dangerous sports should be banned, but others think that people should have the freedom to choose sports activities. Discuss both views and give your opinion."),(0,n.kt)("h3",{id:"2022\u5e7408\u670806\u65e5-\u4e2d\u56fd\u5927\u9646"},"2022\u5e7408\u670806\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think visual images (eg. Photographs, videos) in a news story can accurately tell what happened. Others think it cannot tell the full news story. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2022\u5e7407\u670816\u65e5-\u4e2d\u56fd\u5927\u9646"},"2022\u5e7407\u670816\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think that the Olympic Games is an exciting event that brings nations together. Others think that the Olympics are an expensive waste of money which would be better used in other things. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2022\u5e7405\u670807\u65e5-\u4e2d\u56fd\u5927\u9646"},"2022\u5e7405\u670807\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people believe it is a better way to leave their home country to improve their work and living opportunities, while others think staying in their own country is a better choice. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2022\u5e7401\u670808\u65e5-\u4e2d\u56fd\u5927\u9646"},"2022\u5e7401\u670808\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think that the best way to become successful in life is to receive university education, while others disagree and believe that today it is no longer true. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2021\u5e7412\u670811\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7412\u670811\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think that environmental problems are too big for individuals to solve, while others think that the government cannot solve these environmental problems unless individuals make some action. Discuss both views and give your opinion."),(0,n.kt)("h3",{id:"2021\u5e7411\u670827\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7411\u670827\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think parents are responsible for taking their children to school. Others think it is the government\u2019s responsibility. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2021\u5e7410\u670809\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7410\u670809\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think it is more beneficial to play sports that are played in teams, e.g. football; Others, however, think it is more beneficial to play individual sports, e.g. tennis and swimming. Discuss both these views and give your own opinion."),(0,n.kt)("h3",{id:"2021\u5e7410\u670816\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7410\u670816\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think financial aid from international organizations is important for developing countries. Others believe that practical aid is more useful. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2021\u5e7408\u670807\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7408\u670807\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think that parents should allow children to make mistakes and let them learn from their own mistakes, while others think parents should prevent them from making mistakes. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2021\u5e7407\u670824\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7407\u670824\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think that in the modern world we are more dependent on each other, while others think that people have become more independent. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2021\u5e7406\u670826\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7406\u670826\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think traveling abroad is necessary, while others think it is not necessary because TV and the Internet can give the same information. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2021\u5e7406\u670812\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7406\u670812\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people believe that university education should only focus on skills of employment for the future. Others think that they should focus on academic study only. Discuss both views and give your opinion."),(0,n.kt)("h3",{id:"2021\u5e7405\u670829\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7405\u670829\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people think advertising may have positive economic effects. Others think it has negative social effects because individuals are not satisfied with what they are and what they have. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2021\u5e7405\u670828\u65e5-\u4e2d\u56fd\u5927\u9646\u673a\u8003"},"2021\u5e7405\u670828\u65e5 \u4e2d\u56fd\u5927\u9646\u673a\u8003"),(0,n.kt)("p",null,"Some people think when children commit crime they should be punished. Others think the parents should be punished instead. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2021\u5e7404\u670829\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7404\u670829\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"To improve the quality of education, people think that we should encourage our students to evaluate and criticize their teachers. Others believe that it will result in a loss of respect and discipline in the classroom. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2021\u5e7403\u670813\u65e5-\u52a0\u62ff\u5927"},"2021\u5e7403\u670813\u65e5 \u52a0\u62ff\u5927"),(0,n.kt)("p",null,"Some people think it is acceptable to use animals in any way to benefit human beings. Others think it is wrong to exploit animals for human purposes. Discuss both views and give your opinion."),(0,n.kt)("h3",{id:"2021\u5e7402\u670825\u65e5-\u4e2d\u56fd\u5927\u9646"},"2021\u5e7402\u670825\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people believe tha t educational qualifications always bring success, while others disagree. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2020\u5e7412\u670831\u65e5-\u4e2d\u56fd\u5927\u9646"},"2020\u5e7412\u670831\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Directors of large organizations are usually paid much more than ordinary workers. Some say this is necessary, while others believe this is unfair. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2020\u5e747\u670811\u65e5-\u4e2d\u56fd\u5927\u9646"},"2020\u5e747\u670811\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people believe that the sport has an important role in society. Others, however, think that it is nothing more than leisure activities. Discuss both views and give our own opinion."),(0,n.kt)("h3",{id:"2020\u5e748\u670829\u65e5-\u4e2d\u56fd\u5927\u96462018\u5e741\u67086\u65e5-\u6fb3\u5927\u5229\u4e9a"},"2020\u5e748\u670829\u65e5 \u4e2d\u56fd\u5927\u9646\uff0c2018\u5e741\u67086\u65e5 \u6fb3\u5927\u5229\u4e9a"),(0,n.kt)("p",null,"Some people think that it is more beneficial to take part in sports which are played in teams, like football. While other people think that taking part in individual sports is better, like swimming. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2020\u5e741\u670811\u65e5-\u4e2d\u56fd\u5927\u9646"},"2020\u5e741\u670811\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people argue that climate change will have negative effects on the business, while other people believe that climate change could create more opportunities to business. Discuss both and give your own opinion."),(0,n.kt)("h3",{id:"2019\u5e7411\u67087\u65e5-\u4e2d\u56fd\u5927\u9646"},"2019\u5e7411\u67087\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"In some cultures, the old age is highly valued; while in some cultures, youth is highly valued. Discuss both and give your opinion."),(0,n.kt)("h3",{id:"2019\u5e7411\u67082\u65e5-\u4e2d\u56fd\u5927\u9646"},"2019\u5e7411\u67082\u65e5 \u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"The world of work is changing rapidly. Working conditions today are not the same as before and employees cannot depend on the same job or the same work conditions for life. Discuss the possible causes for these changes and give your suggestions on how people should prepare for work in the future."),(0,n.kt)("h3",{id:"2019\u5e7412\u670814\u65e5\u4e9a\u592a"},"2019\u5e7412\u670814\u65e5\u4e9a\u592a"),(0,n.kt)("p",null,"Some people think children should begin formal learning at school as young as possible. However, others feel children should not study at school until at least seven years old. Discuss both views and give your opinion."),(0,n.kt)("h3",{id:"2019\u5e7410\u670819\u65e5-\u4e9a\u592a"},"2019\u5e7410\u670819\u65e5-\u4e9a\u592a"),(0,n.kt)("p",null,"Many people spend more and more time going to work or school. Some people think the situation is positive, while others believe it is negative. Discuss both views and give your opinion."),(0,n.kt)("h3",{id:"2019\u5e7410\u670812\u65e5-\u4e9a\u592a"},"2019\u5e7410\u670812\u65e5 \u4e9a\u592a"),(0,n.kt)("p",null,"Some people think it is necessary to use animals for testing medicines intended for human use. Others, however, think it is cruel to do that. Discuss both views and give your own opinion."),(0,n.kt)("h3",{id:"2019\u5e749\u670812\u65e5-\u4e2d\u56fd\u5927\u9646"},"2019\u5e749\u670812\u65e5-\u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"In some countries, secondary schools aim to provide a general education across a wide range of subjects. In others, children focus on a narrow range of subjects related to a particular career. For today\u2019s world, which system is appropriate?"),(0,n.kt)("h3",{id:"2019\u5e749\u67087\u65e5-\u4e2d\u56fd\u5927\u9646"},"2019\u5e749\u67087\u65e5-\u4e2d\u56fd\u5927\u9646"),(0,n.kt)("p",null,"Some people say that economic growth is the only way to end hunger and poverty in the world, while others say that economic growth is damaging the environment and must be stopped now. Discuss both views and give your opinion."))}p.isMDXComponent=!0},3905:(e,i,t)=>{t.d(i,{Zo:()=>u,kt:()=>c});var o=t(7294);function n(e,i,t){return i in e?Object.defineProperty(e,i,{value:t,enumerable:!0,configurable:!0,writable:!0}):e[i]=t,e}function s(e,i){var t=Object.keys(e);if(Object.getOwnPropertySymbols){var o=Object.getOwnPropertySymbols(e);i&&(o=o.filter((function(i){return Object.getOwnPropertyDescriptor(e,i).enumerable}))),t.push.apply(t,o)}return t}function l(e){for(var i=1;i=0||(n[t]=e[t]);return n}(e,i);if(Object.getOwnPropertySymbols){var s=Object.getOwnPropertySymbols(e);for(o=0;o=0||Object.prototype.propertyIsEnumerable.call(e,t)&&(n[t]=e[t])}return n}var r=o.createContext({}),h=function(e){var i=o.useContext(r),t=i;return e&&(t="function"==typeof e?e(i):l(l({},i),e)),t},u=function(e){var i=h(e.components);return o.createElement(r.Provider,{value:i},e.children)},p="mdxType",d={inlineCode:"code",wrapper:function(e){var i=e.children;return o.createElement(o.Fragment,{},i)}},v=o.forwardRef((function(e,i){var t=e.components,n=e.mdxType,s=e.originalType,r=e.parentName,u=a(e,["components","mdxType","originalType","parentName"]),p=h(t),v=n,c=p["".concat(r,".").concat(v)]||p[v]||d[v]||s;return t?o.createElement(c,l(l({ref:i},u),{},{components:t})):o.createElement(c,l({ref:i},u))}));function c(e,i){var t=arguments,n=i&&i.mdxType;if("string"==typeof e||n){var s=t.length,l=new Array(s);l[0]=v;var a={};for(var r in i)hasOwnProperty.call(i,r)&&(a[r]=i[r]);a.originalType=e,a[p]="string"==typeof e?e:n,l[1]=a;for(var h=2;h{"use strict";n.d(t,{Z:()=>f});var r=n(7294),a=n(7462),o=n(8356),i=n.n(o),l=n(6887);const s={"01a85c17":[()=>Promise.all([n.e(532),n.e(4013)]).then(n.bind(n,4057)),"@theme/BlogTagsListPage",4057],"036463a0":[()=>n.e(5436).then(n.bind(n,6920)),"@site/IELTS/writing/Task2/Task Response/Outweight Response.md",6920],"06331d7a":[()=>n.e(1810).then(n.bind(n,2047)),"@site/IELTS/writing/Task2/Grammatical Range & Accuracy/Translation01.md",2047],"067075fc":[()=>n.e(1382).then(n.t.bind(n,5330,19)),"~blog/default/blog-tags-sunrise-860-list.json",5330],"0da970c2":[()=>n.e(5045).then(n.t.bind(n,5612,19)),"/Users/waley/Homepage/.docusaurus/docusaurus-plugin-content-docs/reading/plugin-route-context-module-100.json",5612],"0e384e19":[()=>n.e(9671).then(n.bind(n,1164)),"@site/docs/intro.md",1164],"13102a96":[()=>n.e(6714).then(n.bind(n,8352)),"@site/blog/2021-06-09-how to write a good postgraduate research proposal.md",8352],"133ee0b0":[()=>n.e(4951).then(n.bind(n,234)),"@site/IELTS/writing/Task2/Coherence Cohesion/extension of Body Paragraph 01.md",234],"14eb3368":[()=>Promise.all([n.e(532),n.e(9817)]).then(n.bind(n,9242)),"@theme/DocCategoryGeneratedIndexPage",9242],17896441:[()=>Promise.all([n.e(532),n.e(1134),n.e(7918)]).then(n.bind(n,1478)),"@theme/DocItem",1478],"18c41134":[()=>n.e(2859).then(n.bind(n,7507)),"@site/docs/tutorial-basics/markdown-features.mdx",7507],19374743:[()=>n.e(6138).then(n.bind(n,6986)),"@site/Project/Coding/evolutionary computation/FlappyBird.md",6986],"1be78505":[()=>Promise.all([n.e(532),n.e(9514)]).then(n.bind(n,5727)),"@theme/DocPage",5727],"1de0d769":[()=>n.e(4941).then(n.bind(n,1971)),"@site/IELTS/writing/Task2/Task Response/Report Response.md",1971],"1e4232ab":[()=>n.e(8818).then(n.bind(n,7745)),"@site/docs/tutorial-basics/create-a-document.md",7745],"1f391b9e":[()=>Promise.all([n.e(532),n.e(1134),n.e(3085)]).then(n.bind(n,9688)),"@theme/MDXPage",9688],"1f9410a1":[()=>n.e(5176).then(n.t.bind(n,2165,19)),"/Users/waley/Homepage/.docusaurus/docusaurus-plugin-content-docs/listening/plugin-route-context-module-100.json",2165],"2467864f":[()=>n.e(6631).then(n.bind(n,3634)),"@site/IELTS/writing/Task2/Classification/Positive or negative.md",3634],26838034:[()=>n.e(5555).then(n.bind(n,2969)),"@site/IELTS/writing/Task1/Task Achievement/flow.md",2969],"2f206732":[()=>n.e(2679).then(n.t.bind(n,4486,19)),"~blog/default/blog-tags-research-proposal-18c-list.json",4486],"2fc5de0e":[()=>n.e(7529).then(n.bind(n,8854)),"@site/Project/Coding/evolutionary computation/Introduction.md",8854],"2fd10c53":[()=>n.e(6976).then(n.bind(n,3221)),"@site/Project/Coding/home.md",3221],"31d27815":[()=>n.e(1010).then(n.t.bind(n,6643,19)),"~docs/Product-Manager/version-current-metadata-prop-751.json",6643],"35cb76a2":[()=>n.e(2367).then(n.bind(n,5522)),"@site/Project/Product Manager/\u9879\u76ee/Eat-UoY.md",5522],"38b5b1b2":[()=>n.e(7735).then(n.t.bind(n,5745,19)),"/Users/waley/Homepage/.docusaurus/docusaurus-plugin-content-pages/default/plugin-route-context-module-100.json",5745],"393be207":[()=>n.e(7414).then(n.bind(n,6566)),"@site/src/pages/markdown-page.md",6566],"3b588dea":[()=>n.e(8578).then(n.bind(n,1666)),"@site/Project/Coding/evolutionary computation/max-one problem.md",1666],"3d189b1b":[()=>n.e(3497).then(n.bind(n,6953)),"@site/IELTS/writing/Task2/Task Response/Discussion Response.md",6953],"45c69945":[()=>n.e(9534).then(n.t.bind(n,7051,19)),"~docs/writing/category-writing-tutorialsidebar-category-coherence-cohesion-5af.json",7051],"4780036e":[()=>n.e(660).then(n.t.bind(n,5663,19)),"~docs/Coding/category-coding-tutorialsidebar-category-evolutionary-computation-9f0.json",5663],"4b05b6ec":[()=>n.e(6733).then(n.t.bind(n,4626,19)),"~docs/reading/version-current-metadata-prop-751.json",4626],"4df7a50d":[()=>n.e(37).then(n.bind(n,3319)),"@site/Project/Product Manager/\u65b9\u6cd5\u8bba/\u4ea7\u54c1\u4ecb\u7ecd.md",3319],"533a09ca":[()=>n.e(4607).then(n.bind(n,6671)),"@site/docs/tutorial-basics/create-a-blog-post.md",6671],"55d47ed3":[()=>n.e(7950).then(n.t.bind(n,3742,19)),"~blog/default/blog-tags-sunrise-860.json",3742],"5c868d36":[()=>n.e(5589).then(n.bind(n,5665)),"@site/docs/tutorial-basics/create-a-page.md",5665],"5d429986":[()=>n.e(8685).then(n.bind(n,9402)),"@site/IELTS/writing/Task2/Task Response/Agree or Disagee Response.md",9402],"5e9f5e1a":[()=>Promise.resolve().then(n.bind(n,6809)),"@generated/docusaurus.config",6809],"62b0c005":[()=>n.e(3241).then(n.t.bind(n,998,19)),"~blog/default/blog-tags-time-lapse-03a-list.json",998],"643ae68b":[()=>n.e(485).then(n.bind(n,7201)),"@site/blog/2021-03-11-blog.md",7201],"6875c492":[()=>Promise.all([n.e(532),n.e(1134),n.e(5792),n.e(8610)]).then(n.bind(n,5462)),"@theme/BlogTagsPostsPage",5462],"6da63233":[()=>n.e(6380).then(n.bind(n,5952)),"@site/IELTS/writing/Task2/Coherence Cohesion/extension of Body Paragraph 02.md",5952],"777756be":[()=>n.e(5023).then(n.t.bind(n,3019,19)),"~docs/Product-Manager/category-product-manager-tutorialsidebar-category-\u65b9\u6cd5\u8bba-d0e.json",3019],"7867a757":[()=>n.e(5763).then(n.bind(n,551)),"@site/IELTS/speaking/home.md",551],"7b5d0838":[()=>n.e(8297).then(n.bind(n,5881)),"@site/Project/Product Manager/\u65b9\u6cd5\u8bba/Product Manager Persona.md",5881],"7f39062f":[()=>n.e(271).then(n.t.bind(n,8891,19)),"/Users/waley/Homepage/.docusaurus/docusaurus-plugin-content-docs/speaking/plugin-route-context-module-100.json",8891],"814f3328":[()=>n.e(2535).then(n.t.bind(n,5641,19)),"~blog/default/blog-post-list-prop-default.json",5641],"822bd8ab":[()=>n.e(6504).then(n.bind(n,6999)),"@site/docs/tutorial-basics/congratulations.md",6999],"885664d0":[()=>n.e(6465).then(n.t.bind(n,8210,19)),"~docs/writing/category-writing-tutorialsidebar-category-task-response-b30.json",8210],"8a10ad74":[()=>n.e(7040).then(n.bind(n,6918)),"@site/IELTS/writing/Task2/Grammatical Range & Accuracy/introduction.md",6918],"8c8090cb":[()=>n.e(6378).then(n.t.bind(n,1630,19)),"~docs/writing/category-writing-tutorialsidebar-category-grammatical-range-accuracy-6ee.json",1630],"8cb3add8":[()=>n.e(5887).then(n.t.bind(n,5767,19)),"~docs/writing/version-current-metadata-prop-751.json",5767],"935f2afb":[()=>n.e(53).then(n.t.bind(n,1109,19)),"~docs/default/version-current-metadata-prop-751.json",1109],"972e7456":[()=>n.e(685).then(n.bind(n,3373)),"@site/IELTS/writing/Task1/Classification/Map.md",3373],"97aa2e20":[()=>n.e(8140).then(n.bind(n,7018)),"@site/IELTS/writing/Task1/Task Achievement/comparison.md",7018],"9e4087bc":[()=>n.e(3608).then(n.bind(n,824)),"@theme/BlogArchivePage",824],a14bf144:[()=>n.e(2183).then(n.bind(n,2351)),"@site/Project/Product Manager/home.md",2351],a48841fe:[()=>n.e(5573).then(n.t.bind(n,4469,19)),"/Users/waley/Homepage/.docusaurus/docusaurus-plugin-content-blog/default/plugin-route-context-module-100.json",4469],a5d357ff:[()=>n.e(9239).then(n.bind(n,378)),"@site/Project/Product Manager/\u65b9\u6cd5\u8bba/Nielsen\u2018s 10 usability heuristics.md",378],a6aa9e1f:[()=>Promise.all([n.e(532),n.e(1134),n.e(5792),n.e(3089)]).then(n.bind(n,1895)),"@theme/BlogListPage",1895],a7023ddc:[()=>n.e(1713).then(n.t.bind(n,3457,19)),"~blog/default/blog-tags-tags-4c2.json",3457],ac43f675:[()=>n.e(4358).then(n.t.bind(n,1233,19)),"~docs/writing/category-writing-tutorialsidebar-category-task-achievement-172.json",1233],b00d2542:[()=>n.e(4394).then(n.bind(n,935)),"@site/IELTS/writing/Task2/Grammatical Range & Accuracy/Subject Diversity.md",935],b2b675dd:[()=>n.e(533).then(n.t.bind(n,8017,19)),"~blog/default/blog-c06.json",8017],b2f554cd:[()=>n.e(1477).then(n.t.bind(n,10,19)),"~blog/default/blog-archive-80c.json",10],b4c1e5d6:[()=>n.e(7945).then(n.bind(n,5415)),"@site/IELTS/reading/home.md",5415],b74ee093:[()=>n.e(9735).then(n.t.bind(n,5703,19)),"~docs/speaking/version-current-metadata-prop-751.json",5703],b7e8a62b:[()=>n.e(5727).then(n.bind(n,2409)),"@site/IELTS/writing/home.md",2409],b864a7d5:[()=>n.e(9334).then(n.t.bind(n,7764,19)),"~docs/writing/category-writing-tutorialsidebar-category-classification-1-e47.json",7764],b95216fe:[()=>n.e(2050).then(n.bind(n,7578)),"@site/IELTS/writing/Task2/Classification/Report.md",7578],bb12d7e9:[()=>n.e(6065).then(n.t.bind(n,4818,19)),"/Users/waley/Homepage/.docusaurus/docusaurus-plugin-content-docs/Coding/plugin-route-context-module-100.json",4818],bc971c03:[()=>n.e(5304).then(n.t.bind(n,48,19)),"~blog/default/blog-tags-research-proposal-18c.json",48],c3f5c0bf:[()=>n.e(666).then(n.bind(n,983)),"@site/IELTS/writing/Task2/Classification/Outweight.md",983],c4f5d8e4:[()=>Promise.all([n.e(532),n.e(4195)]).then(n.bind(n,9735)),"@site/src/pages/index.js",9735],c844b82d:[()=>n.e(9326).then(n.t.bind(n,5262,19)),"~docs/default/category-docs-tutorialsidebar-category-tutorial-extras-3e4.json",5262],c8ac5678:[()=>n.e(5726).then(n.bind(n,3654)),"@site/IELTS/writing/Task2/Task Response/Positive or negative Response.md",3654],ca7e1c42:[()=>n.e(5465).then(n.bind(n,8455)),"@site/Project/Product Manager/\u65b9\u6cd5\u8bba/\u7528\u6237\u4f53\u9a8c\u4e94\u8981\u7d20.md",8455],cc7919bd:[()=>n.e(6563).then(n.t.bind(n,6515,19)),"~docs/writing/category-writing-tutorialsidebar-category-classification-0c2.json",6515],ccc49370:[()=>Promise.all([n.e(532),n.e(1134),n.e(5792),n.e(6103)]).then(n.bind(n,4297)),"@theme/BlogPostPage",4297],d33e038f:[()=>n.e(3162).then(n.bind(n,4796)),"@site/IELTS/writing/Task2/Classification/Discussion.md",4796],d6abd2f1:[()=>n.e(6041).then(n.bind(n,6237)),"@site/blog/2021-03-11-blog.md?truncated=true",6237],d7ed2382:[()=>n.e(1279).then(n.bind(n,2926)),"@site/Project/Product Manager/\u9879\u76ee/Mobile CRM.md",2926],d90961a8:[()=>n.e(3168).then(n.t.bind(n,7861,19)),"~blog/default/blog-tags-time-lapse-03a.json",7861],dc6b704c:[()=>n.e(4155).then(n.bind(n,137)),"@site/blog/2021-06-09-how to write a good postgraduate research proposal.md?truncated=true",137],dff1c289:[()=>n.e(3792).then(n.bind(n,7688)),"@site/docs/tutorial-extras/manage-docs-versions.md",7688],e0d99a2d:[()=>n.e(4898).then(n.t.bind(n,3769,19)),"/Users/waley/Homepage/.docusaurus/docusaurus-plugin-content-docs/default/plugin-route-context-module-100.json",3769],e44a2883:[()=>n.e(6755).then(n.bind(n,9656)),"@site/docs/tutorial-extras/translate-your-site.md",9656],e5ec5e73:[()=>n.e(9405).then(n.t.bind(n,8882,19)),"~docs/listening/version-current-metadata-prop-751.json",8882],e83972ef:[()=>n.e(7631).then(n.t.bind(n,7772,19)),"/Users/waley/Homepage/.docusaurus/docusaurus-plugin-content-docs/Product-Manager/plugin-route-context-module-100.json",7772],e961b3c4:[()=>n.e(5134).then(n.t.bind(n,7702,19)),"~docs/Product-Manager/category-product-manager-tutorialsidebar-category-\u9879\u76ee-a45.json",7702],e9a50bc2:[()=>n.e(319).then(n.bind(n,1110)),"@site/IELTS/listening/home.md",1110],ea88f2a1:[()=>n.e(6525).then(n.t.bind(n,123,19)),"~docs/default/category-docs-tutorialsidebar-category-tutorial-basics-918.json",123],f50086a5:[()=>n.e(3809).then(n.bind(n,6936)),"@site/IELTS/writing/Task2/Classification/agree or disagree.md",6936],f55d3e7a:[()=>n.e(4193).then(n.bind(n,9014)),"@site/docs/tutorial-basics/deploy-your-site.md",9014],f9009db0:[()=>n.e(8167).then(n.bind(n,2905)),"@site/IELTS/writing/Task2/Grammatical Range & Accuracy/Translation02.md",2905],faa31b1c:[()=>n.e(4204).then(n.t.bind(n,420,19)),"~docs/Coding/version-current-metadata-prop-751.json",420],ffe69445:[()=>n.e(3349).then(n.t.bind(n,2934,19)),"/Users/waley/Homepage/.docusaurus/docusaurus-plugin-content-docs/writing/plugin-route-context-module-100.json",2934]};function u(e){let{error:t,retry:n,pastDelay:a}=e;return t?r.createElement("div",{style:{textAlign:"center",color:"#fff",backgroundColor:"#fa383e",borderColor:"#fa383e",borderStyle:"solid",borderRadius:"0.25rem",borderWidth:"1px",boxSizing:"border-box",display:"block",padding:"1rem",flex:"0 0 50%",marginLeft:"25%",marginRight:"25%",marginTop:"5rem",maxWidth:"50%",width:"100%"}},r.createElement("p",null,String(t)),r.createElement("div",null,r.createElement("button",{type:"button",onClick:n},"Retry"))):a?r.createElement("div",{style:{display:"flex",justifyContent:"center",alignItems:"center",height:"100vh"}},r.createElement("svg",{id:"loader",style:{width:128,height:110,position:"absolute",top:"calc(100vh - 64%)"},viewBox:"0 0 45 45",xmlns:"http://www.w3.org/2000/svg",stroke:"#61dafb"},r.createElement("g",{fill:"none",fillRule:"evenodd",transform:"translate(1 1)",strokeWidth:"2"},r.createElement("circle",{cx:"22",cy:"22",r:"6",strokeOpacity:"0"},r.createElement("animate",{attributeName:"r",begin:"1.5s",dur:"3s",values:"6;22",calcMode:"linear",repeatCount:"indefinite"}),r.createElement("animate",{attributeName:"stroke-opacity",begin:"1.5s",dur:"3s",values:"1;0",calcMode:"linear",repeatCount:"indefinite"}),r.createElement("animate",{attributeName:"stroke-width",begin:"1.5s",dur:"3s",values:"2;0",calcMode:"linear",repeatCount:"indefinite"})),r.createElement("circle",{cx:"22",cy:"22",r:"6",strokeOpacity:"0"},r.createElement("animate",{attributeName:"r",begin:"3s",dur:"3s",values:"6;22",calcMode:"linear",repeatCount:"indefinite"}),r.createElement("animate",{attributeName:"stroke-opacity",begin:"3s",dur:"3s",values:"1;0",calcMode:"linear",repeatCount:"indefinite"}),r.createElement("animate",{attributeName:"stroke-width",begin:"3s",dur:"3s",values:"2;0",calcMode:"linear",repeatCount:"indefinite"})),r.createElement("circle",{cx:"22",cy:"22",r:"8"},r.createElement("animate",{attributeName:"r",begin:"0s",dur:"1.5s",values:"6;1;2;3;4;5;6",calcMode:"linear",repeatCount:"indefinite"}))))):null}var c=n(6916),d=n(6041);function p(e,t){if("*"===e)return i()({loading:u,loader:()=>n.e(713).then(n.bind(n,713)),modules:["@theme/NotFound"],webpack:()=>[713],render(e,t){const n=e.default;return r.createElement(d.z,{value:{plugin:{name:"native",id:"default"}}},r.createElement(n,t))}});const o=l[`${e}-${t}`],p={},f=[],m=[],g=(0,c.Z)(o);return Object.entries(g).forEach((e=>{let[t,n]=e;const r=s[n];r&&(p[t]=r[0],f.push(r[1]),m.push(r[2]))})),i().Map({loading:u,loader:p,modules:f,webpack:()=>m,render(t,n){const i=JSON.parse(JSON.stringify(o));Object.entries(t).forEach((t=>{let[n,r]=t;const a=r.default;if(!a)throw new Error(`The page component at ${e} doesn't have a default export. This makes it impossible to render anything. Consider default-exporting a React component.`);"object"!=typeof a&&"function"!=typeof a||Object.keys(r).filter((e=>"default"!==e)).forEach((e=>{a[e]=r[e]}));let o=i;const l=n.split(".");l.slice(0,-1).forEach((e=>{o=o[e]})),o[l[l.length-1]]=a}));const l=i.__comp;delete i.__comp;const s=i.__context;return delete i.__context,r.createElement(d.z,{value:s},r.createElement(l,(0,a.Z)({},i,n)))}})}const f=[{path:"/blog",component:p("/blog","70f"),exact:!0},{path:"/blog/2021/03/11/blog",component:p("/blog/2021/03/11/blog","8f2"),exact:!0},{path:"/blog/2021/06/09/how to write a good postgraduate research proposal",component:p("/blog/2021/06/09/how to write a good postgraduate research proposal","890"),exact:!0},{path:"/blog/archive",component:p("/blog/archive","b7d"),exact:!0},{path:"/blog/tags",component:p("/blog/tags","e9a"),exact:!0},{path:"/blog/tags/research-proposal",component:p("/blog/tags/research-proposal","d68"),exact:!0},{path:"/blog/tags/sunrise",component:p("/blog/tags/sunrise","c54"),exact:!0},{path:"/blog/tags/time-lapse",component:p("/blog/tags/time-lapse","162"),exact:!0},{path:"/markdown-page",component:p("/markdown-page","0dc"),exact:!0},{path:"/Coding",component:p("/Coding","6bd"),routes:[{path:"/Coding",component:p("/Coding","a69"),exact:!0,sidebar:"tutorialSidebar"},{path:"/Coding/category/evolutionary-computation",component:p("/Coding/category/evolutionary-computation","937"),exact:!0,sidebar:"tutorialSidebar"},{path:"/Coding/evolutionary computation/FlappyBird",component:p("/Coding/evolutionary computation/FlappyBird","744"),exact:!0,sidebar:"tutorialSidebar"},{path:"/Coding/evolutionary computation/Introduction",component:p("/Coding/evolutionary computation/Introduction","d33"),exact:!0,sidebar:"tutorialSidebar"},{path:"/Coding/evolutionary computation/max-one problem",component:p("/Coding/evolutionary computation/max-one problem","87c"),exact:!0,sidebar:"tutorialSidebar"}]},{path:"/docs",component:p("/docs","691"),routes:[{path:"/docs/category/tutorial---basics",component:p("/docs/category/tutorial---basics","d44"),exact:!0,sidebar:"tutorialSidebar"},{path:"/docs/category/tutorial---extras",component:p("/docs/category/tutorial---extras","f09"),exact:!0,sidebar:"tutorialSidebar"},{path:"/docs/intro",component:p("/docs/intro","aed"),exact:!0,sidebar:"tutorialSidebar"},{path:"/docs/tutorial-basics/congratulations",component:p("/docs/tutorial-basics/congratulations","793"),exact:!0,sidebar:"tutorialSidebar"},{path:"/docs/tutorial-basics/create-a-blog-post",component:p("/docs/tutorial-basics/create-a-blog-post","68e"),exact:!0,sidebar:"tutorialSidebar"},{path:"/docs/tutorial-basics/create-a-document",component:p("/docs/tutorial-basics/create-a-document","c2d"),exact:!0,sidebar:"tutorialSidebar"},{path:"/docs/tutorial-basics/create-a-page",component:p("/docs/tutorial-basics/create-a-page","f44"),exact:!0,sidebar:"tutorialSidebar"},{path:"/docs/tutorial-basics/deploy-your-site",component:p("/docs/tutorial-basics/deploy-your-site","e46"),exact:!0,sidebar:"tutorialSidebar"},{path:"/docs/tutorial-basics/markdown-features",component:p("/docs/tutorial-basics/markdown-features","4b7"),exact:!0,sidebar:"tutorialSidebar"},{path:"/docs/tutorial-extras/manage-docs-versions",component:p("/docs/tutorial-extras/manage-docs-versions","fdd"),exact:!0,sidebar:"tutorialSidebar"},{path:"/docs/tutorial-extras/translate-your-site",component:p("/docs/tutorial-extras/translate-your-site","2d7"),exact:!0,sidebar:"tutorialSidebar"}]},{path:"/listening",component:p("/listening","4bb"),routes:[{path:"/listening",component:p("/listening","9e6"),exact:!0,sidebar:"tutorialSidebar"}]},{path:"/Product Manager",component:p("/Product Manager","24c"),routes:[{path:"/Product Manager",component:p("/Product Manager","0b4"),exact:!0,sidebar:"tutorialSidebar"},{path:"/Product Manager/\u65b9\u6cd5\u8bba/\u4ea7\u54c1\u4ecb\u7ecd",component:p("/Product Manager/\u65b9\u6cd5\u8bba/\u4ea7\u54c1\u4ecb\u7ecd","2fa"),exact:!0,sidebar:"tutorialSidebar"},{path:"/Product Manager/\u65b9\u6cd5\u8bba/\u7528\u6237\u4f53\u9a8c\u4e94\u8981\u7d20",component:p("/Product Manager/\u65b9\u6cd5\u8bba/\u7528\u6237\u4f53\u9a8c\u4e94\u8981\u7d20","2d1"),exact:!0,sidebar:"tutorialSidebar"},{path:"/Product Manager/\u65b9\u6cd5\u8bba/Nielsen\u2018s 10 usability heuristics",component:p("/Product Manager/\u65b9\u6cd5\u8bba/Nielsen\u2018s 10 usability heuristics","6fd"),exact:!0,sidebar:"tutorialSidebar"},{path:"/Product Manager/\u65b9\u6cd5\u8bba/Product Manager Persona",component:p("/Product Manager/\u65b9\u6cd5\u8bba/Product Manager Persona","bc6"),exact:!0,sidebar:"tutorialSidebar"},{path:"/Product Manager/\u9879\u76ee/Eat-UoY",component:p("/Product Manager/\u9879\u76ee/Eat-UoY","ba8"),exact:!0,sidebar:"tutorialSidebar"},{path:"/Product Manager/\u9879\u76ee/Mobile CRM",component:p("/Product Manager/\u9879\u76ee/Mobile CRM","74c"),exact:!0,sidebar:"tutorialSidebar"},{path:"/Product Manager/category/\u65b9\u6cd5\u8bba",component:p("/Product Manager/category/\u65b9\u6cd5\u8bba","d6a"),exact:!0,sidebar:"tutorialSidebar"},{path:"/Product Manager/category/\u9879\u76ee",component:p("/Product Manager/category/\u9879\u76ee","9cf"),exact:!0,sidebar:"tutorialSidebar"}]},{path:"/reading",component:p("/reading","113"),routes:[{path:"/reading",component:p("/reading","c9b"),exact:!0,sidebar:"tutorialSidebar"}]},{path:"/speaking",component:p("/speaking","114"),routes:[{path:"/speaking",component:p("/speaking","a0e"),exact:!0,sidebar:"tutorialSidebar"}]},{path:"/writing",component:p("/writing","d24"),routes:[{path:"/writing",component:p("/writing","a98"),exact:!0,sidebar:"tutorialSidebar"},{path:"/writing/category/classification",component:p("/writing/category/classification","6d6"),exact:!0,sidebar:"tutorialSidebar"},{path:"/writing/category/classification-1",component:p("/writing/category/classification-1","077"),exact:!0,sidebar:"tutorialSidebar"},{path:"/writing/category/coherence-cohesion",component:p("/writing/category/coherence-cohesion","053"),exact:!0,sidebar:"tutorialSidebar"},{path:"/writing/category/grammatical-range--accuracy",component:p("/writing/category/grammatical-range--accuracy","fd4"),exact:!0,sidebar:"tutorialSidebar"},{path:"/writing/category/task-achievement",component:p("/writing/category/task-achievement","055"),exact:!0,sidebar:"tutorialSidebar"},{path:"/writing/category/task-response",component:p("/writing/category/task-response","403"),exact:!0,sidebar:"tutorialSidebar"},{path:"/writing/Task1/Classification/Map",component:p("/writing/Task1/Classification/Map","471"),exact:!0,sidebar:"tutorialSidebar"},{path:"/writing/Task1/Task Achievement/comparison",component:p("/writing/Task1/Task Achievement/comparison","8c4"),exact:!0,sidebar:"tutorialSidebar"},{path:"/writing/Task1/Task Achievement/flow",component:p("/writing/Task1/Task Achievement/flow","953"),exact:!0,sidebar:"tutorialSidebar"},{path:"/writing/Task2/Classification/agree or disagree",component:p("/writing/Task2/Classification/agree or disagree","574"),exact:!0,sidebar:"tutorialSidebar"},{path:"/writing/Task2/Classification/Discussion",component:p("/writing/Task2/Classification/Discussion","876"),exact:!0,sidebar:"tutorialSidebar"},{path:"/writing/Task2/Classification/Outweight",component:p("/writing/Task2/Classification/Outweight","d81"),exact:!0,sidebar:"tutorialSidebar"},{path:"/writing/Task2/Classification/Positive or negative",component:p("/writing/Task2/Classification/Positive or negative","b07"),exact:!0,sidebar:"tutorialSidebar"},{path:"/writing/Task2/Classification/Report",component:p("/writing/Task2/Classification/Report","e9f"),exact:!0,sidebar:"tutorialSidebar"},{path:"/writing/Task2/Coherence Cohesion/extension of Body Paragraph 01",component:p("/writing/Task2/Coherence Cohesion/extension of Body Paragraph 01","cfa"),exact:!0,sidebar:"tutorialSidebar"},{path:"/writing/Task2/Coherence Cohesion/extension of Body Paragraph 02",component:p("/writing/Task2/Coherence Cohesion/extension of Body Paragraph 02","c2f"),exact:!0,sidebar:"tutorialSidebar"},{path:"/writing/Task2/Grammatical Range & Accuracy/introduction",component:p("/writing/Task2/Grammatical Range & Accuracy/introduction","709"),exact:!0,sidebar:"tutorialSidebar"},{path:"/writing/Task2/Grammatical Range & Accuracy/Subject Diversity",component:p("/writing/Task2/Grammatical Range & Accuracy/Subject Diversity","078"),exact:!0,sidebar:"tutorialSidebar"},{path:"/writing/Task2/Grammatical Range & Accuracy/Translation01",component:p("/writing/Task2/Grammatical Range & Accuracy/Translation01","490"),exact:!0,sidebar:"tutorialSidebar"},{path:"/writing/Task2/Grammatical Range & Accuracy/Translation02",component:p("/writing/Task2/Grammatical Range & Accuracy/Translation02","888"),exact:!0,sidebar:"tutorialSidebar"},{path:"/writing/Task2/Task Response/Agree or Disagee Response",component:p("/writing/Task2/Task Response/Agree or Disagee Response","6c8"),exact:!0,sidebar:"tutorialSidebar"},{path:"/writing/Task2/Task Response/Discussion Response",component:p("/writing/Task2/Task Response/Discussion Response","e25"),exact:!0,sidebar:"tutorialSidebar"},{path:"/writing/Task2/Task Response/Outweight Response",component:p("/writing/Task2/Task Response/Outweight Response","801"),exact:!0,sidebar:"tutorialSidebar"},{path:"/writing/Task2/Task Response/Positive or negative Response",component:p("/writing/Task2/Task Response/Positive or negative Response","b43"),exact:!0,sidebar:"tutorialSidebar"},{path:"/writing/Task2/Task Response/Report Response",component:p("/writing/Task2/Task Response/Report Response","4e0"),exact:!0,sidebar:"tutorialSidebar"}]},{path:"/",component:p("/","b31"),exact:!0},{path:"*",component:p("*")}]},4058:(e,t,n)=>{"use strict";n.d(t,{_:()=>a,t:()=>o});var r=n(7294);const a=r.createContext(!1);function o(e){let{children:t}=e;const[n,o]=(0,r.useState)(!1);return(0,r.useEffect)((()=>{o(!0)}),[]),r.createElement(a.Provider,{value:n},t)}},579:(e,t,n)=>{"use strict";var r=n(7294),a=n(3935),o=n(3727),i=n(405),l=n(9901);const s=[n(2497),n(5529),n(6126),n(2295)];var u=n(1204),c=n(6550),d=n(8790);function p(e){let{children:t}=e;return r.createElement(r.Fragment,null,t)}var f=n(7462),m=n(2411),g=n(6832),h=n(1402),b=n(6793),v=n(6742),y=n(3156),w=n(2768),k=n(9105),E=n(6145);function S(){const{i18n:{defaultLocale:e,localeConfigs:t}}=(0,g.Z)(),n=(0,y.l)();return r.createElement(m.Z,null,Object.entries(t).map((e=>{let[t,{htmlLang:a}]=e;return r.createElement("link",{key:t,rel:"alternate",href:n.createUrl({locale:t,fullyQualified:!0}),hrefLang:a})})),r.createElement("link",{rel:"alternate",href:n.createUrl({locale:e,fullyQualified:!0}),hrefLang:"x-default"}))}function T(e){let{permalink:t}=e;const{siteConfig:{url:n}}=(0,g.Z)(),a=function(){const{siteConfig:{url:e}}=(0,g.Z)(),{pathname:t}=(0,c.TH)();return e+(0,h.Z)(t)}(),o=t?`${n}${t}`:a;return r.createElement(m.Z,null,r.createElement("meta",{property:"og:url",content:o}),r.createElement("link",{rel:"canonical",href:o}))}function x(){const{i18n:{currentLocale:e}}=(0,g.Z)(),{metadata:t,image:n}=(0,b.L)();return r.createElement(r.Fragment,null,r.createElement(m.Z,null,r.createElement("meta",{name:"twitter:card",content:"summary_large_image"}),r.createElement("body",{className:w.h})),n&&r.createElement(v.d,{image:n}),r.createElement(T,null),r.createElement(S,null),r.createElement(E.Z,{tag:k.HX,locale:e}),r.createElement(m.Z,null,t.map(((e,t)=>r.createElement("meta",(0,f.Z)({key:t},e))))))}const C=new Map;function _(e){if(C.has(e.pathname))return{...e,pathname:C.get(e.pathname)};if((0,d.f)(u.Z,e.pathname).some((e=>{let{route:t}=e;return!0===t.exact})))return C.set(e.pathname,e.pathname),e;const t=e.pathname.trim().replace(/(?:\/index)?\.html$/,"")||"/";return C.set(e.pathname,t),{...e,pathname:t}}var P=n(4058),L=n(6725);function A(e){for(var t=arguments.length,n=new Array(t>1?t-1:0),r=1;r(t.default?.[e]??t[e])?.(...n)));return()=>a.forEach((e=>e?.()))}const R=function(e){let{children:t,location:n,previousLocation:a}=e;return(0,r.useLayoutEffect)((()=>{a!==n&&(!function(e){let{location:t,previousLocation:n}=e;if(!n)return;const r=t.pathname===n.pathname,a=t.hash===n.hash,o=t.search===n.search;if(r&&a&&!o)return;const{hash:i}=t;if(i){const e=decodeURIComponent(i.substring(1));document.getElementById(e)?.scrollIntoView()}else window.scrollTo(0,0)}({location:n,previousLocation:a}),A("onRouteDidUpdate",{previousLocation:a,location:n}))}),[a,n]),t};function N(e){const t=Array.from(new Set([e,decodeURI(e)])).map((e=>(0,d.f)(u.Z,e))).flat();return Promise.all(t.map((e=>e.route.component.preload?.())))}class O extends r.Component{constructor(e){super(e),this.previousLocation=void 0,this.routeUpdateCleanupCb=void 0,this.previousLocation=null,this.routeUpdateCleanupCb=l.Z.canUseDOM?A("onRouteUpdate",{previousLocation:null,location:this.props.location}):()=>{},this.state={nextRouteHasLoaded:!0}}shouldComponentUpdate(e,t){if(e.location===this.props.location)return t.nextRouteHasLoaded;const n=e.location;return this.previousLocation=this.props.location,this.setState({nextRouteHasLoaded:!1}),this.routeUpdateCleanupCb=A("onRouteUpdate",{previousLocation:this.previousLocation,location:n}),N(n.pathname).then((()=>{this.routeUpdateCleanupCb(),this.setState({nextRouteHasLoaded:!0})})).catch((e=>{console.warn(e),window.location.reload()})),!1}render(){const{children:e,location:t}=this.props;return r.createElement(R,{previousLocation:this.previousLocation,location:t},r.createElement(c.AW,{location:t,render:()=>e}))}}const I=O,D="docusaurus-base-url-issue-banner-container",M="docusaurus-base-url-issue-banner-suggestion-container",F="__DOCUSAURUS_INSERT_BASEURL_BANNER";function j(e){return`\nwindow['${F}'] = true;\n\ndocument.addEventListener('DOMContentLoaded', maybeInsertBanner);\n\nfunction maybeInsertBanner() {\n var shouldInsert = window['${F}'];\n shouldInsert && insertBanner();\n}\n\nfunction insertBanner() {\n var bannerContainer = document.getElementById('${D}');\n if (!bannerContainer) {\n return;\n }\n var bannerHtml = ${JSON.stringify(function(e){return`\n
    \n

    Your Docusaurus site did not load properly.

    \n

    A very common reason is a wrong site baseUrl configuration.

    \n

    Current configured baseUrl = ${e} ${"/"===e?" (default value)":""}

    \n

    We suggest trying baseUrl =

    \n
    \n`}(e)).replace(/{window[F]=!1}),[]),r.createElement(r.Fragment,null,!l.Z.canUseDOM&&r.createElement(m.Z,null,r.createElement("script",null,j(e))),r.createElement("div",{id:D}))}function U(){const{siteConfig:{baseUrl:e,baseUrlIssueBanner:t}}=(0,g.Z)(),{pathname:n}=(0,c.TH)();return t&&n===e?r.createElement(B,null):null}function z(){const{siteConfig:{favicon:e,title:t,noIndex:n},i18n:{currentLocale:a,localeConfigs:o}}=(0,g.Z)(),i=(0,h.Z)(e),{htmlLang:l,direction:s}=o[a];return r.createElement(m.Z,null,r.createElement("html",{lang:l,dir:s}),r.createElement("title",null,t),r.createElement("meta",{property:"og:title",content:t}),r.createElement("meta",{name:"viewport",content:"width=device-width, initial-scale=1.0"}),n&&r.createElement("meta",{name:"robots",content:"noindex, nofollow"}),e&&r.createElement("link",{rel:"icon",href:i}))}var $=n(4649);function G(){const e=(0,d.H)(u.Z),t=(0,c.TH)();return r.createElement($.Z,null,r.createElement(L.M,null,r.createElement(P.t,null,r.createElement(p,null,r.createElement(z,null),r.createElement(x,null),r.createElement(U,null),r.createElement(I,{location:_(t)},e)))))}var H=n(6887);const q=function(e){try{return document.createElement("link").relList.supports(e)}catch{return!1}}("prefetch")?function(e){return new Promise(((t,n)=>{if("undefined"==typeof document)return void n();const r=document.createElement("link");r.setAttribute("rel","prefetch"),r.setAttribute("href",e),r.onload=()=>t(),r.onerror=()=>n();(document.getElementsByTagName("head")[0]??document.getElementsByName("script")[0]?.parentNode)?.appendChild(r)}))}:function(e){return new Promise(((t,n)=>{const r=new XMLHttpRequest;r.open("GET",e,!0),r.withCredentials=!0,r.onload=()=>{200===r.status?t():n()},r.send(null)}))};var Z=n(6916);const V=new Set,W=new Set,Y=()=>navigator.connection?.effectiveType.includes("2g")||navigator.connection?.saveData,K={prefetch(e){if(!(e=>!Y()&&!W.has(e)&&!V.has(e))(e))return!1;V.add(e);const t=(0,d.f)(u.Z,e).flatMap((e=>{return t=e.route.path,Object.entries(H).filter((e=>{let[n]=e;return n.replace(/-[^-]+$/,"")===t})).flatMap((e=>{let[,t]=e;return Object.values((0,Z.Z)(t))}));var t}));return Promise.all(t.map((e=>{const t=n.gca(e);return t&&!t.includes("undefined")?q(t).catch((()=>{})):Promise.resolve()})))},preload:e=>!!(e=>!Y()&&!W.has(e))(e)&&(W.add(e),N(e))},Q=Object.freeze(K);if(l.Z.canUseDOM){window.docusaurus=Q;const e=a.hydrate;N(window.location.pathname).then((()=>{e(r.createElement(i.B6,null,r.createElement(o.VK,null,r.createElement(G,null))),document.getElementById("__docusaurus"))}))}},6725:(e,t,n)=>{"use strict";n.d(t,{_:()=>c,M:()=>d});var r=n(7294),a=n(6809);const o=JSON.parse('{"docusaurus-plugin-content-docs":{"default":{"path":"/docs","versions":[{"name":"current","label":"Next","isLast":true,"path":"/docs","mainDocId":"intro","docs":[{"id":"intro","path":"/docs/intro","sidebar":"tutorialSidebar"},{"id":"tutorial-basics/congratulations","path":"/docs/tutorial-basics/congratulations","sidebar":"tutorialSidebar"},{"id":"tutorial-basics/create-a-blog-post","path":"/docs/tutorial-basics/create-a-blog-post","sidebar":"tutorialSidebar"},{"id":"tutorial-basics/create-a-document","path":"/docs/tutorial-basics/create-a-document","sidebar":"tutorialSidebar"},{"id":"tutorial-basics/create-a-page","path":"/docs/tutorial-basics/create-a-page","sidebar":"tutorialSidebar"},{"id":"tutorial-basics/deploy-your-site","path":"/docs/tutorial-basics/deploy-your-site","sidebar":"tutorialSidebar"},{"id":"tutorial-basics/markdown-features","path":"/docs/tutorial-basics/markdown-features","sidebar":"tutorialSidebar"},{"id":"tutorial-extras/manage-docs-versions","path":"/docs/tutorial-extras/manage-docs-versions","sidebar":"tutorialSidebar"},{"id":"tutorial-extras/translate-your-site","path":"/docs/tutorial-extras/translate-your-site","sidebar":"tutorialSidebar"},{"id":"/category/tutorial---basics","path":"/docs/category/tutorial---basics","sidebar":"tutorialSidebar"},{"id":"/category/tutorial---extras","path":"/docs/category/tutorial---extras","sidebar":"tutorialSidebar"}],"draftIds":[],"sidebars":{"tutorialSidebar":{"link":{"path":"/docs/intro","label":"intro"}}}}],"breadcrumbs":false},"writing":{"path":"/writing","versions":[{"name":"current","label":"Next","isLast":true,"path":"/writing","mainDocId":"home","docs":[{"id":"home","path":"/writing/","sidebar":"tutorialSidebar"},{"id":"Task1/Classification/Map","path":"/writing/Task1/Classification/Map","sidebar":"tutorialSidebar"},{"id":"Task1/Task Achievement/comparison","path":"/writing/Task1/Task Achievement/comparison","sidebar":"tutorialSidebar"},{"id":"Task1/Task Achievement/flow","path":"/writing/Task1/Task Achievement/flow","sidebar":"tutorialSidebar"},{"id":"Task2/Classification/agree or disagree","path":"/writing/Task2/Classification/agree or disagree","sidebar":"tutorialSidebar"},{"id":"Task2/Classification/Discussion","path":"/writing/Task2/Classification/Discussion","sidebar":"tutorialSidebar"},{"id":"Task2/Classification/Outweight","path":"/writing/Task2/Classification/Outweight","sidebar":"tutorialSidebar"},{"id":"Task2/Classification/Positive or negative","path":"/writing/Task2/Classification/Positive or negative","sidebar":"tutorialSidebar"},{"id":"Task2/Classification/Report","path":"/writing/Task2/Classification/Report","sidebar":"tutorialSidebar"},{"id":"Task2/Coherence Cohesion/extension of Body Paragraph 01","path":"/writing/Task2/Coherence Cohesion/extension of Body Paragraph 01","sidebar":"tutorialSidebar"},{"id":"Task2/Coherence Cohesion/extension of Body Paragraph 02","path":"/writing/Task2/Coherence Cohesion/extension of Body Paragraph 02","sidebar":"tutorialSidebar"},{"id":"Task2/Grammatical Range & Accuracy/introduction","path":"/writing/Task2/Grammatical Range & Accuracy/introduction","sidebar":"tutorialSidebar"},{"id":"Task2/Grammatical Range & Accuracy/Subject Diversity","path":"/writing/Task2/Grammatical Range & Accuracy/Subject Diversity","sidebar":"tutorialSidebar"},{"id":"Task2/Grammatical Range & Accuracy/Translation01","path":"/writing/Task2/Grammatical Range & Accuracy/Translation01","sidebar":"tutorialSidebar"},{"id":"Task2/Grammatical Range & Accuracy/Translation02","path":"/writing/Task2/Grammatical Range & Accuracy/Translation02","sidebar":"tutorialSidebar"},{"id":"Task2/Task Response/Agree or Disagee Response","path":"/writing/Task2/Task Response/Agree or Disagee Response","sidebar":"tutorialSidebar"},{"id":"Task2/Task Response/Discussion Response","path":"/writing/Task2/Task Response/Discussion Response","sidebar":"tutorialSidebar"},{"id":"Task2/Task Response/Outweight Response","path":"/writing/Task2/Task Response/Outweight Response","sidebar":"tutorialSidebar"},{"id":"Task2/Task Response/Positive or negative Response","path":"/writing/Task2/Task Response/Positive or negative Response","sidebar":"tutorialSidebar"},{"id":"Task2/Task Response/Report Response","path":"/writing/Task2/Task Response/Report Response","sidebar":"tutorialSidebar"},{"id":"/category/classification","path":"/writing/category/classification","sidebar":"tutorialSidebar"},{"id":"/category/task-achievement","path":"/writing/category/task-achievement","sidebar":"tutorialSidebar"},{"id":"/category/classification-1","path":"/writing/category/classification-1","sidebar":"tutorialSidebar"},{"id":"/category/task-response","path":"/writing/category/task-response","sidebar":"tutorialSidebar"},{"id":"/category/coherence-cohesion","path":"/writing/category/coherence-cohesion","sidebar":"tutorialSidebar"},{"id":"/category/grammatical-range--accuracy","path":"/writing/category/grammatical-range--accuracy","sidebar":"tutorialSidebar"}],"draftIds":[],"sidebars":{"tutorialSidebar":{"link":{"path":"/writing/","label":"home"}}}}],"breadcrumbs":false},"reading":{"path":"/reading","versions":[{"name":"current","label":"Next","isLast":true,"path":"/reading","mainDocId":"home","docs":[{"id":"home","path":"/reading/","sidebar":"tutorialSidebar"}],"draftIds":[],"sidebars":{"tutorialSidebar":{"link":{"path":"/reading/","label":"home"}}}}],"breadcrumbs":false},"listening":{"path":"/listening","versions":[{"name":"current","label":"Next","isLast":true,"path":"/listening","mainDocId":"home","docs":[{"id":"home","path":"/listening/","sidebar":"tutorialSidebar"}],"draftIds":[],"sidebars":{"tutorialSidebar":{"link":{"path":"/listening/","label":"home"}}}}],"breadcrumbs":false},"speaking":{"path":"/speaking","versions":[{"name":"current","label":"Next","isLast":true,"path":"/speaking","mainDocId":"home","docs":[{"id":"home","path":"/speaking/","sidebar":"tutorialSidebar"}],"draftIds":[],"sidebars":{"tutorialSidebar":{"link":{"path":"/speaking/","label":"home"}}}}],"breadcrumbs":false},"Coding":{"path":"/Coding","versions":[{"name":"current","label":"Next","isLast":true,"path":"/Coding","mainDocId":"home","docs":[{"id":"evolutionary computation/FlappyBird","path":"/Coding/evolutionary computation/FlappyBird","sidebar":"tutorialSidebar"},{"id":"evolutionary computation/Introduction","path":"/Coding/evolutionary computation/Introduction","sidebar":"tutorialSidebar"},{"id":"evolutionary computation/max-one problem","path":"/Coding/evolutionary computation/max-one problem","sidebar":"tutorialSidebar"},{"id":"home","path":"/Coding/","sidebar":"tutorialSidebar"},{"id":"/category/evolutionary-computation","path":"/Coding/category/evolutionary-computation","sidebar":"tutorialSidebar"}],"draftIds":[],"sidebars":{"tutorialSidebar":{"link":{"path":"/Coding/","label":"home"}}}}],"breadcrumbs":false},"Product-Manager":{"path":"/Product Manager","versions":[{"name":"current","label":"Next","isLast":true,"path":"/Product Manager","mainDocId":"home","docs":[{"id":"\u65b9\u6cd5\u8bba/\u4ea7\u54c1\u4ecb\u7ecd","path":"/Product Manager/\u65b9\u6cd5\u8bba/\u4ea7\u54c1\u4ecb\u7ecd","sidebar":"tutorialSidebar"},{"id":"\u65b9\u6cd5\u8bba/\u7528\u6237\u4f53\u9a8c\u4e94\u8981\u7d20","path":"/Product Manager/\u65b9\u6cd5\u8bba/\u7528\u6237\u4f53\u9a8c\u4e94\u8981\u7d20","sidebar":"tutorialSidebar"},{"id":"\u65b9\u6cd5\u8bba/Nielsen\u2018s 10 usability heuristics","path":"/Product Manager/\u65b9\u6cd5\u8bba/Nielsen\u2018s 10 usability heuristics","sidebar":"tutorialSidebar"},{"id":"\u65b9\u6cd5\u8bba/Product Manager Persona","path":"/Product Manager/\u65b9\u6cd5\u8bba/Product Manager Persona","sidebar":"tutorialSidebar"},{"id":"\u9879\u76ee/Eat-UoY","path":"/Product Manager/\u9879\u76ee/Eat-UoY","sidebar":"tutorialSidebar"},{"id":"\u9879\u76ee/Mobile CRM","path":"/Product Manager/\u9879\u76ee/Mobile CRM","sidebar":"tutorialSidebar"},{"id":"home","path":"/Product Manager/","sidebar":"tutorialSidebar"},{"id":"/category/\u9879\u76ee","path":"/Product Manager/category/\u9879\u76ee","sidebar":"tutorialSidebar"},{"id":"/category/\u65b9\u6cd5\u8bba","path":"/Product Manager/category/\u65b9\u6cd5\u8bba","sidebar":"tutorialSidebar"}],"draftIds":[],"sidebars":{"tutorialSidebar":{"link":{"path":"/Product Manager/","label":"home"}}}}],"breadcrumbs":false}}}'),i=JSON.parse('{"defaultLocale":"zh-Hans","locales":["zh-Hans"],"path":"i18n","currentLocale":"zh-Hans","localeConfigs":{"zh-Hans":{"label":"\u7b80\u4f53\u4e2d\u6587","direction":"ltr","htmlLang":"zh-Hans","calendar":"gregory","path":"zh-Hans"}}}');var l=n(7529);const s=JSON.parse('{"docusaurusVersion":"2.3.1","siteVersion":"0.0.0","pluginVersions":{"docusaurus-plugin-content-docs":{"type":"package","name":"@docusaurus/plugin-content-docs","version":"2.3.1"},"docusaurus-plugin-content-blog":{"type":"package","name":"@docusaurus/plugin-content-blog","version":"2.3.1"},"docusaurus-plugin-content-pages":{"type":"package","name":"@docusaurus/plugin-content-pages","version":"2.3.1"},"docusaurus-plugin-sitemap":{"type":"package","name":"@docusaurus/plugin-sitemap","version":"2.3.1"},"docusaurus-theme-classic":{"type":"package","name":"@docusaurus/theme-classic","version":"2.3.1"}}}'),u={siteConfig:a.default,siteMetadata:s,globalData:o,i18n:i,codeTranslations:l},c=r.createContext(u);function d(e){let{children:t}=e;return r.createElement(c.Provider,{value:u},t)}},4649:(e,t,n)=>{"use strict";n.d(t,{Z:()=>c});var r=n(7294),a=n(9901),o=n(2411),i=n(1652);function l(e){let{error:t,tryAgain:n}=e;return r.createElement("div",{style:{display:"flex",flexDirection:"column",justifyContent:"center",alignItems:"center",height:"50vh",width:"100%",fontSize:"20px"}},r.createElement("h1",null,"This page crashed."),r.createElement("p",null,t.message),r.createElement("button",{type:"button",onClick:n},"Try again"))}function s(e){let{error:t,tryAgain:n}=e;return r.createElement(c,{fallback:()=>r.createElement(l,{error:t,tryAgain:n})},r.createElement(o.Z,null,r.createElement("title",null,"Page Error")),r.createElement(i.Z,null,r.createElement(l,{error:t,tryAgain:n})))}const u=e=>r.createElement(s,e);class c extends r.Component{constructor(e){super(e),this.state={error:null}}componentDidCatch(e){a.Z.canUseDOM&&this.setState({error:e})}render(){const{children:e}=this.props,{error:t}=this.state;if(t){const e={error:t,tryAgain:()=>this.setState({error:null})};return(this.props.fallback??u)(e)}return e??null}}},9901:(e,t,n)=>{"use strict";n.d(t,{Z:()=>a});const r="undefined"!=typeof window&&"document"in window&&"createElement"in window.document,a={canUseDOM:r,canUseEventListeners:r&&("addEventListener"in window||"attachEvent"in window),canUseIntersectionObserver:r&&"IntersectionObserver"in window,canUseViewport:r&&"screen"in window}},2411:(e,t,n)=>{"use strict";n.d(t,{Z:()=>o});var r=n(7294),a=n(405);function o(e){return r.createElement(a.ql,e)}},8746:(e,t,n)=>{"use strict";n.d(t,{Z:()=>f});var r=n(7462),a=n(7294),o=n(3727),i=n(9861),l=n(6832),s=n(1699),u=n(9901);const c=a.createContext({collectLink:()=>{}});var d=n(1402);function p(e,t){let{isNavLink:n,to:p,href:f,activeClassName:m,isActive:g,"data-noBrokenLinkCheck":h,autoAddBaseUrl:b=!0,...v}=e;const{siteConfig:{trailingSlash:y,baseUrl:w}}=(0,l.Z)(),{withBaseUrl:k}=(0,d.C)(),E=(0,a.useContext)(c),S=(0,a.useRef)(null);(0,a.useImperativeHandle)(t,(()=>S.current));const T=p||f;const x=(0,s.Z)(T),C=T?.replace("pathname://","");let _=void 0!==C?(P=C,b&&(e=>e.startsWith("/"))(P)?k(P):P):void 0;var P;_&&x&&(_=(0,i.applyTrailingSlash)(_,{trailingSlash:y,baseUrl:w}));const L=(0,a.useRef)(!1),A=n?o.OL:o.rU,R=u.Z.canUseIntersectionObserver,N=(0,a.useRef)(),O=()=>{L.current||null==_||(window.docusaurus.preload(_),L.current=!0)};(0,a.useEffect)((()=>(!R&&x&&null!=_&&window.docusaurus.prefetch(_),()=>{R&&N.current&&N.current.disconnect()})),[N,_,R,x]);const I=_?.startsWith("#")??!1,D=!_||!x||I;return D||h||E.collectLink(_),D?a.createElement("a",(0,r.Z)({ref:S,href:_},T&&!x&&{target:"_blank",rel:"noopener noreferrer"},v)):a.createElement(A,(0,r.Z)({},v,{onMouseEnter:O,onTouchStart:O,innerRef:e=>{S.current=e,R&&e&&x&&(N.current=new window.IntersectionObserver((t=>{t.forEach((t=>{e===t.target&&(t.isIntersecting||t.intersectionRatio>0)&&(N.current.unobserve(e),N.current.disconnect(),null!=_&&window.docusaurus.prefetch(_))}))})),N.current.observe(e))},to:_},n&&{isActive:g,activeClassName:m}))}const f=a.forwardRef(p)},7859:(e,t,n)=>{"use strict";n.d(t,{Z:()=>r});const r=()=>null},1614:(e,t,n)=>{"use strict";n.d(t,{Z:()=>s,I:()=>l});var r=n(7294);function a(e,t){const n=e.split(/(\{\w+\})/).map(((e,n)=>{if(n%2==1){const n=t?.[e.slice(1,-1)];if(void 0!==n)return n}return e}));return n.some((e=>(0,r.isValidElement)(e)))?n.map(((e,t)=>(0,r.isValidElement)(e)?r.cloneElement(e,{key:t}):e)).filter((e=>""!==e)):n.join("")}var o=n(7529);function i(e){let{id:t,message:n}=e;if(void 0===t&&void 0===n)throw new Error("Docusaurus translation declarations must have at least a translation id or a default translation message");return o[t??n]??n??t}function l(e,t){let{message:n,id:r}=e;return a(i({message:n,id:r}),t)}function s(e){let{children:t,id:n,values:o}=e;if(t&&"string"!=typeof t)throw console.warn("Illegal children",t),new Error("The Docusaurus component only accept simple string values");const l=i({message:t,id:n});return r.createElement(r.Fragment,null,a(l,o))}},280:(e,t,n)=>{"use strict";n.d(t,{m:()=>r});const r="default"},1699:(e,t,n)=>{"use strict";function r(e){return/^(?:\w*:|\/\/)/.test(e)}function a(e){return void 0!==e&&!r(e)}n.d(t,{Z:()=>a,b:()=>r})},1402:(e,t,n)=>{"use strict";n.d(t,{C:()=>i,Z:()=>l});var r=n(7294),a=n(6832),o=n(1699);function i(){const{siteConfig:{baseUrl:e,url:t}}=(0,a.Z)(),n=(0,r.useCallback)(((n,r)=>function(e,t,n,r){let{forcePrependBaseUrl:a=!1,absolute:i=!1}=void 0===r?{}:r;if(!n||n.startsWith("#")||(0,o.b)(n))return n;if(a)return t+n.replace(/^\//,"");if(n===t.replace(/\/$/,""))return t;const l=n.startsWith(t)?n:t+n.replace(/^\//,"");return i?e+l:l}(t,e,n,r)),[t,e]);return{withBaseUrl:n}}function l(e,t){void 0===t&&(t={});const{withBaseUrl:n}=i();return n(e,t)}},6832:(e,t,n)=>{"use strict";n.d(t,{Z:()=>o});var r=n(7294),a=n(6725);function o(){return(0,r.useContext)(a._)}},5730:(e,t,n)=>{"use strict";n.d(t,{Z:()=>o});var r=n(7294),a=n(4058);function o(){return(0,r.useContext)(a._)}},6916:(e,t,n)=>{"use strict";n.d(t,{Z:()=>r});function r(e){const t={};return function e(n,r){Object.entries(n).forEach((n=>{let[a,o]=n;const i=r?`${r}.${a}`:a;var l;"object"==typeof(l=o)&&l&&Object.keys(l).length>0?e(o,i):t[i]=o}))}(e),t}},6041:(e,t,n)=>{"use strict";n.d(t,{_:()=>a,z:()=>o});var r=n(7294);const a=r.createContext(null);function o(e){let{children:t,value:n}=e;const o=r.useContext(a),i=(0,r.useMemo)((()=>function(e){let{parent:t,value:n}=e;if(!t){if(!n)throw new Error("Unexpected: no Docusaurus route context found");if(!("plugin"in n))throw new Error("Unexpected: Docusaurus topmost route context has no `plugin` attribute");return n}const r={...t.data,...n?.data};return{plugin:t.plugin,data:r}}({parent:o,value:n})),[o,n]);return r.createElement(a.Provider,{value:i},t)}},4452:(e,t,n)=>{"use strict";n.d(t,{Iw:()=>g,gA:()=>p,_r:()=>c,Jo:()=>h,zh:()=>d,yW:()=>m,gB:()=>f});var r=n(6550),a=n(6832),o=n(280);function i(e,t){void 0===t&&(t={});const n=function(){const{globalData:e}=(0,a.Z)();return e}()[e];if(!n&&t.failfast)throw new Error(`Docusaurus plugin global data not found for "${e}" plugin.`);return n}const l=e=>e.versions.find((e=>e.isLast));function s(e,t){const n=function(e,t){const n=l(e);return[...e.versions.filter((e=>e!==n)),n].find((e=>!!(0,r.LX)(t,{path:e.path,exact:!1,strict:!1})))}(e,t),a=n?.docs.find((e=>!!(0,r.LX)(t,{path:e.path,exact:!0,strict:!1})));return{activeVersion:n,activeDoc:a,alternateDocVersions:a?function(t){const n={};return e.versions.forEach((e=>{e.docs.forEach((r=>{r.id===t&&(n[e.name]=r)}))})),n}(a.id):{}}}const u={},c=()=>i("docusaurus-plugin-content-docs")??u,d=e=>function(e,t,n){void 0===t&&(t=o.m),void 0===n&&(n={});const r=i(e)?.[t];if(!r&&n.failfast)throw new Error(`Docusaurus plugin global data not found for "${e}" plugin with id "${t}".`);return r}("docusaurus-plugin-content-docs",e,{failfast:!0});function p(e){void 0===e&&(e={});const t=c(),{pathname:n}=(0,r.TH)();return function(e,t,n){void 0===n&&(n={});const a=Object.entries(e).sort(((e,t)=>t[1].path.localeCompare(e[1].path))).find((e=>{let[,n]=e;return!!(0,r.LX)(t,{path:n.path,exact:!1,strict:!1})})),o=a?{pluginId:a[0],pluginData:a[1]}:void 0;if(!o&&n.failfast)throw new Error(`Can't find active docs plugin for "${t}" pathname, while it was expected to be found. Maybe you tried to use a docs feature that can only be used on a docs-related page? Existing docs plugin paths are: ${Object.values(e).map((e=>e.path)).join(", ")}`);return o}(t,n,e)}function f(e){return d(e).versions}function m(e){const t=d(e);return l(t)}function g(e){const t=d(e),{pathname:n}=(0,r.TH)();return s(t,n)}function h(e){const t=d(e),{pathname:n}=(0,r.TH)();return function(e,t){const n=l(e);return{latestDocSuggestion:s(e,t).alternateDocVersions[n.name],latestVersionSuggestion:n}}(t,n)}},6126:(e,t,n)=>{"use strict";n.r(t),n.d(t,{default:()=>o});var r=n(4865),a=n.n(r);a().configure({showSpinner:!1});const o={onRouteUpdate(e){let{location:t,previousLocation:n}=e;if(n&&t.pathname!==n.pathname){const e=window.setTimeout((()=>{a().start()}),200);return()=>window.clearTimeout(e)}},onRouteDidUpdate(){a().done()}}},5529:(e,t,n)=>{"use strict";n.r(t);var r=n(7410),a=n(6809);!function(e){const{themeConfig:{prism:t}}=a.default,{additionalLanguages:r}=t;globalThis.Prism=e,r.forEach((e=>{n(6726)(`./prism-${e}`)})),delete globalThis.Prism}(r.Z)},3399:(e,t,n)=>{"use strict";n.d(t,{Z:()=>o});var r=n(7294);const a="iconExternalLink_nPIU";function o(e){let{width:t=13.5,height:n=13.5}=e;return r.createElement("svg",{width:t,height:n,"aria-hidden":"true",viewBox:"0 0 24 24",className:a},r.createElement("path",{fill:"currentColor",d:"M21 13v10h-21v-19h12v2h-10v15h17v-8h2zm3-12h-10.988l4.035 4-6.977 7.07 2.828 2.828 6.977-7.07 4.125 4.172v-11z"}))}},1652:(e,t,n)=>{"use strict";n.d(t,{Z:()=>st});var r=n(7294),a=n(6010),o=n(4649),i=n(6742),l=n(7462),s=n(6550),u=n(1614),c=n(8265);const d="docusaurus_skipToContent_fallback";function p(e){e.setAttribute("tabindex","-1"),e.focus(),e.removeAttribute("tabindex")}function f(){const e=(0,r.useRef)(null),{action:t}=(0,s.k6)(),n=(0,r.useCallback)((e=>{e.preventDefault();const t=document.querySelector("main:first-of-type")??document.getElementById(d);t&&p(t)}),[]);return(0,c.S)((n=>{let{location:r}=n;e.current&&!r.hash&&"PUSH"===t&&p(e.current)})),{containerRef:e,onClick:n}}const m=(0,u.I)({id:"theme.common.skipToMainContent",description:"The skip to content label used for accessibility, allowing to rapidly navigate to main content with keyboard tab/enter navigation",message:"Skip to main content"});function g(e){const t=e.children??m,{containerRef:n,onClick:a}=f();return r.createElement("div",{ref:n,role:"region","aria-label":m},r.createElement("a",(0,l.Z)({},e,{href:`#${d}`,onClick:a}),t))}var h=n(8015),b=n(2768);const v="skipToContent_fXgn";function y(){return r.createElement(g,{className:v})}var w=n(6793),k=n(9061);function E(e){let{width:t=21,height:n=21,color:a="currentColor",strokeWidth:o=1.2,className:i,...s}=e;return r.createElement("svg",(0,l.Z)({viewBox:"0 0 15 15",width:t,height:n},s),r.createElement("g",{stroke:a,strokeWidth:o},r.createElement("path",{d:"M.75.75l13.5 13.5M14.25.75L.75 14.25"})))}const S="closeButton_CVFx";function T(e){return r.createElement("button",(0,l.Z)({type:"button","aria-label":(0,u.I)({id:"theme.AnnouncementBar.closeButtonAriaLabel",message:"Close",description:"The ARIA label for close button of announcement bar"})},e,{className:(0,a.Z)("clean-btn close",S,e.className)}),r.createElement(E,{width:14,height:14,strokeWidth:3.1}))}const x="content_knG7";function C(e){const{announcementBar:t}=(0,w.L)(),{content:n}=t;return r.createElement("div",(0,l.Z)({},e,{className:(0,a.Z)(x,e.className),dangerouslySetInnerHTML:{__html:n}}))}const _="announcementBar_mb4j",P="announcementBarPlaceholder_vyr4",L="announcementBarClose_gvF7",A="announcementBarContent_xLdY";function R(){const{announcementBar:e}=(0,w.L)(),{isActive:t,close:n}=(0,k.nT)();if(!t)return null;const{backgroundColor:a,textColor:o,isCloseable:i}=e;return r.createElement("div",{className:_,style:{backgroundColor:a,color:o},role:"banner"},i&&r.createElement("div",{className:P}),r.createElement(C,{className:A}),i&&r.createElement(T,{onClick:n,className:L}))}var N=n(7743),O=n(3735);var I=n(3478),D=n(2306);const M=r.createContext(null);function F(e){let{children:t}=e;const n=function(){const e=(0,N.e)(),t=(0,D.HY)(),[n,a]=(0,r.useState)(!1),o=null!==t.component,i=(0,I.D9)(o);return(0,r.useEffect)((()=>{o&&!i&&a(!0)}),[o,i]),(0,r.useEffect)((()=>{o?e.shown||a(!0):a(!1)}),[e.shown,o]),(0,r.useMemo)((()=>[n,a]),[n])}();return r.createElement(M.Provider,{value:n},t)}function j(e){if(e.component){const t=e.component;return r.createElement(t,e.props)}}function B(){const e=(0,r.useContext)(M);if(!e)throw new I.i6("NavbarSecondaryMenuDisplayProvider");const[t,n]=e,a=(0,r.useCallback)((()=>n(!1)),[n]),o=(0,D.HY)();return(0,r.useMemo)((()=>({shown:t,hide:a,content:j(o)})),[a,o,t])}function U(e){let{header:t,primaryMenu:n,secondaryMenu:o}=e;const{shown:i}=B();return r.createElement("div",{className:"navbar-sidebar"},t,r.createElement("div",{className:(0,a.Z)("navbar-sidebar__items",{"navbar-sidebar__items--show-secondary":i})},r.createElement("div",{className:"navbar-sidebar__item menu"},n),r.createElement("div",{className:"navbar-sidebar__item menu"},o)))}var z=n(524),$=n(5730);function G(e){return r.createElement("svg",(0,l.Z)({viewBox:"0 0 24 24",width:24,height:24},e),r.createElement("path",{fill:"currentColor",d:"M12,9c1.65,0,3,1.35,3,3s-1.35,3-3,3s-3-1.35-3-3S10.35,9,12,9 M12,7c-2.76,0-5,2.24-5,5s2.24,5,5,5s5-2.24,5-5 S14.76,7,12,7L12,7z M2,13l2,0c0.55,0,1-0.45,1-1s-0.45-1-1-1l-2,0c-0.55,0-1,0.45-1,1S1.45,13,2,13z M20,13l2,0c0.55,0,1-0.45,1-1 s-0.45-1-1-1l-2,0c-0.55,0-1,0.45-1,1S19.45,13,20,13z M11,2v2c0,0.55,0.45,1,1,1s1-0.45,1-1V2c0-0.55-0.45-1-1-1S11,1.45,11,2z M11,20v2c0,0.55,0.45,1,1,1s1-0.45,1-1v-2c0-0.55-0.45-1-1-1C11.45,19,11,19.45,11,20z M5.99,4.58c-0.39-0.39-1.03-0.39-1.41,0 c-0.39,0.39-0.39,1.03,0,1.41l1.06,1.06c0.39,0.39,1.03,0.39,1.41,0s0.39-1.03,0-1.41L5.99,4.58z M18.36,16.95 c-0.39-0.39-1.03-0.39-1.41,0c-0.39,0.39-0.39,1.03,0,1.41l1.06,1.06c0.39,0.39,1.03,0.39,1.41,0c0.39-0.39,0.39-1.03,0-1.41 L18.36,16.95z M19.42,5.99c0.39-0.39,0.39-1.03,0-1.41c-0.39-0.39-1.03-0.39-1.41,0l-1.06,1.06c-0.39,0.39-0.39,1.03,0,1.41 s1.03,0.39,1.41,0L19.42,5.99z M7.05,18.36c0.39-0.39,0.39-1.03,0-1.41c-0.39-0.39-1.03-0.39-1.41,0l-1.06,1.06 c-0.39,0.39-0.39,1.03,0,1.41s1.03,0.39,1.41,0L7.05,18.36z"}))}function H(e){return r.createElement("svg",(0,l.Z)({viewBox:"0 0 24 24",width:24,height:24},e),r.createElement("path",{fill:"currentColor",d:"M9.37,5.51C9.19,6.15,9.1,6.82,9.1,7.5c0,4.08,3.32,7.4,7.4,7.4c0.68,0,1.35-0.09,1.99-0.27C17.45,17.19,14.93,19,12,19 c-3.86,0-7-3.14-7-7C5,9.07,6.81,6.55,9.37,5.51z M12,3c-4.97,0-9,4.03-9,9s4.03,9,9,9s9-4.03,9-9c0-0.46-0.04-0.92-0.1-1.36 c-0.98,1.37-2.58,2.26-4.4,2.26c-2.98,0-5.4-2.42-5.4-5.4c0-1.81,0.89-3.42,2.26-4.4C12.92,3.04,12.46,3,12,3L12,3z"}))}const q={toggle:"toggle_vylO",toggleButton:"toggleButton_gllP",darkToggleIcon:"darkToggleIcon_wfgR",lightToggleIcon:"lightToggleIcon_pyhR",toggleButtonDisabled:"toggleButtonDisabled_aARS"};function Z(e){let{className:t,value:n,onChange:o}=e;const i=(0,$.Z)(),l=(0,u.I)({message:"Switch between dark and light mode (currently {mode})",id:"theme.colorToggle.ariaLabel",description:"The ARIA label for the navbar color mode toggle"},{mode:"dark"===n?(0,u.I)({message:"dark mode",id:"theme.colorToggle.ariaLabel.mode.dark",description:"The name for the dark color mode"}):(0,u.I)({message:"light mode",id:"theme.colorToggle.ariaLabel.mode.light",description:"The name for the light color mode"})});return r.createElement("div",{className:(0,a.Z)(q.toggle,t)},r.createElement("button",{className:(0,a.Z)("clean-btn",q.toggleButton,!i&&q.toggleButtonDisabled),type:"button",onClick:()=>o("dark"===n?"light":"dark"),disabled:!i,title:l,"aria-label":l,"aria-live":"polite"},r.createElement(G,{className:(0,a.Z)(q.toggleIcon,q.lightToggleIcon)}),r.createElement(H,{className:(0,a.Z)(q.toggleIcon,q.darkToggleIcon)})))}const V=r.memo(Z);function W(e){let{className:t}=e;const n=(0,w.L)().colorMode.disableSwitch,{colorMode:a,setColorMode:o}=(0,z.I)();return n?null:r.createElement(V,{className:t,value:a,onChange:o})}var Y=n(9627);function K(){return r.createElement(Y.Z,{className:"navbar__brand",imageClassName:"navbar__logo",titleClassName:"navbar__title text--truncate"})}function Q(){const e=(0,N.e)();return r.createElement("button",{type:"button","aria-label":(0,u.I)({id:"theme.docs.sidebar.closeSidebarButtonAriaLabel",message:"Close navigation bar",description:"The ARIA label for close button of mobile sidebar"}),className:"clean-btn navbar-sidebar__close",onClick:()=>e.toggle()},r.createElement(E,{color:"var(--ifm-color-emphasis-600)"}))}function X(){return r.createElement("div",{className:"navbar-sidebar__brand"},r.createElement(K,null),r.createElement(W,{className:"margin-right--md"}),r.createElement(Q,null))}var J=n(8746),ee=n(1402),te=n(1699);function ne(e,t){return void 0!==e&&void 0!==t&&new RegExp(e,"gi").test(t)}var re=n(3399);function ae(e){let{activeBasePath:t,activeBaseRegex:n,to:a,href:o,label:i,html:s,isDropdownLink:u,prependBaseUrlToHref:c,...d}=e;const p=(0,ee.Z)(a),f=(0,ee.Z)(t),m=(0,ee.Z)(o,{forcePrependBaseUrl:!0}),g=i&&o&&!(0,te.Z)(o),h=s?{dangerouslySetInnerHTML:{__html:s}}:{children:r.createElement(r.Fragment,null,i,g&&r.createElement(re.Z,u&&{width:12,height:12}))};return o?r.createElement(J.Z,(0,l.Z)({href:c?m:o},d,h)):r.createElement(J.Z,(0,l.Z)({to:p,isNavLink:!0},(t||n)&&{isActive:(e,t)=>n?ne(n,t.pathname):t.pathname.startsWith(f)},d,h))}function oe(e){let{className:t,isDropdownItem:n=!1,...o}=e;const i=r.createElement(ae,(0,l.Z)({className:(0,a.Z)(n?"dropdown__link":"navbar__item navbar__link",t),isDropdownLink:n},o));return n?r.createElement("li",null,i):i}function ie(e){let{className:t,isDropdownItem:n,...o}=e;return r.createElement("li",{className:"menu__list-item"},r.createElement(ae,(0,l.Z)({className:(0,a.Z)("menu__link",t)},o)))}function le(e){let{mobile:t=!1,position:n,...a}=e;const o=t?ie:oe;return r.createElement(o,(0,l.Z)({},a,{activeClassName:a.activeClassName??(t?"menu__link--active":"navbar__link--active")}))}var se=n(7940),ue=n(8407),ce=n(6832);function de(e,t){return e.some((e=>function(e,t){return!!(0,ue.Mg)(e.to,t)||!!ne(e.activeBaseRegex,t)||!(!e.activeBasePath||!t.startsWith(e.activeBasePath))}(e,t)))}function pe(e){let{items:t,position:n,className:o,onClick:i,...s}=e;const u=(0,r.useRef)(null),[c,d]=(0,r.useState)(!1);return(0,r.useEffect)((()=>{const e=e=>{u.current&&!u.current.contains(e.target)&&d(!1)};return document.addEventListener("mousedown",e),document.addEventListener("touchstart",e),()=>{document.removeEventListener("mousedown",e),document.removeEventListener("touchstart",e)}}),[u]),r.createElement("div",{ref:u,className:(0,a.Z)("navbar__item","dropdown","dropdown--hoverable",{"dropdown--right":"right"===n,"dropdown--show":c})},r.createElement(ae,(0,l.Z)({"aria-haspopup":"true","aria-expanded":c,role:"button",href:s.to?void 0:"#",className:(0,a.Z)("navbar__link",o)},s,{onClick:s.to?void 0:e=>e.preventDefault(),onKeyDown:e=>{"Enter"===e.key&&(e.preventDefault(),d(!c))}}),s.children??s.label),r.createElement("ul",{className:"dropdown__menu"},t.map(((e,n)=>r.createElement(Ce,(0,l.Z)({isDropdownItem:!0,onKeyDown:e=>{if(n===t.length-1&&"Tab"===e.key){e.preventDefault(),d(!1);const t=u.current.nextElementSibling;if(t){(t instanceof HTMLAnchorElement?t:t.querySelector("a")).focus()}}},activeClassName:"dropdown__link--active"},e,{key:n}))))))}function fe(e){let{items:t,className:n,position:o,onClick:i,...u}=e;const c=function(){const{siteConfig:{baseUrl:e}}=(0,ce.Z)(),{pathname:t}=(0,s.TH)();return t.replace(e,"/")}(),d=de(t,c),{collapsed:p,toggleCollapsed:f,setCollapsed:m}=(0,se.u)({initialState:()=>!d});return(0,r.useEffect)((()=>{d&&m(!d)}),[c,d,m]),r.createElement("li",{className:(0,a.Z)("menu__list-item",{"menu__list-item--collapsed":p})},r.createElement(ae,(0,l.Z)({role:"button",className:(0,a.Z)("menu__link menu__link--sublist menu__link--sublist-caret",n)},u,{onClick:e=>{e.preventDefault(),f()}}),u.children??u.label),r.createElement(se.z,{lazy:!0,as:"ul",className:"menu__list",collapsed:p},t.map(((e,t)=>r.createElement(Ce,(0,l.Z)({mobile:!0,isDropdownItem:!0,onClick:i,activeClassName:"menu__link--active"},e,{key:t}))))))}function me(e){let{mobile:t=!1,...n}=e;const a=t?fe:pe;return r.createElement(a,n)}var ge=n(3156);function he(e){let{width:t=20,height:n=20,...a}=e;return r.createElement("svg",(0,l.Z)({viewBox:"0 0 24 24",width:t,height:n,"aria-hidden":!0},a),r.createElement("path",{fill:"currentColor",d:"M12.87 15.07l-2.54-2.51.03-.03c1.74-1.94 2.98-4.17 3.71-6.53H17V4h-7V2H8v2H1v1.99h11.17C11.5 7.92 10.44 9.75 9 11.35 8.07 10.32 7.3 9.19 6.69 8h-2c.73 1.63 1.73 3.17 2.98 4.56l-5.09 5.02L4 19l5-5 3.11 3.11.76-2.04zM18.5 10h-2L12 22h2l1.12-3h4.75L21 22h2l-4.5-12zm-2.62 7l1.62-4.33L19.12 17h-3.24z"}))}const be="iconLanguage_nlXk";var ve=n(7859);const ye="searchBox_ZlJk";function we(e){let{children:t,className:n}=e;return r.createElement("div",{className:(0,a.Z)(n,ye)},t)}var ke=n(4452),Ee=n(1976);var Se=n(4049);const Te=e=>e.docs.find((t=>t.id===e.mainDocId));const xe={default:le,localeDropdown:function(e){let{mobile:t,dropdownItemsBefore:n,dropdownItemsAfter:a,...o}=e;const{i18n:{currentLocale:i,locales:c,localeConfigs:d}}=(0,ce.Z)(),p=(0,ge.l)(),{search:f,hash:m}=(0,s.TH)(),g=[...n,...c.map((e=>{const n=`${`pathname://${p.createUrl({locale:e,fullyQualified:!1})}`}${f}${m}`;return{label:d[e].label,lang:d[e].htmlLang,to:n,target:"_self",autoAddBaseUrl:!1,className:e===i?t?"menu__link--active":"dropdown__link--active":""}})),...a],h=t?(0,u.I)({message:"Languages",id:"theme.navbar.mobileLanguageDropdown.label",description:"The label for the mobile language switcher dropdown"}):d[i].label;return r.createElement(me,(0,l.Z)({},o,{mobile:t,label:r.createElement(r.Fragment,null,r.createElement(he,{className:be}),h),items:g}))},search:function(e){let{mobile:t,className:n}=e;return t?null:r.createElement(we,{className:n},r.createElement(ve.Z,null))},dropdown:me,html:function(e){let{value:t,className:n,mobile:o=!1,isDropdownItem:i=!1}=e;const l=i?"li":"div";return r.createElement(l,{className:(0,a.Z)({navbar__item:!o&&!i,"menu__list-item":o},n),dangerouslySetInnerHTML:{__html:t}})},doc:function(e){let{docId:t,label:n,docsPluginId:a,...o}=e;const{activeDoc:i}=(0,ke.Iw)(a),s=(0,Ee.vY)(t,a);return null===s?null:r.createElement(le,(0,l.Z)({exact:!0},o,{isActive:()=>i?.path===s.path||!!i?.sidebar&&i.sidebar===s.sidebar,label:n??s.id,to:s.path}))},docSidebar:function(e){let{sidebarId:t,label:n,docsPluginId:a,...o}=e;const{activeDoc:i}=(0,ke.Iw)(a),s=(0,Ee.oz)(t,a).link;if(!s)throw new Error(`DocSidebarNavbarItem: Sidebar with ID "${t}" doesn't have anything to be linked to.`);return r.createElement(le,(0,l.Z)({exact:!0},o,{isActive:()=>i?.sidebar===t,label:n??s.label,to:s.path}))},docsVersion:function(e){let{label:t,to:n,docsPluginId:a,...o}=e;const i=(0,Ee.lO)(a)[0],s=t??i.label,u=n??(e=>e.docs.find((t=>t.id===e.mainDocId)))(i).path;return r.createElement(le,(0,l.Z)({},o,{label:s,to:u}))},docsVersionDropdown:function(e){let{mobile:t,docsPluginId:n,dropdownActiveClassDisabled:a,dropdownItemsBefore:o,dropdownItemsAfter:i,...c}=e;const{search:d,hash:p}=(0,s.TH)(),f=(0,ke.Iw)(n),m=(0,ke.gB)(n),{savePreferredVersionName:g}=(0,Se.J)(n),h=[...o,...m.map((e=>{const t=f.alternateDocVersions[e.name]??Te(e);return{label:e.label,to:`${t.path}${d}${p}`,isActive:()=>e===f.activeVersion,onClick:()=>g(e.name)}})),...i],b=(0,Ee.lO)(n)[0],v=t&&h.length>1?(0,u.I)({id:"theme.navbar.mobileVersionsDropdown.label",message:"Versions",description:"The label for the navbar versions dropdown on mobile view"}):b.label,y=t&&h.length>1?void 0:Te(b).path;return h.length<=1?r.createElement(le,(0,l.Z)({},c,{mobile:t,label:v,to:y,isActive:a?()=>!1:void 0})):r.createElement(me,(0,l.Z)({},c,{mobile:t,label:v,to:y,items:h,isActive:a?()=>!1:void 0}))}};function Ce(e){let{type:t,...n}=e;const a=function(e,t){return e&&"default"!==e?e:"items"in t?"dropdown":"default"}(t,n),o=xe[a];if(!o)throw new Error(`No NavbarItem component found for type "${t}".`);return r.createElement(o,n)}function _e(){const e=(0,N.e)(),t=(0,w.L)().navbar.items;return r.createElement("ul",{className:"menu__list"},t.map(((t,n)=>r.createElement(Ce,(0,l.Z)({mobile:!0},t,{onClick:()=>e.toggle(),key:n})))))}function Pe(e){return r.createElement("button",(0,l.Z)({},e,{type:"button",className:"clean-btn navbar-sidebar__back"}),r.createElement(u.Z,{id:"theme.navbar.mobileSidebarSecondaryMenu.backButtonLabel",description:"The label of the back button to return to main menu, inside the mobile navbar sidebar secondary menu (notably used to display the docs sidebar)"},"\u2190 Back to main menu"))}function Le(){const e=0===(0,w.L)().navbar.items.length,t=B();return r.createElement(r.Fragment,null,!e&&r.createElement(Pe,{onClick:()=>t.hide()}),t.content)}function Ae(){const e=(0,N.e)();var t;return void 0===(t=e.shown)&&(t=!0),(0,r.useEffect)((()=>(document.body.style.overflow=t?"hidden":"visible",()=>{document.body.style.overflow="visible"})),[t]),e.shouldRender?r.createElement(U,{header:r.createElement(X,null),primaryMenu:r.createElement(_e,null),secondaryMenu:r.createElement(Le,null)}):null}const Re="navbarHideable_m1mJ",Ne="navbarHidden_jGov";function Oe(e){return r.createElement("div",(0,l.Z)({role:"presentation"},e,{className:(0,a.Z)("navbar-sidebar__backdrop",e.className)}))}function Ie(e){let{children:t}=e;const{navbar:{hideOnScroll:n,style:o}}=(0,w.L)(),i=(0,N.e)(),{navbarRef:l,isNavbarVisible:s}=function(e){const[t,n]=(0,r.useState)(e),a=(0,r.useRef)(!1),o=(0,r.useRef)(0),i=(0,r.useCallback)((e=>{null!==e&&(o.current=e.getBoundingClientRect().height)}),[]);return(0,O.RF)(((t,r)=>{let{scrollY:i}=t;if(!e)return;if(i=l?n(!1):i+u{if(!e)return;const r=t.location.hash;if(r?document.getElementById(r.substring(1)):void 0)return a.current=!0,void n(!1);n(!0)})),{navbarRef:i,isNavbarVisible:t}}(n);return r.createElement("nav",{ref:l,"aria-label":(0,u.I)({id:"theme.NavBar.navAriaLabel",message:"Main",description:"The ARIA label for the main navigation"}),className:(0,a.Z)("navbar","navbar--fixed-top",n&&[Re,!s&&Ne],{"navbar--dark":"dark"===o,"navbar--primary":"primary"===o,"navbar-sidebar--show":i.shown})},t,r.createElement(Oe,{onClick:i.toggle}),r.createElement(Ae,null))}function De(e){let{width:t=30,height:n=30,className:a,...o}=e;return r.createElement("svg",(0,l.Z)({className:a,width:t,height:n,viewBox:"0 0 30 30","aria-hidden":"true"},o),r.createElement("path",{stroke:"currentColor",strokeLinecap:"round",strokeMiterlimit:"10",strokeWidth:"2",d:"M4 7h22M4 15h22M4 23h22"}))}function Me(){const{toggle:e,shown:t}=(0,N.e)();return r.createElement("button",{onClick:e,"aria-label":(0,u.I)({id:"theme.docs.sidebar.toggleSidebarButtonAriaLabel",message:"Toggle navigation bar",description:"The ARIA label for hamburger menu button of mobile navigation"}),"aria-expanded":t,className:"navbar__toggle clean-btn",type:"button"},r.createElement(De,null))}const Fe="colorModeToggle_DEke";function je(e){let{items:t}=e;return r.createElement(r.Fragment,null,t.map(((e,t)=>r.createElement(Ce,(0,l.Z)({},e,{key:t})))))}function Be(e){let{left:t,right:n}=e;return r.createElement("div",{className:"navbar__inner"},r.createElement("div",{className:"navbar__items"},t),r.createElement("div",{className:"navbar__items navbar__items--right"},n))}function Ue(){const e=(0,N.e)(),t=(0,w.L)().navbar.items,[n,a]=function(e){function t(e){return"left"===(e.position??"right")}return[e.filter(t),e.filter((e=>!t(e)))]}(t),o=t.find((e=>"search"===e.type));return r.createElement(Be,{left:r.createElement(r.Fragment,null,!e.disabled&&r.createElement(Me,null),r.createElement(K,null),r.createElement(je,{items:n})),right:r.createElement(r.Fragment,null,r.createElement(je,{items:a}),r.createElement(W,{className:Fe}),!o&&r.createElement(we,null,r.createElement(ve.Z,null)))})}function ze(){return r.createElement(Ie,null,r.createElement(Ue,null))}function $e(e){let{item:t}=e;const{to:n,href:a,label:o,prependBaseUrlToHref:i,...s}=t,u=(0,ee.Z)(n),c=(0,ee.Z)(a,{forcePrependBaseUrl:!0});return r.createElement(J.Z,(0,l.Z)({className:"footer__link-item"},a?{href:i?c:a}:{to:u},s),o,a&&!(0,te.Z)(a)&&r.createElement(re.Z,null))}function Ge(e){let{item:t}=e;return t.html?r.createElement("li",{className:"footer__item",dangerouslySetInnerHTML:{__html:t.html}}):r.createElement("li",{key:t.href??t.to,className:"footer__item"},r.createElement($e,{item:t}))}function He(e){let{column:t}=e;return r.createElement("div",{className:"col footer__col"},r.createElement("div",{className:"footer__title"},t.title),r.createElement("ul",{className:"footer__items clean-list"},t.items.map(((e,t)=>r.createElement(Ge,{key:t,item:e})))))}function qe(e){let{columns:t}=e;return r.createElement("div",{className:"row footer__links"},t.map(((e,t)=>r.createElement(He,{key:t,column:e}))))}function Ze(){return r.createElement("span",{className:"footer__link-separator"},"\xb7")}function Ve(e){let{item:t}=e;return t.html?r.createElement("span",{className:"footer__link-item",dangerouslySetInnerHTML:{__html:t.html}}):r.createElement($e,{item:t})}function We(e){let{links:t}=e;return r.createElement("div",{className:"footer__links text--center"},r.createElement("div",{className:"footer__links"},t.map(((e,n)=>r.createElement(r.Fragment,{key:n},r.createElement(Ve,{item:e}),t.length!==n+1&&r.createElement(Ze,null))))))}function Ye(e){let{links:t}=e;return function(e){return"title"in e[0]}(t)?r.createElement(qe,{columns:t}):r.createElement(We,{links:t})}var Ke=n(7002);const Qe="footerLogoLink_BH7S";function Xe(e){let{logo:t}=e;const{withBaseUrl:n}=(0,ee.C)(),o={light:n(t.src),dark:n(t.srcDark??t.src)};return r.createElement(Ke.Z,{className:(0,a.Z)("footer__logo",t.className),alt:t.alt,sources:o,width:t.width,height:t.height,style:t.style})}function Je(e){let{logo:t}=e;return t.href?r.createElement(J.Z,{href:t.href,className:Qe,target:t.target},r.createElement(Xe,{logo:t})):r.createElement(Xe,{logo:t})}function et(e){let{copyright:t}=e;return r.createElement("div",{className:"footer__copyright",dangerouslySetInnerHTML:{__html:t}})}function tt(e){let{style:t,links:n,logo:o,copyright:i}=e;return r.createElement("footer",{className:(0,a.Z)("footer",{"footer--dark":"dark"===t})},r.createElement("div",{className:"container container-fluid"},n,(o||i)&&r.createElement("div",{className:"footer__bottom text--center"},o&&r.createElement("div",{className:"margin-bottom--sm"},o),i)))}function nt(){const{footer:e}=(0,w.L)();if(!e)return null;const{copyright:t,links:n,logo:a,style:o}=e;return r.createElement(tt,{style:o,links:n&&n.length>0&&r.createElement(Ye,{links:n}),logo:a&&r.createElement(Je,{logo:a}),copyright:t&&r.createElement(et,{copyright:t})})}const rt=r.memo(nt),at=(0,I.Qc)([z.S,k.pl,O.OC,Se.L5,i.VC,function(e){let{children:t}=e;return r.createElement(D.n2,null,r.createElement(N.M,null,r.createElement(F,null,t)))}]);function ot(e){let{children:t}=e;return r.createElement(at,null,t)}function it(e){let{error:t,tryAgain:n}=e;return r.createElement("main",{className:"container margin-vert--xl"},r.createElement("div",{className:"row"},r.createElement("div",{className:"col col--6 col--offset-3"},r.createElement("h1",{className:"hero__title"},r.createElement(u.Z,{id:"theme.ErrorPageContent.title",description:"The title of the fallback page when the page crashed"},"This page crashed.")),r.createElement("p",null,t.message),r.createElement("div",null,r.createElement("button",{type:"button",onClick:n},r.createElement(u.Z,{id:"theme.ErrorPageContent.tryAgain",description:"The label of the button to try again when the page crashed"},"Try again"))))))}const lt="mainWrapper_z2l0";function st(e){const{children:t,noFooter:n,wrapperClassName:l,title:s,description:u}=e;return(0,b.t)(),r.createElement(ot,null,r.createElement(i.d,{title:s,description:u}),r.createElement(y,null),r.createElement(R,null),r.createElement(ze,null),r.createElement("div",{id:d,className:(0,a.Z)(h.k.wrapper.main,lt,l)},r.createElement(o.Z,{fallback:e=>r.createElement(it,e)},t)),!n&&r.createElement(rt,null))}},9627:(e,t,n)=>{"use strict";n.d(t,{Z:()=>d});var r=n(7462),a=n(7294),o=n(8746),i=n(1402),l=n(6832),s=n(6793),u=n(7002);function c(e){let{logo:t,alt:n,imageClassName:r}=e;const o={light:(0,i.Z)(t.src),dark:(0,i.Z)(t.srcDark||t.src)},l=a.createElement(u.Z,{className:t.className,sources:o,height:t.height,width:t.width,alt:n,style:t.style});return r?a.createElement("div",{className:r},l):l}function d(e){const{siteConfig:{title:t}}=(0,l.Z)(),{navbar:{title:n,logo:u}}=(0,s.L)(),{imageClassName:d,titleClassName:p,...f}=e,m=(0,i.Z)(u?.href||"/"),g=n?"":t,h=u?.alt??g;return a.createElement(o.Z,(0,r.Z)({to:m},f,u?.target&&{target:u.target}),u&&a.createElement(c,{logo:u,alt:h,imageClassName:d}),null!=n&&a.createElement("b",{className:p},n))}},6145:(e,t,n)=>{"use strict";n.d(t,{Z:()=>o});var r=n(7294),a=n(2411);function o(e){let{locale:t,version:n,tag:o}=e;const i=t;return r.createElement(a.Z,null,t&&r.createElement("meta",{name:"docusaurus_locale",content:t}),n&&r.createElement("meta",{name:"docusaurus_version",content:n}),o&&r.createElement("meta",{name:"docusaurus_tag",content:o}),i&&r.createElement("meta",{name:"docsearch:language",content:i}),n&&r.createElement("meta",{name:"docsearch:version",content:n}),o&&r.createElement("meta",{name:"docsearch:docusaurus_tag",content:o}))}},7002:(e,t,n)=>{"use strict";n.d(t,{Z:()=>u});var r=n(7462),a=n(7294),o=n(6010),i=n(5730),l=n(524);const s={themedImage:"themedImage_ToTc","themedImage--light":"themedImage--light_HNdA","themedImage--dark":"themedImage--dark_i4oU"};function u(e){const t=(0,i.Z)(),{colorMode:n}=(0,l.I)(),{sources:u,className:c,alt:d,...p}=e,f=t?"dark"===n?["dark"]:["light"]:["light","dark"];return a.createElement(a.Fragment,null,f.map((e=>a.createElement("img",(0,r.Z)({key:e,src:u[e],alt:d,className:(0,o.Z)(s.themedImage,s[`themedImage--${e}`],c)},p)))))}},7940:(e,t,n)=>{"use strict";n.d(t,{u:()=>i,z:()=>m});var r=n(7462),a=n(7294),o=n(9901);function i(e){let{initialState:t}=e;const[n,r]=(0,a.useState)(t??!1),o=(0,a.useCallback)((()=>{r((e=>!e))}),[]);return{collapsed:n,setCollapsed:r,toggleCollapsed:o}}const l={display:"none",overflow:"hidden",height:"0px"},s={display:"block",overflow:"visible",height:"auto"};function u(e,t){const n=t?l:s;e.style.display=n.display,e.style.overflow=n.overflow,e.style.height=n.height}function c(e){let{collapsibleRef:t,collapsed:n,animation:r}=e;const o=(0,a.useRef)(!1);(0,a.useEffect)((()=>{const e=t.current;function a(){const t=e.scrollHeight,n=r?.duration??function(e){const t=e/36;return Math.round(10*(4+15*t**.25+t/5))}(t);return{transition:`height ${n}ms ${r?.easing??"ease-in-out"}`,height:`${t}px`}}function i(){const t=a();e.style.transition=t.transition,e.style.height=t.height}if(!o.current)return u(e,n),void(o.current=!0);return e.style.willChange="height",function(){const t=requestAnimationFrame((()=>{n?(i(),requestAnimationFrame((()=>{e.style.height=l.height,e.style.overflow=l.overflow}))):(e.style.display="block",requestAnimationFrame((()=>{i()})))}));return()=>cancelAnimationFrame(t)}()}),[t,n,r])}function d(e){if(!o.Z.canUseDOM)return e?l:s}function p(e){let{as:t="div",collapsed:n,children:r,animation:o,onCollapseTransitionEnd:i,className:l,disableSSRStyle:s}=e;const p=(0,a.useRef)(null);return c({collapsibleRef:p,collapsed:n,animation:o}),a.createElement(t,{ref:p,style:s?void 0:d(n),onTransitionEnd:e=>{"height"===e.propertyName&&(u(p.current,n),i?.(n))},className:l},r)}function f(e){let{collapsed:t,...n}=e;const[o,i]=(0,a.useState)(!t),[l,s]=(0,a.useState)(t);return(0,a.useLayoutEffect)((()=>{t||i(!0)}),[t]),(0,a.useLayoutEffect)((()=>{o&&s(t)}),[o,t]),o?a.createElement(p,(0,r.Z)({},n,{collapsed:l})):null}function m(e){let{lazy:t,...n}=e;const r=t?f:p;return a.createElement(r,n)}},9061:(e,t,n)=>{"use strict";n.d(t,{nT:()=>m,pl:()=>f});var r=n(7294),a=n(5730),o=n(9200),i=n(3478),l=n(6793);const s=(0,o.WA)("docusaurus.announcement.dismiss"),u=(0,o.WA)("docusaurus.announcement.id"),c=()=>"true"===s.get(),d=e=>s.set(String(e)),p=r.createContext(null);function f(e){let{children:t}=e;const n=function(){const{announcementBar:e}=(0,l.L)(),t=(0,a.Z)(),[n,o]=(0,r.useState)((()=>!!t&&c()));(0,r.useEffect)((()=>{o(c())}),[]);const i=(0,r.useCallback)((()=>{d(!0),o(!0)}),[]);return(0,r.useEffect)((()=>{if(!e)return;const{id:t}=e;let n=u.get();"annoucement-bar"===n&&(n="announcement-bar");const r=t!==n;u.set(t),r&&d(!1),!r&&c()||o(!1)}),[e]),(0,r.useMemo)((()=>({isActive:!!e&&!n,close:i})),[e,n,i])}();return r.createElement(p.Provider,{value:n},t)}function m(){const e=(0,r.useContext)(p);if(!e)throw new i.i6("AnnouncementBarProvider");return e}},524:(e,t,n)=>{"use strict";n.d(t,{I:()=>h,S:()=>g});var r=n(7294),a=n(9901),o=n(3478),i=n(9200),l=n(6793);const s=r.createContext(void 0),u="theme",c=(0,i.WA)(u),d="light",p="dark",f=e=>e===p?p:d;function m(){const{colorMode:{defaultMode:e,disableSwitch:t,respectPrefersColorScheme:n}}=(0,l.L)(),[o,i]=(0,r.useState)((e=>a.Z.canUseDOM?f(document.documentElement.getAttribute("data-theme")):f(e))(e));(0,r.useEffect)((()=>{t&&c.del()}),[t]);const s=(0,r.useCallback)((function(t,r){void 0===r&&(r={});const{persist:a=!0}=r;t?(i(t),a&&(e=>{c.set(f(e))})(t)):(i(n?window.matchMedia("(prefers-color-scheme: dark)").matches?p:d:e),c.del())}),[n,e]);(0,r.useEffect)((()=>{document.documentElement.setAttribute("data-theme",f(o))}),[o]),(0,r.useEffect)((()=>{if(t)return;const e=e=>{if(e.key!==u)return;const t=c.get();null!==t&&s(f(t))};return window.addEventListener("storage",e),()=>window.removeEventListener("storage",e)}),[t,s]);const m=(0,r.useRef)(!1);return(0,r.useEffect)((()=>{if(t&&!n)return;const e=window.matchMedia("(prefers-color-scheme: dark)"),r=()=>{window.matchMedia("print").matches||m.current?m.current=window.matchMedia("print").matches:s(null)};return e.addListener(r),()=>e.removeListener(r)}),[s,t,n]),(0,r.useMemo)((()=>({colorMode:o,setColorMode:s,get isDarkTheme(){return o===p},setLightTheme(){s(d)},setDarkTheme(){s(p)}})),[o,s])}function g(e){let{children:t}=e;const n=m();return r.createElement(s.Provider,{value:n},t)}function h(){const e=(0,r.useContext)(s);if(null==e)throw new o.i6("ColorModeProvider","Please see https://docusaurus.io/docs/api/themes/configuration#use-color-mode.");return e}},4049:(e,t,n)=>{"use strict";n.d(t,{J:()=>y,L5:()=>b});var r=n(7294),a=n(4452),o=n(280),i=n(6793),l=n(1976),s=n(3478),u=n(9200);const c=e=>`docs-preferred-version-${e}`,d=(e,t,n)=>{(0,u.WA)(c(e),{persistence:t}).set(n)},p=(e,t)=>(0,u.WA)(c(e),{persistence:t}).get(),f=(e,t)=>{(0,u.WA)(c(e),{persistence:t}).del()};const m=r.createContext(null);function g(){const e=(0,a._r)(),t=(0,i.L)().docs.versionPersistence,n=(0,r.useMemo)((()=>Object.keys(e)),[e]),[o,l]=(0,r.useState)((()=>(e=>Object.fromEntries(e.map((e=>[e,{preferredVersionName:null}]))))(n)));(0,r.useEffect)((()=>{l(function(e){let{pluginIds:t,versionPersistence:n,allDocsData:r}=e;function a(e){const t=p(e,n);return r[e].versions.some((e=>e.name===t))?{preferredVersionName:t}:(f(e,n),{preferredVersionName:null})}return Object.fromEntries(t.map((e=>[e,a(e)])))}({allDocsData:e,versionPersistence:t,pluginIds:n}))}),[e,t,n]);return[o,(0,r.useMemo)((()=>({savePreferredVersion:function(e,n){d(e,t,n),l((t=>({...t,[e]:{preferredVersionName:n}})))}})),[t])]}function h(e){let{children:t}=e;const n=g();return r.createElement(m.Provider,{value:n},t)}function b(e){let{children:t}=e;return l.cE?r.createElement(h,null,t):r.createElement(r.Fragment,null,t)}function v(){const e=(0,r.useContext)(m);if(!e)throw new s.i6("DocsPreferredVersionContextProvider");return e}function y(e){void 0===e&&(e=o.m);const t=(0,a.zh)(e),[n,i]=v(),{preferredVersionName:l}=n[e];return{preferredVersion:t.versions.find((e=>e.name===l))??null,savePreferredVersionName:(0,r.useCallback)((t=>{i.savePreferredVersion(e,t)}),[i,e])}}},3:(e,t,n)=>{"use strict";n.d(t,{V:()=>s,b:()=>l});var r=n(7294),a=n(3478);const o=Symbol("EmptyContext"),i=r.createContext(o);function l(e){let{children:t,name:n,items:a}=e;const o=(0,r.useMemo)((()=>n&&a?{name:n,items:a}:null),[n,a]);return r.createElement(i.Provider,{value:o},t)}function s(){const e=(0,r.useContext)(i);if(e===o)throw new a.i6("DocsSidebarProvider");return e}},6141:(e,t,n)=>{"use strict";n.d(t,{E:()=>l,q:()=>i});var r=n(7294),a=n(3478);const o=r.createContext(null);function i(e){let{children:t,version:n}=e;return r.createElement(o.Provider,{value:n},t)}function l(){const e=(0,r.useContext)(o);if(null===e)throw new a.i6("DocsVersionProvider");return e}},7743:(e,t,n)=>{"use strict";n.d(t,{M:()=>p,e:()=>f});var r=n(7294),a=n(2306),o=n(4980),i=n(6550),l=(n(1688),n(3478));function s(e){!function(e){const t=(0,i.k6)(),n=(0,l.zX)(e);(0,r.useEffect)((()=>t.block(((e,t)=>n(e,t)))),[t,n])}(((t,n)=>{if("POP"===n)return e(t,n)}))}var u=n(6793);const c=r.createContext(void 0);function d(){const e=function(){const e=(0,a.HY)(),{items:t}=(0,u.L)().navbar;return 0===t.length&&!e.component}(),t=(0,o.i)(),n=!e&&"mobile"===t,[i,l]=(0,r.useState)(!1);s((()=>{if(i)return l(!1),!1}));const c=(0,r.useCallback)((()=>{l((e=>!e))}),[]);return(0,r.useEffect)((()=>{"desktop"===t&&l(!1)}),[t]),(0,r.useMemo)((()=>({disabled:e,shouldRender:n,toggle:c,shown:i})),[e,n,c,i])}function p(e){let{children:t}=e;const n=d();return r.createElement(c.Provider,{value:n},t)}function f(){const e=r.useContext(c);if(void 0===e)throw new l.i6("NavbarMobileSidebarProvider");return e}},2306:(e,t,n)=>{"use strict";n.d(t,{HY:()=>l,Zo:()=>s,n2:()=>i});var r=n(7294),a=n(3478);const o=r.createContext(null);function i(e){let{children:t}=e;const n=(0,r.useState)({component:null,props:null});return r.createElement(o.Provider,{value:n},t)}function l(){const e=(0,r.useContext)(o);if(!e)throw new a.i6("NavbarSecondaryMenuContentProvider");return e[0]}function s(e){let{component:t,props:n}=e;const i=(0,r.useContext)(o);if(!i)throw new a.i6("NavbarSecondaryMenuContentProvider");const[,l]=i,s=(0,a.Ql)(n);return(0,r.useEffect)((()=>{l({component:t,props:s})}),[l,t,s]),(0,r.useEffect)((()=>()=>l({component:null,props:null})),[l]),null}},2768:(e,t,n)=>{"use strict";n.d(t,{h:()=>a,t:()=>o});var r=n(7294);const a="navigation-with-keyboard";function o(){(0,r.useEffect)((()=>{function e(e){"keydown"===e.type&&"Tab"===e.key&&document.body.classList.add(a),"mousedown"===e.type&&document.body.classList.remove(a)}return document.addEventListener("keydown",e),document.addEventListener("mousedown",e),()=>{document.body.classList.remove(a),document.removeEventListener("keydown",e),document.removeEventListener("mousedown",e)}}),[])}},4980:(e,t,n)=>{"use strict";n.d(t,{i:()=>u});var r=n(7294),a=n(9901);const o="desktop",i="mobile",l="ssr";function s(){return a.Z.canUseDOM?window.innerWidth>996?o:i:l}function u(){const[e,t]=(0,r.useState)((()=>s()));return(0,r.useEffect)((()=>{function e(){t(s())}return window.addEventListener("resize",e),()=>{window.removeEventListener("resize",e),clearTimeout(undefined)}}),[]),e}},8015:(e,t,n)=>{"use strict";n.d(t,{k:()=>r});const r={page:{blogListPage:"blog-list-page",blogPostPage:"blog-post-page",blogTagsListPage:"blog-tags-list-page",blogTagPostListPage:"blog-tags-post-list-page",docsDocPage:"docs-doc-page",docsTagsListPage:"docs-tags-list-page",docsTagDocListPage:"docs-tags-doc-list-page",mdxPage:"mdx-page"},wrapper:{main:"main-wrapper",blogPages:"blog-wrapper",docsPages:"docs-wrapper",mdxPages:"mdx-wrapper"},common:{editThisPage:"theme-edit-this-page",lastUpdated:"theme-last-updated",backToTopButton:"theme-back-to-top-button",codeBlock:"theme-code-block",admonition:"theme-admonition",admonitionType:e=>`theme-admonition-${e}`},layout:{},docs:{docVersionBanner:"theme-doc-version-banner",docVersionBadge:"theme-doc-version-badge",docBreadcrumbs:"theme-doc-breadcrumbs",docMarkdown:"theme-doc-markdown",docTocMobile:"theme-doc-toc-mobile",docTocDesktop:"theme-doc-toc-desktop",docFooter:"theme-doc-footer",docFooterTagsRow:"theme-doc-footer-tags-row",docFooterEditMetaRow:"theme-doc-footer-edit-meta-row",docSidebarContainer:"theme-doc-sidebar-container",docSidebarMenu:"theme-doc-sidebar-menu",docSidebarItemCategory:"theme-doc-sidebar-item-category",docSidebarItemLink:"theme-doc-sidebar-item-link",docSidebarItemCategoryLevel:e=>`theme-doc-sidebar-item-category-level-${e}`,docSidebarItemLinkLevel:e=>`theme-doc-sidebar-item-link-level-${e}`},blog:{}}},1976:(e,t,n)=>{"use strict";n.d(t,{MN:()=>T,Wl:()=>m,_F:()=>b,cE:()=>p,jA:()=>g,xz:()=>f,hI:()=>S,lO:()=>w,vY:()=>E,oz:()=>k,s1:()=>y});var r=n(7294),a=n(6550),o=n(8790),i=n(4452),l=n(4049),s=n(6141),u=n(3);function c(e){return Array.from(new Set(e))}var d=n(8407);const p=!!i._r;function f(e){const t=(0,s.E)();if(!e)return;const n=t.docs[e];if(!n)throw new Error(`no version doc found by id=${e}`);return n}function m(e){if(e.href)return e.href;for(const t of e.items){if("link"===t.type)return t.href;if("category"===t.type){const e=m(t);if(e)return e}}}function g(){const{pathname:e}=(0,a.TH)(),t=(0,u.V)();if(!t)throw new Error("Unexpected: cant find current sidebar in context");const n=v({sidebarItems:t.items,pathname:e,onlyCategories:!0}).slice(-1)[0];if(!n)throw new Error(`${e} is not associated with a category. useCurrentSidebarCategory() should only be used on category index pages.`);return n}const h=(e,t)=>void 0!==e&&(0,d.Mg)(e,t);function b(e,t){return"link"===e.type?h(e.href,t):"category"===e.type&&(h(e.href,t)||((e,t)=>e.some((e=>b(e,t))))(e.items,t))}function v(e){let{sidebarItems:t,pathname:n,onlyCategories:r=!1}=e;const a=[];return function e(t){for(const o of t)if("category"===o.type&&((0,d.Mg)(o.href,n)||e(o.items))||"link"===o.type&&(0,d.Mg)(o.href,n)){return r&&"category"!==o.type||a.unshift(o),!0}return!1}(t),a}function y(){const e=(0,u.V)(),{pathname:t}=(0,a.TH)(),n=(0,i.gA)()?.pluginData.breadcrumbs;return!1!==n&&e?v({sidebarItems:e.items,pathname:t}):null}function w(e){const{activeVersion:t}=(0,i.Iw)(e),{preferredVersion:n}=(0,l.J)(e),a=(0,i.yW)(e);return(0,r.useMemo)((()=>c([t,n,a].filter(Boolean))),[t,n,a])}function k(e,t){const n=w(t);return(0,r.useMemo)((()=>{const t=n.flatMap((e=>e.sidebars?Object.entries(e.sidebars):[])),r=t.find((t=>t[0]===e));if(!r)throw new Error(`Can't find any sidebar with id "${e}" in version${n.length>1?"s":""} ${n.map((e=>e.name)).join(", ")}".\n Available sidebar ids are:\n - ${Object.keys(t).join("\n- ")}`);return r[1]}),[e,n])}function E(e,t){const n=w(t);return(0,r.useMemo)((()=>{const t=n.flatMap((e=>e.docs)),r=t.find((t=>t.id===e));if(!r){if(n.flatMap((e=>e.draftIds)).includes(e))return null;throw new Error(`DocNavbarItem: couldn't find any doc with id "${e}" in version${n.length>1?"s":""} ${n.map((e=>e.name)).join(", ")}".\nAvailable doc ids are:\n- ${c(t.map((e=>e.id))).join("\n- ")}`)}return r}),[e,n])}function S(e){let{route:t,versionMetadata:n}=e;const r=(0,a.TH)(),i=t.routes,l=i.find((e=>(0,a.LX)(r.pathname,e)));if(!l)return null;const s=l.sidebar,u=s?n.docsSidebars[s]:void 0;return{docElement:(0,o.H)(i),sidebarName:s,sidebarItems:u}}function T(e){return e.filter((e=>"category"!==e.type||!!m(e)))}},6742:(e,t,n)=>{"use strict";n.d(t,{FG:()=>p,d:()=>c,VC:()=>f});var r=n(7294),a=n(6010),o=n(2411),i=n(6041);function l(){const e=r.useContext(i._);if(!e)throw new Error("Unexpected: no Docusaurus route context found");return e}var s=n(1402),u=n(6832);function c(e){let{title:t,description:n,keywords:a,image:i,children:l}=e;const c=function(e){const{siteConfig:t}=(0,u.Z)(),{title:n,titleDelimiter:r}=t;return e?.trim().length?`${e.trim()} ${r} ${n}`:n}(t),{withBaseUrl:d}=(0,s.C)(),p=i?d(i,{absolute:!0}):void 0;return r.createElement(o.Z,null,t&&r.createElement("title",null,c),t&&r.createElement("meta",{property:"og:title",content:c}),n&&r.createElement("meta",{name:"description",content:n}),n&&r.createElement("meta",{property:"og:description",content:n}),a&&r.createElement("meta",{name:"keywords",content:Array.isArray(a)?a.join(","):a}),p&&r.createElement("meta",{property:"og:image",content:p}),p&&r.createElement("meta",{name:"twitter:image",content:p}),l)}const d=r.createContext(void 0);function p(e){let{className:t,children:n}=e;const i=r.useContext(d),l=(0,a.Z)(i,t);return r.createElement(d.Provider,{value:l},r.createElement(o.Z,null,r.createElement("html",{className:l})),n)}function f(e){let{children:t}=e;const n=l(),o=`plugin-${n.plugin.name.replace(/docusaurus-(?:plugin|theme)-(?:content-)?/gi,"")}`;const i=`plugin-id-${n.plugin.id}`;return r.createElement(p,{className:(0,a.Z)(o,i)},t)}},3478:(e,t,n)=>{"use strict";n.d(t,{D9:()=>i,Qc:()=>u,Ql:()=>s,i6:()=>l,zX:()=>o});var r=n(7294);const a=n(9901).Z.canUseDOM?r.useLayoutEffect:r.useEffect;function o(e){const t=(0,r.useRef)(e);return a((()=>{t.current=e}),[e]),(0,r.useCallback)((function(){return t.current(...arguments)}),[])}function i(e){const t=(0,r.useRef)();return a((()=>{t.current=e})),t.current}class l extends Error{constructor(e,t){super(),this.name="ReactContextError",this.message=`Hook ${this.stack?.split("\n")[1]?.match(/at (?:\w+\.)?(?\w+)/)?.groups.name??""} is called outside the <${e}>. ${t??""}`}}function s(e){const t=Object.entries(e);return t.sort(((e,t)=>e[0].localeCompare(t[0]))),(0,r.useMemo)((()=>e),t.flat())}function u(e){return t=>{let{children:n}=t;return r.createElement(r.Fragment,null,e.reduceRight(((e,t)=>r.createElement(t,null,e)),n))}}},8407:(e,t,n)=>{"use strict";n.d(t,{Mg:()=>i,Ns:()=>l});var r=n(7294),a=n(1204),o=n(6832);function i(e,t){const n=e=>(!e||e.endsWith("/")?e:`${e}/`)?.toLowerCase();return n(e)===n(t)}function l(){const{baseUrl:e}=(0,o.Z)().siteConfig;return(0,r.useMemo)((()=>function(e){let{baseUrl:t,routes:n}=e;function r(e){return e.path===t&&!0===e.exact}function a(e){return e.path===t&&!e.exact}return function e(t){if(0===t.length)return;return t.find(r)||e(t.filter(a).flatMap((e=>e.routes??[])))}(n)}({routes:a.Z,baseUrl:e})),[e])}},3735:(e,t,n)=>{"use strict";n.d(t,{Ct:()=>p,OC:()=>s,RF:()=>d});var r=n(7294),a=n(9901),o=n(5730),i=n(3478);const l=r.createContext(void 0);function s(e){let{children:t}=e;const n=function(){const e=(0,r.useRef)(!0);return(0,r.useMemo)((()=>({scrollEventsEnabledRef:e,enableScrollEvents:()=>{e.current=!0},disableScrollEvents:()=>{e.current=!1}})),[])}();return r.createElement(l.Provider,{value:n},t)}function u(){const e=(0,r.useContext)(l);if(null==e)throw new i.i6("ScrollControllerProvider");return e}const c=()=>a.Z.canUseDOM?{scrollX:window.pageXOffset,scrollY:window.pageYOffset}:null;function d(e,t){void 0===t&&(t=[]);const{scrollEventsEnabledRef:n}=u(),a=(0,r.useRef)(c()),o=(0,i.zX)(e);(0,r.useEffect)((()=>{const e=()=>{if(!n.current)return;const e=c();o(e,a.current),a.current=e},t={passive:!0};return e(),window.addEventListener("scroll",e,t),()=>window.removeEventListener("scroll",e,t)}),[o,n,...t])}function p(){const e=(0,r.useRef)(null),t=(0,o.Z)()&&"smooth"===getComputedStyle(document.documentElement).scrollBehavior;return{startScroll:n=>{e.current=t?function(e){return window.scrollTo({top:e,behavior:"smooth"}),()=>{}}(n):function(e){let t=null;const n=document.documentElement.scrollTop>e;return function r(){const a=document.documentElement.scrollTop;(n&&a>e||!n&&at&&cancelAnimationFrame(t)}(n)},cancelScroll:()=>e.current?.()}}},9105:(e,t,n)=>{"use strict";n.d(t,{HX:()=>r,os:()=>a});n(6832);const r="default";function a(e,t){return`docs-${e}-${t}`}},9200:(e,t,n)=>{"use strict";n.d(t,{WA:()=>s});n(7294),n(1688);const r="localStorage";function a(e){let{key:t,oldValue:n,newValue:r,storage:a}=e;if(n===r)return;const o=document.createEvent("StorageEvent");o.initStorageEvent("storage",!1,!1,t,n,r,window.location.href,a),window.dispatchEvent(o)}function o(e){if(void 0===e&&(e=r),"undefined"==typeof window)throw new Error("Browser storage is not available on Node.js/Docusaurus SSR process.");if("none"===e)return null;try{return window[e]}catch(n){return t=n,i||(console.warn("Docusaurus browser storage is not available.\nPossible reasons: running Docusaurus in an iframe, in an incognito browser session, or using too strict browser privacy settings.",t),i=!0),null}var t}let i=!1;const l={get:()=>null,set:()=>{},del:()=>{},listen:()=>()=>{}};function s(e,t){if("undefined"==typeof window)return function(e){function t(){throw new Error(`Illegal storage API usage for storage key "${e}".\nDocusaurus storage APIs are not supposed to be called on the server-rendering process.\nPlease only call storage APIs in effects and event handlers.`)}return{get:t,set:t,del:t,listen:t}}(e);const n=o(t?.persistence);return null===n?l:{get:()=>{try{return n.getItem(e)}catch(t){return console.error(`Docusaurus storage error, can't get key=${e}`,t),null}},set:t=>{try{const r=n.getItem(e);n.setItem(e,t),a({key:e,oldValue:r,newValue:t,storage:n})}catch(r){console.error(`Docusaurus storage error, can't set ${e}=${t}`,r)}},del:()=>{try{const t=n.getItem(e);n.removeItem(e),a({key:e,oldValue:t,newValue:null,storage:n})}catch(t){console.error(`Docusaurus storage error, can't delete key=${e}`,t)}},listen:t=>{try{const r=r=>{r.storageArea===n&&r.key===e&&t(r)};return window.addEventListener("storage",r),()=>window.removeEventListener("storage",r)}catch(r){return console.error(`Docusaurus storage error, can't listen for changes of key=${e}`,r),()=>{}}}}}},3156:(e,t,n)=>{"use strict";n.d(t,{l:()=>o});var r=n(6832),a=n(6550);function o(){const{siteConfig:{baseUrl:e,url:t},i18n:{defaultLocale:n,currentLocale:o}}=(0,r.Z)(),{pathname:i}=(0,a.TH)(),l=o===n?e:e.replace(`/${o}/`,"/"),s=i.replace(e,"");return{createUrl:function(e){let{locale:r,fullyQualified:a}=e;return`${a?t:""}${function(e){return e===n?`${l}`:`${l}${e}/`}(r)}${s}`}}}},8265:(e,t,n)=>{"use strict";n.d(t,{S:()=>i});var r=n(7294),a=n(6550),o=n(3478);function i(e){const t=(0,a.TH)(),n=(0,o.D9)(t),i=(0,o.zX)(e);(0,r.useEffect)((()=>{n&&t!==n&&i({location:t,previousLocation:n})}),[i,t,n])}},6793:(e,t,n)=>{"use strict";n.d(t,{L:()=>a});var r=n(6832);function a(){return(0,r.Z)().siteConfig.themeConfig}},4357:(e,t)=>{"use strict";Object.defineProperty(t,"__esModule",{value:!0}),t.default=function(e,t){const{trailingSlash:n,baseUrl:r}=t;if(e.startsWith("#"))return e;if(void 0===n)return e;const[a]=e.split(/[#?]/),o="/"===a||a===r?a:(i=a,n?function(e){return e.endsWith("/")?e:`${e}/`}(i):function(e){return e.endsWith("/")?e.slice(0,-1):e}(i));var i;return e.replace(a,o)}},9861:function(e,t,n){"use strict";var r=this&&this.__importDefault||function(e){return e&&e.__esModule?e:{default:e}};Object.defineProperty(t,"__esModule",{value:!0}),t.applyTrailingSlash=t.blogPostContainerID=void 0,t.blogPostContainerID="post-content";var a=n(4357);Object.defineProperty(t,"applyTrailingSlash",{enumerable:!0,get:function(){return r(a).default}})},6010:(e,t,n)=>{"use strict";function r(e){var t,n,a="";if("string"==typeof e||"number"==typeof e)a+=e;else if("object"==typeof e)if(Array.isArray(e))for(t=0;ta});const a=function(){for(var e,t,n=0,a="";n{"use strict";n.d(t,{lX:()=>w,q_:()=>C,ob:()=>f,PP:()=>P,Ep:()=>p});var r=n(7462);function a(e){return"/"===e.charAt(0)}function o(e,t){for(var n=t,r=n+1,a=e.length;r=0;p--){var f=i[p];"."===f?o(i,p):".."===f?(o(i,p),d++):d&&(o(i,p),d--)}if(!u)for(;d--;d)i.unshift("..");!u||""===i[0]||i[0]&&a(i[0])||i.unshift("");var m=i.join("/");return n&&"/"!==m.substr(-1)&&(m+="/"),m};var l=n(8776);function s(e){return"/"===e.charAt(0)?e:"/"+e}function u(e){return"/"===e.charAt(0)?e.substr(1):e}function c(e,t){return function(e,t){return 0===e.toLowerCase().indexOf(t.toLowerCase())&&-1!=="/?#".indexOf(e.charAt(t.length))}(e,t)?e.substr(t.length):e}function d(e){return"/"===e.charAt(e.length-1)?e.slice(0,-1):e}function p(e){var t=e.pathname,n=e.search,r=e.hash,a=t||"/";return n&&"?"!==n&&(a+="?"===n.charAt(0)?n:"?"+n),r&&"#"!==r&&(a+="#"===r.charAt(0)?r:"#"+r),a}function f(e,t,n,a){var o;"string"==typeof e?(o=function(e){var t=e||"/",n="",r="",a=t.indexOf("#");-1!==a&&(r=t.substr(a),t=t.substr(0,a));var o=t.indexOf("?");return-1!==o&&(n=t.substr(o),t=t.substr(0,o)),{pathname:t,search:"?"===n?"":n,hash:"#"===r?"":r}}(e),o.state=t):(void 0===(o=(0,r.Z)({},e)).pathname&&(o.pathname=""),o.search?"?"!==o.search.charAt(0)&&(o.search="?"+o.search):o.search="",o.hash?"#"!==o.hash.charAt(0)&&(o.hash="#"+o.hash):o.hash="",void 0!==t&&void 0===o.state&&(o.state=t));try{o.pathname=decodeURI(o.pathname)}catch(l){throw l instanceof URIError?new URIError('Pathname "'+o.pathname+'" could not be decoded. This is likely caused by an invalid percent-encoding.'):l}return n&&(o.key=n),a?o.pathname?"/"!==o.pathname.charAt(0)&&(o.pathname=i(o.pathname,a.pathname)):o.pathname=a.pathname:o.pathname||(o.pathname="/"),o}function m(){var e=null;var t=[];return{setPrompt:function(t){return e=t,function(){e===t&&(e=null)}},confirmTransitionTo:function(t,n,r,a){if(null!=e){var o="function"==typeof e?e(t,n):e;"string"==typeof o?"function"==typeof r?r(o,a):a(!0):a(!1!==o)}else a(!0)},appendListener:function(e){var n=!0;function r(){n&&e.apply(void 0,arguments)}return t.push(r),function(){n=!1,t=t.filter((function(e){return e!==r}))}},notifyListeners:function(){for(var e=arguments.length,n=new Array(e),r=0;rt?n.splice(t,n.length-t,a):n.push(a),d({action:r,location:a,index:t,entries:n})}}))},replace:function(e,t){var r="REPLACE",a=f(e,t,g(),w.location);c.confirmTransitionTo(a,r,n,(function(e){e&&(w.entries[w.index]=a,d({action:r,location:a}))}))},go:y,goBack:function(){y(-1)},goForward:function(){y(1)},canGo:function(e){var t=w.index+e;return t>=0&&t{"use strict";var r=n(9864),a={childContextTypes:!0,contextType:!0,contextTypes:!0,defaultProps:!0,displayName:!0,getDefaultProps:!0,getDerivedStateFromError:!0,getDerivedStateFromProps:!0,mixins:!0,propTypes:!0,type:!0},o={name:!0,length:!0,prototype:!0,caller:!0,callee:!0,arguments:!0,arity:!0},i={$$typeof:!0,compare:!0,defaultProps:!0,displayName:!0,propTypes:!0,type:!0},l={};function s(e){return r.isMemo(e)?i:l[e.$$typeof]||a}l[r.ForwardRef]={$$typeof:!0,render:!0,defaultProps:!0,displayName:!0,propTypes:!0},l[r.Memo]=i;var u=Object.defineProperty,c=Object.getOwnPropertyNames,d=Object.getOwnPropertySymbols,p=Object.getOwnPropertyDescriptor,f=Object.getPrototypeOf,m=Object.prototype;e.exports=function e(t,n,r){if("string"!=typeof n){if(m){var a=f(n);a&&a!==m&&e(t,a,r)}var i=c(n);d&&(i=i.concat(d(n)));for(var l=s(t),g=s(n),h=0;h{"use strict";e.exports=function(e,t,n,r,a,o,i,l){if(!e){var s;if(void 0===t)s=new Error("Minified exception occurred; use the non-minified dev environment for the full error message and additional helpful warnings.");else{var u=[n,r,a,o,i,l],c=0;(s=new Error(t.replace(/%s/g,(function(){return u[c++]})))).name="Invariant Violation"}throw s.framesToPop=1,s}}},5826:e=>{e.exports=Array.isArray||function(e){return"[object Array]"==Object.prototype.toString.call(e)}},2497:(e,t,n)=>{"use strict";n.r(t)},2295:(e,t,n)=>{"use strict";n.r(t)},4865:function(e,t,n){var r,a;r=function(){var e,t,n={version:"0.2.0"},r=n.settings={minimum:.08,easing:"ease",positionUsing:"",speed:200,trickle:!0,trickleRate:.02,trickleSpeed:800,showSpinner:!0,barSelector:'[role="bar"]',spinnerSelector:'[role="spinner"]',parent:"body",template:'
    '};function a(e,t,n){return en?n:e}function o(e){return 100*(-1+e)}function i(e,t,n){var a;return(a="translate3d"===r.positionUsing?{transform:"translate3d("+o(e)+"%,0,0)"}:"translate"===r.positionUsing?{transform:"translate("+o(e)+"%,0)"}:{"margin-left":o(e)+"%"}).transition="all "+t+"ms "+n,a}n.configure=function(e){var t,n;for(t in e)void 0!==(n=e[t])&&e.hasOwnProperty(t)&&(r[t]=n);return this},n.status=null,n.set=function(e){var t=n.isStarted();e=a(e,r.minimum,1),n.status=1===e?null:e;var o=n.render(!t),u=o.querySelector(r.barSelector),c=r.speed,d=r.easing;return o.offsetWidth,l((function(t){""===r.positionUsing&&(r.positionUsing=n.getPositioningCSS()),s(u,i(e,c,d)),1===e?(s(o,{transition:"none",opacity:1}),o.offsetWidth,setTimeout((function(){s(o,{transition:"all "+c+"ms linear",opacity:0}),setTimeout((function(){n.remove(),t()}),c)}),c)):setTimeout(t,c)})),this},n.isStarted=function(){return"number"==typeof n.status},n.start=function(){n.status||n.set(0);var e=function(){setTimeout((function(){n.status&&(n.trickle(),e())}),r.trickleSpeed)};return r.trickle&&e(),this},n.done=function(e){return e||n.status?n.inc(.3+.5*Math.random()).set(1):this},n.inc=function(e){var t=n.status;return t?("number"!=typeof e&&(e=(1-t)*a(Math.random()*t,.1,.95)),t=a(t+e,0,.994),n.set(t)):n.start()},n.trickle=function(){return n.inc(Math.random()*r.trickleRate)},e=0,t=0,n.promise=function(r){return r&&"resolved"!==r.state()?(0===t&&n.start(),e++,t++,r.always((function(){0==--t?(e=0,n.done()):n.set((e-t)/e)})),this):this},n.render=function(e){if(n.isRendered())return document.getElementById("nprogress");c(document.documentElement,"nprogress-busy");var t=document.createElement("div");t.id="nprogress",t.innerHTML=r.template;var a,i=t.querySelector(r.barSelector),l=e?"-100":o(n.status||0),u=document.querySelector(r.parent);return s(i,{transition:"all 0 linear",transform:"translate3d("+l+"%,0,0)"}),r.showSpinner||(a=t.querySelector(r.spinnerSelector))&&f(a),u!=document.body&&c(u,"nprogress-custom-parent"),u.appendChild(t),t},n.remove=function(){d(document.documentElement,"nprogress-busy"),d(document.querySelector(r.parent),"nprogress-custom-parent");var e=document.getElementById("nprogress");e&&f(e)},n.isRendered=function(){return!!document.getElementById("nprogress")},n.getPositioningCSS=function(){var e=document.body.style,t="WebkitTransform"in e?"Webkit":"MozTransform"in e?"Moz":"msTransform"in e?"ms":"OTransform"in e?"O":"";return t+"Perspective"in e?"translate3d":t+"Transform"in e?"translate":"margin"};var l=function(){var e=[];function t(){var n=e.shift();n&&n(t)}return function(n){e.push(n),1==e.length&&t()}}(),s=function(){var e=["Webkit","O","Moz","ms"],t={};function n(e){return e.replace(/^-ms-/,"ms-").replace(/-([\da-z])/gi,(function(e,t){return t.toUpperCase()}))}function r(t){var n=document.body.style;if(t in n)return t;for(var r,a=e.length,o=t.charAt(0).toUpperCase()+t.slice(1);a--;)if((r=e[a]+o)in n)return r;return t}function a(e){return e=n(e),t[e]||(t[e]=r(e))}function o(e,t,n){t=a(t),e.style[t]=n}return function(e,t){var n,r,a=arguments;if(2==a.length)for(n in t)void 0!==(r=t[n])&&t.hasOwnProperty(n)&&o(e,n,r);else o(e,a[1],a[2])}}();function u(e,t){return("string"==typeof e?e:p(e)).indexOf(" "+t+" ")>=0}function c(e,t){var n=p(e),r=n+t;u(n,t)||(e.className=r.substring(1))}function d(e,t){var n,r=p(e);u(e,t)&&(n=r.replace(" "+t+" "," "),e.className=n.substring(1,n.length-1))}function p(e){return(" "+(e.className||"")+" ").replace(/\s+/gi," ")}function f(e){e&&e.parentNode&&e.parentNode.removeChild(e)}return n},void 0===(a="function"==typeof r?r.call(t,n,t,e):r)||(e.exports=a)},7418:e=>{"use strict";var t=Object.getOwnPropertySymbols,n=Object.prototype.hasOwnProperty,r=Object.prototype.propertyIsEnumerable;function a(e){if(null==e)throw new TypeError("Object.assign cannot be called with null or undefined");return Object(e)}e.exports=function(){try{if(!Object.assign)return!1;var e=new String("abc");if(e[5]="de","5"===Object.getOwnPropertyNames(e)[0])return!1;for(var t={},n=0;n<10;n++)t["_"+String.fromCharCode(n)]=n;if("0123456789"!==Object.getOwnPropertyNames(t).map((function(e){return t[e]})).join(""))return!1;var r={};return"abcdefghijklmnopqrst".split("").forEach((function(e){r[e]=e})),"abcdefghijklmnopqrst"===Object.keys(Object.assign({},r)).join("")}catch(a){return!1}}()?Object.assign:function(e,o){for(var i,l,s=a(e),u=1;u{var r=n(5826);e.exports=f,e.exports.parse=o,e.exports.compile=function(e,t){return l(o(e,t),t)},e.exports.tokensToFunction=l,e.exports.tokensToRegExp=p;var a=new RegExp(["(\\\\.)","([\\/.])?(?:(?:\\:(\\w+)(?:\\(((?:\\\\.|[^\\\\()])+)\\))?|\\(((?:\\\\.|[^\\\\()])+)\\))([+*?])?|(\\*))"].join("|"),"g");function o(e,t){for(var n,r=[],o=0,i=0,l="",c=t&&t.delimiter||"/";null!=(n=a.exec(e));){var d=n[0],p=n[1],f=n.index;if(l+=e.slice(i,f),i=f+d.length,p)l+=p[1];else{var m=e[i],g=n[2],h=n[3],b=n[4],v=n[5],y=n[6],w=n[7];l&&(r.push(l),l="");var k=null!=g&&null!=m&&m!==g,E="+"===y||"*"===y,S="?"===y||"*"===y,T=n[2]||c,x=b||v;r.push({name:h||o++,prefix:g||"",delimiter:T,optional:S,repeat:E,partial:k,asterisk:!!w,pattern:x?u(x):w?".*":"[^"+s(T)+"]+?"})}}return i{"use strict";n.d(t,{Z:()=>o});var r=function(){var e=/(?:^|\s)lang(?:uage)?-([\w-]+)(?=\s|$)/i,t=0,n={},r={util:{encode:function e(t){return t instanceof a?new a(t.type,e(t.content),t.alias):Array.isArray(t)?t.map(e):t.replace(/&/g,"&").replace(/=d.reach);S+=E.value.length,E=E.next){var T=E.value;if(t.length>e.length)return;if(!(T instanceof a)){var x,C=1;if(v){if(!(x=o(k,S,e,b))||x.index>=e.length)break;var _=x.index,P=x.index+x[0].length,L=S;for(L+=E.value.length;_>=L;)L+=(E=E.next).value.length;if(S=L-=E.value.length,E.value instanceof a)continue;for(var A=E;A!==t.tail&&(Ld.reach&&(d.reach=I);var D=E.prev;if(N&&(D=s(t,D,N),S+=N.length),u(t,D,C),E=s(t,D,new a(p,h?r.tokenize(R,h):R,y,R)),O&&s(t,E,O),C>1){var M={cause:p+","+m,reach:I};i(e,t,n,E.prev,S,M),d&&M.reach>d.reach&&(d.reach=M.reach)}}}}}}function l(){var e={value:null,prev:null,next:null},t={value:null,prev:e,next:null};e.next=t,this.head=e,this.tail=t,this.length=0}function s(e,t,n){var r=t.next,a={value:n,prev:t,next:r};return t.next=a,r.prev=a,e.length++,a}function u(e,t,n){for(var r=t.next,a=0;a"+o.content+""},r}(),a=r;r.default=r,a.languages.markup={comment:{pattern://,greedy:!0},prolog:{pattern:/<\?[\s\S]+?\?>/,greedy:!0},doctype:{pattern:/"'[\]]|"[^"]*"|'[^']*')+(?:\[(?:[^<"'\]]|"[^"]*"|'[^']*'|<(?!!--)|)*\]\s*)?>/i,greedy:!0,inside:{"internal-subset":{pattern:/(^[^\[]*\[)[\s\S]+(?=\]>$)/,lookbehind:!0,greedy:!0,inside:null},string:{pattern:/"[^"]*"|'[^']*'/,greedy:!0},punctuation:/^$|[[\]]/,"doctype-tag":/^DOCTYPE/i,name:/[^\s<>'"]+/}},cdata:{pattern://i,greedy:!0},tag:{pattern:/<\/?(?!\d)[^\s>\/=$<%]+(?:\s(?:\s*[^\s>\/=]+(?:\s*=\s*(?:"[^"]*"|'[^']*'|[^\s'">=]+(?=[\s>]))|(?=[\s/>])))+)?\s*\/?>/,greedy:!0,inside:{tag:{pattern:/^<\/?[^\s>\/]+/,inside:{punctuation:/^<\/?/,namespace:/^[^\s>\/:]+:/}},"special-attr":[],"attr-value":{pattern:/=\s*(?:"[^"]*"|'[^']*'|[^\s'">=]+)/,inside:{punctuation:[{pattern:/^=/,alias:"attr-equals"},/"|'/]}},punctuation:/\/?>/,"attr-name":{pattern:/[^\s>\/]+/,inside:{namespace:/^[^\s>\/:]+:/}}}},entity:[{pattern:/&[\da-z]{1,8};/i,alias:"named-entity"},/&#x?[\da-f]{1,8};/i]},a.languages.markup.tag.inside["attr-value"].inside.entity=a.languages.markup.entity,a.languages.markup.doctype.inside["internal-subset"].inside=a.languages.markup,a.hooks.add("wrap",(function(e){"entity"===e.type&&(e.attributes.title=e.content.replace(/&/,"&"))})),Object.defineProperty(a.languages.markup.tag,"addInlined",{value:function(e,t){var n={};n["language-"+t]={pattern:/(^$)/i,lookbehind:!0,inside:a.languages[t]},n.cdata=/^$/i;var r={"included-cdata":{pattern://i,inside:n}};r["language-"+t]={pattern:/[\s\S]+/,inside:a.languages[t]};var o={};o[e]={pattern:RegExp(/(<__[^>]*>)(?:))*\]\]>|(?!)/.source.replace(/__/g,(function(){return e})),"i"),lookbehind:!0,greedy:!0,inside:r},a.languages.insertBefore("markup","cdata",o)}}),Object.defineProperty(a.languages.markup.tag,"addAttribute",{value:function(e,t){a.languages.markup.tag.inside["special-attr"].push({pattern:RegExp(/(^|["'\s])/.source+"(?:"+e+")"+/\s*=\s*(?:"[^"]*"|'[^']*'|[^\s'">=]+(?=[\s>]))/.source,"i"),lookbehind:!0,inside:{"attr-name":/^[^\s=]+/,"attr-value":{pattern:/=[\s\S]+/,inside:{value:{pattern:/(^=\s*(["']|(?!["'])))\S[\s\S]*(?=\2$)/,lookbehind:!0,alias:[t,"language-"+t],inside:a.languages[t]},punctuation:[{pattern:/^=/,alias:"attr-equals"},/"|'/]}}}})}}),a.languages.html=a.languages.markup,a.languages.mathml=a.languages.markup,a.languages.svg=a.languages.markup,a.languages.xml=a.languages.extend("markup",{}),a.languages.ssml=a.languages.xml,a.languages.atom=a.languages.xml,a.languages.rss=a.languages.xml,function(e){var t="\\b(?:BASH|BASHOPTS|BASH_ALIASES|BASH_ARGC|BASH_ARGV|BASH_CMDS|BASH_COMPLETION_COMPAT_DIR|BASH_LINENO|BASH_REMATCH|BASH_SOURCE|BASH_VERSINFO|BASH_VERSION|COLORTERM|COLUMNS|COMP_WORDBREAKS|DBUS_SESSION_BUS_ADDRESS|DEFAULTS_PATH|DESKTOP_SESSION|DIRSTACK|DISPLAY|EUID|GDMSESSION|GDM_LANG|GNOME_KEYRING_CONTROL|GNOME_KEYRING_PID|GPG_AGENT_INFO|GROUPS|HISTCONTROL|HISTFILE|HISTFILESIZE|HISTSIZE|HOME|HOSTNAME|HOSTTYPE|IFS|INSTANCE|JOB|LANG|LANGUAGE|LC_ADDRESS|LC_ALL|LC_IDENTIFICATION|LC_MEASUREMENT|LC_MONETARY|LC_NAME|LC_NUMERIC|LC_PAPER|LC_TELEPHONE|LC_TIME|LESSCLOSE|LESSOPEN|LINES|LOGNAME|LS_COLORS|MACHTYPE|MAILCHECK|MANDATORY_PATH|NO_AT_BRIDGE|OLDPWD|OPTERR|OPTIND|ORBIT_SOCKETDIR|OSTYPE|PAPERSIZE|PATH|PIPESTATUS|PPID|PS1|PS2|PS3|PS4|PWD|RANDOM|REPLY|SECONDS|SELINUX_INIT|SESSION|SESSIONTYPE|SESSION_MANAGER|SHELL|SHELLOPTS|SHLVL|SSH_AUTH_SOCK|TERM|UID|UPSTART_EVENTS|UPSTART_INSTANCE|UPSTART_JOB|UPSTART_SESSION|USER|WINDOWID|XAUTHORITY|XDG_CONFIG_DIRS|XDG_CURRENT_DESKTOP|XDG_DATA_DIRS|XDG_GREETER_DATA_DIR|XDG_MENU_PREFIX|XDG_RUNTIME_DIR|XDG_SEAT|XDG_SEAT_PATH|XDG_SESSION_DESKTOP|XDG_SESSION_ID|XDG_SESSION_PATH|XDG_SESSION_TYPE|XDG_VTNR|XMODIFIERS)\\b",n={pattern:/(^(["']?)\w+\2)[ \t]+\S.*/,lookbehind:!0,alias:"punctuation",inside:null},r={bash:n,environment:{pattern:RegExp("\\$"+t),alias:"constant"},variable:[{pattern:/\$?\(\([\s\S]+?\)\)/,greedy:!0,inside:{variable:[{pattern:/(^\$\(\([\s\S]+)\)\)/,lookbehind:!0},/^\$\(\(/],number:/\b0x[\dA-Fa-f]+\b|(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:[Ee]-?\d+)?/,operator:/--|\+\+|\*\*=?|<<=?|>>=?|&&|\|\||[=!+\-*/%<>^&|]=?|[?~:]/,punctuation:/\(\(?|\)\)?|,|;/}},{pattern:/\$\((?:\([^)]+\)|[^()])+\)|`[^`]+`/,greedy:!0,inside:{variable:/^\$\(|^`|\)$|`$/}},{pattern:/\$\{[^}]+\}/,greedy:!0,inside:{operator:/:[-=?+]?|[!\/]|##?|%%?|\^\^?|,,?/,punctuation:/[\[\]]/,environment:{pattern:RegExp("(\\{)"+t),lookbehind:!0,alias:"constant"}}},/\$(?:\w+|[#?*!@$])/],entity:/\\(?:[abceEfnrtv\\"]|O?[0-7]{1,3}|U[0-9a-fA-F]{8}|u[0-9a-fA-F]{4}|x[0-9a-fA-F]{1,2})/};e.languages.bash={shebang:{pattern:/^#!\s*\/.*/,alias:"important"},comment:{pattern:/(^|[^"{\\$])#.*/,lookbehind:!0},"function-name":[{pattern:/(\bfunction\s+)[\w-]+(?=(?:\s*\(?:\s*\))?\s*\{)/,lookbehind:!0,alias:"function"},{pattern:/\b[\w-]+(?=\s*\(\s*\)\s*\{)/,alias:"function"}],"for-or-select":{pattern:/(\b(?:for|select)\s+)\w+(?=\s+in\s)/,alias:"variable",lookbehind:!0},"assign-left":{pattern:/(^|[\s;|&]|[<>]\()\w+(?=\+?=)/,inside:{environment:{pattern:RegExp("(^|[\\s;|&]|[<>]\\()"+t),lookbehind:!0,alias:"constant"}},alias:"variable",lookbehind:!0},string:[{pattern:/((?:^|[^<])<<-?\s*)(\w+)\s[\s\S]*?(?:\r?\n|\r)\2/,lookbehind:!0,greedy:!0,inside:r},{pattern:/((?:^|[^<])<<-?\s*)(["'])(\w+)\2\s[\s\S]*?(?:\r?\n|\r)\3/,lookbehind:!0,greedy:!0,inside:{bash:n}},{pattern:/(^|[^\\](?:\\\\)*)"(?:\\[\s\S]|\$\([^)]+\)|\$(?!\()|`[^`]+`|[^"\\`$])*"/,lookbehind:!0,greedy:!0,inside:r},{pattern:/(^|[^$\\])'[^']*'/,lookbehind:!0,greedy:!0},{pattern:/\$'(?:[^'\\]|\\[\s\S])*'/,greedy:!0,inside:{entity:r.entity}}],environment:{pattern:RegExp("\\$?"+t),alias:"constant"},variable:r.variable,function:{pattern:/(^|[\s;|&]|[<>]\()(?:add|apropos|apt|apt-cache|apt-get|aptitude|aspell|automysqlbackup|awk|basename|bash|bc|bconsole|bg|bzip2|cal|cat|cfdisk|chgrp|chkconfig|chmod|chown|chroot|cksum|clear|cmp|column|comm|composer|cp|cron|crontab|csplit|curl|cut|date|dc|dd|ddrescue|debootstrap|df|diff|diff3|dig|dir|dircolors|dirname|dirs|dmesg|docker|docker-compose|du|egrep|eject|env|ethtool|expand|expect|expr|fdformat|fdisk|fg|fgrep|file|find|fmt|fold|format|free|fsck|ftp|fuser|gawk|git|gparted|grep|groupadd|groupdel|groupmod|groups|grub-mkconfig|gzip|halt|head|hg|history|host|hostname|htop|iconv|id|ifconfig|ifdown|ifup|import|install|ip|jobs|join|kill|killall|less|link|ln|locate|logname|logrotate|look|lpc|lpr|lprint|lprintd|lprintq|lprm|ls|lsof|lynx|make|man|mc|mdadm|mkconfig|mkdir|mke2fs|mkfifo|mkfs|mkisofs|mknod|mkswap|mmv|more|most|mount|mtools|mtr|mutt|mv|nano|nc|netstat|nice|nl|node|nohup|notify-send|npm|nslookup|op|open|parted|passwd|paste|pathchk|ping|pkill|pnpm|podman|podman-compose|popd|pr|printcap|printenv|ps|pushd|pv|quota|quotacheck|quotactl|ram|rar|rcp|reboot|remsync|rename|renice|rev|rm|rmdir|rpm|rsync|scp|screen|sdiff|sed|sendmail|seq|service|sftp|sh|shellcheck|shuf|shutdown|sleep|slocate|sort|split|ssh|stat|strace|su|sudo|sum|suspend|swapon|sync|tac|tail|tar|tee|time|timeout|top|touch|tr|traceroute|tsort|tty|umount|uname|unexpand|uniq|units|unrar|unshar|unzip|update-grub|uptime|useradd|userdel|usermod|users|uudecode|uuencode|v|vcpkg|vdir|vi|vim|virsh|vmstat|wait|watch|wc|wget|whereis|which|who|whoami|write|xargs|xdg-open|yarn|yes|zenity|zip|zsh|zypper)(?=$|[)\s;|&])/,lookbehind:!0},keyword:{pattern:/(^|[\s;|&]|[<>]\()(?:case|do|done|elif|else|esac|fi|for|function|if|in|select|then|until|while)(?=$|[)\s;|&])/,lookbehind:!0},builtin:{pattern:/(^|[\s;|&]|[<>]\()(?:\.|:|alias|bind|break|builtin|caller|cd|command|continue|declare|echo|enable|eval|exec|exit|export|getopts|hash|help|let|local|logout|mapfile|printf|pwd|read|readarray|readonly|return|set|shift|shopt|source|test|times|trap|type|typeset|ulimit|umask|unalias|unset)(?=$|[)\s;|&])/,lookbehind:!0,alias:"class-name"},boolean:{pattern:/(^|[\s;|&]|[<>]\()(?:false|true)(?=$|[)\s;|&])/,lookbehind:!0},"file-descriptor":{pattern:/\B&\d\b/,alias:"important"},operator:{pattern:/\d?<>|>\||\+=|=[=~]?|!=?|<<[<-]?|[&\d]?>>|\d[<>]&?|[<>][&=]?|&[>&]?|\|[&|]?/,inside:{"file-descriptor":{pattern:/^\d/,alias:"important"}}},punctuation:/\$?\(\(?|\)\)?|\.\.|[{}[\];\\]/,number:{pattern:/(^|\s)(?:[1-9]\d*|0)(?:[.,]\d+)?\b/,lookbehind:!0}},n.inside=e.languages.bash;for(var a=["comment","function-name","for-or-select","assign-left","string","environment","function","keyword","builtin","boolean","file-descriptor","operator","punctuation","number"],o=r.variable[1].inside,i=0;i]=?|[!=]=?=?|--?|\+\+?|&&?|\|\|?|[?*/~^%]/,punctuation:/[{}[\];(),.:]/},a.languages.c=a.languages.extend("clike",{comment:{pattern:/\/\/(?:[^\r\n\\]|\\(?:\r\n?|\n|(?![\r\n])))*|\/\*[\s\S]*?(?:\*\/|$)/,greedy:!0},string:{pattern:/"(?:\\(?:\r\n|[\s\S])|[^"\\\r\n])*"/,greedy:!0},"class-name":{pattern:/(\b(?:enum|struct)\s+(?:__attribute__\s*\(\([\s\S]*?\)\)\s*)?)\w+|\b[a-z]\w*_t\b/,lookbehind:!0},keyword:/\b(?:_Alignas|_Alignof|_Atomic|_Bool|_Complex|_Generic|_Imaginary|_Noreturn|_Static_assert|_Thread_local|__attribute__|asm|auto|break|case|char|const|continue|default|do|double|else|enum|extern|float|for|goto|if|inline|int|long|register|return|short|signed|sizeof|static|struct|switch|typedef|typeof|union|unsigned|void|volatile|while)\b/,function:/\b[a-z_]\w*(?=\s*\()/i,number:/(?:\b0x(?:[\da-f]+(?:\.[\da-f]*)?|\.[\da-f]+)(?:p[+-]?\d+)?|(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:e[+-]?\d+)?)[ful]{0,4}/i,operator:/>>=?|<<=?|->|([-+&|:])\1|[?:~]|[-+*/%&|^!=<>]=?/}),a.languages.insertBefore("c","string",{char:{pattern:/'(?:\\(?:\r\n|[\s\S])|[^'\\\r\n]){0,32}'/,greedy:!0}}),a.languages.insertBefore("c","string",{macro:{pattern:/(^[\t ]*)#\s*[a-z](?:[^\r\n\\/]|\/(?!\*)|\/\*(?:[^*]|\*(?!\/))*\*\/|\\(?:\r\n|[\s\S]))*/im,lookbehind:!0,greedy:!0,alias:"property",inside:{string:[{pattern:/^(#\s*include\s*)<[^>]+>/,lookbehind:!0},a.languages.c.string],char:a.languages.c.char,comment:a.languages.c.comment,"macro-name":[{pattern:/(^#\s*define\s+)\w+\b(?!\()/i,lookbehind:!0},{pattern:/(^#\s*define\s+)\w+\b(?=\()/i,lookbehind:!0,alias:"function"}],directive:{pattern:/^(#\s*)[a-z]+/,lookbehind:!0,alias:"keyword"},"directive-hash":/^#/,punctuation:/##|\\(?=[\r\n])/,expression:{pattern:/\S[\s\S]*/,inside:a.languages.c}}}}),a.languages.insertBefore("c","function",{constant:/\b(?:EOF|NULL|SEEK_CUR|SEEK_END|SEEK_SET|__DATE__|__FILE__|__LINE__|__TIMESTAMP__|__TIME__|__func__|stderr|stdin|stdout)\b/}),delete a.languages.c.boolean,function(e){var t=/\b(?:alignas|alignof|asm|auto|bool|break|case|catch|char|char16_t|char32_t|char8_t|class|co_await|co_return|co_yield|compl|concept|const|const_cast|consteval|constexpr|constinit|continue|decltype|default|delete|do|double|dynamic_cast|else|enum|explicit|export|extern|final|float|for|friend|goto|if|import|inline|int|int16_t|int32_t|int64_t|int8_t|long|module|mutable|namespace|new|noexcept|nullptr|operator|override|private|protected|public|register|reinterpret_cast|requires|return|short|signed|sizeof|static|static_assert|static_cast|struct|switch|template|this|thread_local|throw|try|typedef|typeid|typename|uint16_t|uint32_t|uint64_t|uint8_t|union|unsigned|using|virtual|void|volatile|wchar_t|while)\b/,n=/\b(?!)\w+(?:\s*\.\s*\w+)*\b/.source.replace(//g,(function(){return t.source}));e.languages.cpp=e.languages.extend("c",{"class-name":[{pattern:RegExp(/(\b(?:class|concept|enum|struct|typename)\s+)(?!)\w+/.source.replace(//g,(function(){return t.source}))),lookbehind:!0},/\b[A-Z]\w*(?=\s*::\s*\w+\s*\()/,/\b[A-Z_]\w*(?=\s*::\s*~\w+\s*\()/i,/\b\w+(?=\s*<(?:[^<>]|<(?:[^<>]|<[^<>]*>)*>)*>\s*::\s*\w+\s*\()/],keyword:t,number:{pattern:/(?:\b0b[01']+|\b0x(?:[\da-f']+(?:\.[\da-f']*)?|\.[\da-f']+)(?:p[+-]?[\d']+)?|(?:\b[\d']+(?:\.[\d']*)?|\B\.[\d']+)(?:e[+-]?[\d']+)?)[ful]{0,4}/i,greedy:!0},operator:/>>=?|<<=?|->|--|\+\+|&&|\|\||[?:~]|<=>|[-+*/%&|^!=<>]=?|\b(?:and|and_eq|bitand|bitor|not|not_eq|or|or_eq|xor|xor_eq)\b/,boolean:/\b(?:false|true)\b/}),e.languages.insertBefore("cpp","string",{module:{pattern:RegExp(/(\b(?:import|module)\s+)/.source+"(?:"+/"(?:\\(?:\r\n|[\s\S])|[^"\\\r\n])*"|<[^<>\r\n]*>/.source+"|"+/(?:\s*:\s*)?|:\s*/.source.replace(//g,(function(){return n}))+")"),lookbehind:!0,greedy:!0,inside:{string:/^[<"][\s\S]+/,operator:/:/,punctuation:/\./}},"raw-string":{pattern:/R"([^()\\ ]{0,16})\([\s\S]*?\)\1"/,alias:"string",greedy:!0}}),e.languages.insertBefore("cpp","keyword",{"generic-function":{pattern:/\b(?!operator\b)[a-z_]\w*\s*<(?:[^<>]|<[^<>]*>)*>(?=\s*\()/i,inside:{function:/^\w+/,generic:{pattern:/<[\s\S]+/,alias:"class-name",inside:e.languages.cpp}}}}),e.languages.insertBefore("cpp","operator",{"double-colon":{pattern:/::/,alias:"punctuation"}}),e.languages.insertBefore("cpp","class-name",{"base-clause":{pattern:/(\b(?:class|struct)\s+\w+\s*:\s*)[^;{}"'\s]+(?:\s+[^;{}"'\s]+)*(?=\s*[;{])/,lookbehind:!0,greedy:!0,inside:e.languages.extend("cpp",{})}}),e.languages.insertBefore("inside","double-colon",{"class-name":/\b[a-z_]\w*\b(?!\s*::)/i},e.languages.cpp["base-clause"])}(a),function(e){var t=/(?:"(?:\\(?:\r\n|[\s\S])|[^"\\\r\n])*"|'(?:\\(?:\r\n|[\s\S])|[^'\\\r\n])*')/;e.languages.css={comment:/\/\*[\s\S]*?\*\//,atrule:{pattern:/@[\w-](?:[^;{\s]|\s+(?![\s{]))*(?:;|(?=\s*\{))/,inside:{rule:/^@[\w-]+/,"selector-function-argument":{pattern:/(\bselector\s*\(\s*(?![\s)]))(?:[^()\s]|\s+(?![\s)])|\((?:[^()]|\([^()]*\))*\))+(?=\s*\))/,lookbehind:!0,alias:"selector"},keyword:{pattern:/(^|[^\w-])(?:and|not|only|or)(?![\w-])/,lookbehind:!0}}},url:{pattern:RegExp("\\burl\\((?:"+t.source+"|"+/(?:[^\\\r\n()"']|\\[\s\S])*/.source+")\\)","i"),greedy:!0,inside:{function:/^url/i,punctuation:/^\(|\)$/,string:{pattern:RegExp("^"+t.source+"$"),alias:"url"}}},selector:{pattern:RegExp("(^|[{}\\s])[^{}\\s](?:[^{};\"'\\s]|\\s+(?![\\s{])|"+t.source+")*(?=\\s*\\{)"),lookbehind:!0},string:{pattern:t,greedy:!0},property:{pattern:/(^|[^-\w\xA0-\uFFFF])(?!\s)[-_a-z\xA0-\uFFFF](?:(?!\s)[-\w\xA0-\uFFFF])*(?=\s*:)/i,lookbehind:!0},important:/!important\b/i,function:{pattern:/(^|[^-a-z0-9])[-a-z0-9]+(?=\()/i,lookbehind:!0},punctuation:/[(){};:,]/},e.languages.css.atrule.inside.rest=e.languages.css;var n=e.languages.markup;n&&(n.tag.addInlined("style","css"),n.tag.addAttribute("style","css"))}(a),function(e){var t,n=/("|')(?:\\(?:\r\n|[\s\S])|(?!\1)[^\\\r\n])*\1/;e.languages.css.selector={pattern:e.languages.css.selector.pattern,lookbehind:!0,inside:t={"pseudo-element":/:(?:after|before|first-letter|first-line|selection)|::[-\w]+/,"pseudo-class":/:[-\w]+/,class:/\.[-\w]+/,id:/#[-\w]+/,attribute:{pattern:RegExp("\\[(?:[^[\\]\"']|"+n.source+")*\\]"),greedy:!0,inside:{punctuation:/^\[|\]$/,"case-sensitivity":{pattern:/(\s)[si]$/i,lookbehind:!0,alias:"keyword"},namespace:{pattern:/^(\s*)(?:(?!\s)[-*\w\xA0-\uFFFF])*\|(?!=)/,lookbehind:!0,inside:{punctuation:/\|$/}},"attr-name":{pattern:/^(\s*)(?:(?!\s)[-\w\xA0-\uFFFF])+/,lookbehind:!0},"attr-value":[n,{pattern:/(=\s*)(?:(?!\s)[-\w\xA0-\uFFFF])+(?=\s*$)/,lookbehind:!0}],operator:/[|~*^$]?=/}},"n-th":[{pattern:/(\(\s*)[+-]?\d*[\dn](?:\s*[+-]\s*\d+)?(?=\s*\))/,lookbehind:!0,inside:{number:/[\dn]+/,operator:/[+-]/}},{pattern:/(\(\s*)(?:even|odd)(?=\s*\))/i,lookbehind:!0}],combinator:/>|\+|~|\|\|/,punctuation:/[(),]/}},e.languages.css.atrule.inside["selector-function-argument"].inside=t,e.languages.insertBefore("css","property",{variable:{pattern:/(^|[^-\w\xA0-\uFFFF])--(?!\s)[-_a-z\xA0-\uFFFF](?:(?!\s)[-\w\xA0-\uFFFF])*/i,lookbehind:!0}});var r={pattern:/(\b\d+)(?:%|[a-z]+(?![\w-]))/,lookbehind:!0},a={pattern:/(^|[^\w.-])-?(?:\d+(?:\.\d+)?|\.\d+)/,lookbehind:!0};e.languages.insertBefore("css","function",{operator:{pattern:/(\s)[+\-*\/](?=\s)/,lookbehind:!0},hexcode:{pattern:/\B#[\da-f]{3,8}\b/i,alias:"color"},color:[{pattern:/(^|[^\w-])(?:AliceBlue|AntiqueWhite|Aqua|Aquamarine|Azure|Beige|Bisque|Black|BlanchedAlmond|Blue|BlueViolet|Brown|BurlyWood|CadetBlue|Chartreuse|Chocolate|Coral|CornflowerBlue|Cornsilk|Crimson|Cyan|DarkBlue|DarkCyan|DarkGoldenRod|DarkGr[ae]y|DarkGreen|DarkKhaki|DarkMagenta|DarkOliveGreen|DarkOrange|DarkOrchid|DarkRed|DarkSalmon|DarkSeaGreen|DarkSlateBlue|DarkSlateGr[ae]y|DarkTurquoise|DarkViolet|DeepPink|DeepSkyBlue|DimGr[ae]y|DodgerBlue|FireBrick|FloralWhite|ForestGreen|Fuchsia|Gainsboro|GhostWhite|Gold|GoldenRod|Gr[ae]y|Green|GreenYellow|HoneyDew|HotPink|IndianRed|Indigo|Ivory|Khaki|Lavender|LavenderBlush|LawnGreen|LemonChiffon|LightBlue|LightCoral|LightCyan|LightGoldenRodYellow|LightGr[ae]y|LightGreen|LightPink|LightSalmon|LightSeaGreen|LightSkyBlue|LightSlateGr[ae]y|LightSteelBlue|LightYellow|Lime|LimeGreen|Linen|Magenta|Maroon|MediumAquaMarine|MediumBlue|MediumOrchid|MediumPurple|MediumSeaGreen|MediumSlateBlue|MediumSpringGreen|MediumTurquoise|MediumVioletRed|MidnightBlue|MintCream|MistyRose|Moccasin|NavajoWhite|Navy|OldLace|Olive|OliveDrab|Orange|OrangeRed|Orchid|PaleGoldenRod|PaleGreen|PaleTurquoise|PaleVioletRed|PapayaWhip|PeachPuff|Peru|Pink|Plum|PowderBlue|Purple|Red|RosyBrown|RoyalBlue|SaddleBrown|Salmon|SandyBrown|SeaGreen|SeaShell|Sienna|Silver|SkyBlue|SlateBlue|SlateGr[ae]y|Snow|SpringGreen|SteelBlue|Tan|Teal|Thistle|Tomato|Transparent|Turquoise|Violet|Wheat|White|WhiteSmoke|Yellow|YellowGreen)(?![\w-])/i,lookbehind:!0},{pattern:/\b(?:hsl|rgb)\(\s*\d{1,3}\s*,\s*\d{1,3}%?\s*,\s*\d{1,3}%?\s*\)\B|\b(?:hsl|rgb)a\(\s*\d{1,3}\s*,\s*\d{1,3}%?\s*,\s*\d{1,3}%?\s*,\s*(?:0|0?\.\d+|1)\s*\)\B/i,inside:{unit:r,number:a,function:/[\w-]+(?=\()/,punctuation:/[(),]/}}],entity:/\\[\da-f]{1,8}/i,unit:r,number:a})}(a),a.languages.javascript=a.languages.extend("clike",{"class-name":[a.languages.clike["class-name"],{pattern:/(^|[^$\w\xA0-\uFFFF])(?!\s)[_$A-Z\xA0-\uFFFF](?:(?!\s)[$\w\xA0-\uFFFF])*(?=\.(?:constructor|prototype))/,lookbehind:!0}],keyword:[{pattern:/((?:^|\})\s*)catch\b/,lookbehind:!0},{pattern:/(^|[^.]|\.\.\.\s*)\b(?:as|assert(?=\s*\{)|async(?=\s*(?:function\b|\(|[$\w\xA0-\uFFFF]|$))|await|break|case|class|const|continue|debugger|default|delete|do|else|enum|export|extends|finally(?=\s*(?:\{|$))|for|from(?=\s*(?:['"]|$))|function|(?:get|set)(?=\s*(?:[#\[$\w\xA0-\uFFFF]|$))|if|implements|import|in|instanceof|interface|let|new|null|of|package|private|protected|public|return|static|super|switch|this|throw|try|typeof|undefined|var|void|while|with|yield)\b/,lookbehind:!0}],function:/#?(?!\s)[_$a-zA-Z\xA0-\uFFFF](?:(?!\s)[$\w\xA0-\uFFFF])*(?=\s*(?:\.\s*(?:apply|bind|call)\s*)?\()/,number:{pattern:RegExp(/(^|[^\w$])/.source+"(?:"+/NaN|Infinity/.source+"|"+/0[bB][01]+(?:_[01]+)*n?/.source+"|"+/0[oO][0-7]+(?:_[0-7]+)*n?/.source+"|"+/0[xX][\dA-Fa-f]+(?:_[\dA-Fa-f]+)*n?/.source+"|"+/\d+(?:_\d+)*n/.source+"|"+/(?:\d+(?:_\d+)*(?:\.(?:\d+(?:_\d+)*)?)?|\.\d+(?:_\d+)*)(?:[Ee][+-]?\d+(?:_\d+)*)?/.source+")"+/(?![\w$])/.source),lookbehind:!0},operator:/--|\+\+|\*\*=?|=>|&&=?|\|\|=?|[!=]==|<<=?|>>>?=?|[-+*/%&|^!=<>]=?|\.{3}|\?\?=?|\?\.?|[~:]/}),a.languages.javascript["class-name"][0].pattern=/(\b(?:class|extends|implements|instanceof|interface|new)\s+)[\w.\\]+/,a.languages.insertBefore("javascript","keyword",{regex:{pattern:/((?:^|[^$\w\xA0-\uFFFF."'\])\s]|\b(?:return|yield))\s*)\/(?:\[(?:[^\]\\\r\n]|\\.)*\]|\\.|[^/\\\[\r\n])+\/[dgimyus]{0,7}(?=(?:\s|\/\*(?:[^*]|\*(?!\/))*\*\/)*(?:$|[\r\n,.;:})\]]|\/\/))/,lookbehind:!0,greedy:!0,inside:{"regex-source":{pattern:/^(\/)[\s\S]+(?=\/[a-z]*$)/,lookbehind:!0,alias:"language-regex",inside:a.languages.regex},"regex-delimiter":/^\/|\/$/,"regex-flags":/^[a-z]+$/}},"function-variable":{pattern:/#?(?!\s)[_$a-zA-Z\xA0-\uFFFF](?:(?!\s)[$\w\xA0-\uFFFF])*(?=\s*[=:]\s*(?:async\s*)?(?:\bfunction\b|(?:\((?:[^()]|\([^()]*\))*\)|(?!\s)[_$a-zA-Z\xA0-\uFFFF](?:(?!\s)[$\w\xA0-\uFFFF])*)\s*=>))/,alias:"function"},parameter:[{pattern:/(function(?:\s+(?!\s)[_$a-zA-Z\xA0-\uFFFF](?:(?!\s)[$\w\xA0-\uFFFF])*)?\s*\(\s*)(?!\s)(?:[^()\s]|\s+(?![\s)])|\([^()]*\))+(?=\s*\))/,lookbehind:!0,inside:a.languages.javascript},{pattern:/(^|[^$\w\xA0-\uFFFF])(?!\s)[_$a-z\xA0-\uFFFF](?:(?!\s)[$\w\xA0-\uFFFF])*(?=\s*=>)/i,lookbehind:!0,inside:a.languages.javascript},{pattern:/(\(\s*)(?!\s)(?:[^()\s]|\s+(?![\s)])|\([^()]*\))+(?=\s*\)\s*=>)/,lookbehind:!0,inside:a.languages.javascript},{pattern:/((?:\b|\s|^)(?!(?:as|async|await|break|case|catch|class|const|continue|debugger|default|delete|do|else|enum|export|extends|finally|for|from|function|get|if|implements|import|in|instanceof|interface|let|new|null|of|package|private|protected|public|return|set|static|super|switch|this|throw|try|typeof|undefined|var|void|while|with|yield)(?![$\w\xA0-\uFFFF]))(?:(?!\s)[_$a-zA-Z\xA0-\uFFFF](?:(?!\s)[$\w\xA0-\uFFFF])*\s*)\(\s*|\]\s*\(\s*)(?!\s)(?:[^()\s]|\s+(?![\s)])|\([^()]*\))+(?=\s*\)\s*\{)/,lookbehind:!0,inside:a.languages.javascript}],constant:/\b[A-Z](?:[A-Z_]|\dx?)*\b/}),a.languages.insertBefore("javascript","string",{hashbang:{pattern:/^#!.*/,greedy:!0,alias:"comment"},"template-string":{pattern:/`(?:\\[\s\S]|\$\{(?:[^{}]|\{(?:[^{}]|\{[^}]*\})*\})+\}|(?!\$\{)[^\\`])*`/,greedy:!0,inside:{"template-punctuation":{pattern:/^`|`$/,alias:"string"},interpolation:{pattern:/((?:^|[^\\])(?:\\{2})*)\$\{(?:[^{}]|\{(?:[^{}]|\{[^}]*\})*\})+\}/,lookbehind:!0,inside:{"interpolation-punctuation":{pattern:/^\$\{|\}$/,alias:"punctuation"},rest:a.languages.javascript}},string:/[\s\S]+/}},"string-property":{pattern:/((?:^|[,{])[ \t]*)(["'])(?:\\(?:\r\n|[\s\S])|(?!\2)[^\\\r\n])*\2(?=\s*:)/m,lookbehind:!0,greedy:!0,alias:"property"}}),a.languages.insertBefore("javascript","operator",{"literal-property":{pattern:/((?:^|[,{])[ \t]*)(?!\s)[_$a-zA-Z\xA0-\uFFFF](?:(?!\s)[$\w\xA0-\uFFFF])*(?=\s*:)/m,lookbehind:!0,alias:"property"}}),a.languages.markup&&(a.languages.markup.tag.addInlined("script","javascript"),a.languages.markup.tag.addAttribute(/on(?:abort|blur|change|click|composition(?:end|start|update)|dblclick|error|focus(?:in|out)?|key(?:down|up)|load|mouse(?:down|enter|leave|move|out|over|up)|reset|resize|scroll|select|slotchange|submit|unload|wheel)/.source,"javascript")),a.languages.js=a.languages.javascript,function(e){var t=/#(?!\{).+/,n={pattern:/#\{[^}]+\}/,alias:"variable"};e.languages.coffeescript=e.languages.extend("javascript",{comment:t,string:[{pattern:/'(?:\\[\s\S]|[^\\'])*'/,greedy:!0},{pattern:/"(?:\\[\s\S]|[^\\"])*"/,greedy:!0,inside:{interpolation:n}}],keyword:/\b(?:and|break|by|catch|class|continue|debugger|delete|do|each|else|extend|extends|false|finally|for|if|in|instanceof|is|isnt|let|loop|namespace|new|no|not|null|of|off|on|or|own|return|super|switch|then|this|throw|true|try|typeof|undefined|unless|until|when|while|window|with|yes|yield)\b/,"class-member":{pattern:/@(?!\d)\w+/,alias:"variable"}}),e.languages.insertBefore("coffeescript","comment",{"multiline-comment":{pattern:/###[\s\S]+?###/,alias:"comment"},"block-regex":{pattern:/\/{3}[\s\S]*?\/{3}/,alias:"regex",inside:{comment:t,interpolation:n}}}),e.languages.insertBefore("coffeescript","string",{"inline-javascript":{pattern:/`(?:\\[\s\S]|[^\\`])*`/,inside:{delimiter:{pattern:/^`|`$/,alias:"punctuation"},script:{pattern:/[\s\S]+/,alias:"language-javascript",inside:e.languages.javascript}}},"multiline-string":[{pattern:/'''[\s\S]*?'''/,greedy:!0,alias:"string"},{pattern:/"""[\s\S]*?"""/,greedy:!0,alias:"string",inside:{interpolation:n}}]}),e.languages.insertBefore("coffeescript","keyword",{property:/(?!\d)\w+(?=\s*:(?!:))/}),delete e.languages.coffeescript["template-string"],e.languages.coffee=e.languages.coffeescript}(a),function(e){var t=/[*&][^\s[\]{},]+/,n=/!(?:<[\w\-%#;/?:@&=+$,.!~*'()[\]]+>|(?:[a-zA-Z\d-]*!)?[\w\-%#;/?:@&=+$.~*'()]+)?/,r="(?:"+n.source+"(?:[ \t]+"+t.source+")?|"+t.source+"(?:[ \t]+"+n.source+")?)",a=/(?:[^\s\x00-\x08\x0e-\x1f!"#%&'*,\-:>?@[\]`{|}\x7f-\x84\x86-\x9f\ud800-\udfff\ufffe\uffff]|[?:-])(?:[ \t]*(?:(?![#:])|:))*/.source.replace(//g,(function(){return/[^\s\x00-\x08\x0e-\x1f,[\]{}\x7f-\x84\x86-\x9f\ud800-\udfff\ufffe\uffff]/.source})),o=/"(?:[^"\\\r\n]|\\.)*"|'(?:[^'\\\r\n]|\\.)*'/.source;function i(e,t){t=(t||"").replace(/m/g,"")+"m";var n=/([:\-,[{]\s*(?:\s<>[ \t]+)?)(?:<>)(?=[ \t]*(?:$|,|\]|\}|(?:[\r\n]\s*)?#))/.source.replace(/<>/g,(function(){return r})).replace(/<>/g,(function(){return e}));return RegExp(n,t)}e.languages.yaml={scalar:{pattern:RegExp(/([\-:]\s*(?:\s<>[ \t]+)?[|>])[ \t]*(?:((?:\r?\n|\r)[ \t]+)\S[^\r\n]*(?:\2[^\r\n]+)*)/.source.replace(/<>/g,(function(){return r}))),lookbehind:!0,alias:"string"},comment:/#.*/,key:{pattern:RegExp(/((?:^|[:\-,[{\r\n?])[ \t]*(?:<>[ \t]+)?)<>(?=\s*:\s)/.source.replace(/<>/g,(function(){return r})).replace(/<>/g,(function(){return"(?:"+a+"|"+o+")"}))),lookbehind:!0,greedy:!0,alias:"atrule"},directive:{pattern:/(^[ \t]*)%.+/m,lookbehind:!0,alias:"important"},datetime:{pattern:i(/\d{4}-\d\d?-\d\d?(?:[tT]|[ \t]+)\d\d?:\d{2}:\d{2}(?:\.\d*)?(?:[ \t]*(?:Z|[-+]\d\d?(?::\d{2})?))?|\d{4}-\d{2}-\d{2}|\d\d?:\d{2}(?::\d{2}(?:\.\d*)?)?/.source),lookbehind:!0,alias:"number"},boolean:{pattern:i(/false|true/.source,"i"),lookbehind:!0,alias:"important"},null:{pattern:i(/null|~/.source,"i"),lookbehind:!0,alias:"important"},string:{pattern:i(o),lookbehind:!0,greedy:!0},number:{pattern:i(/[+-]?(?:0x[\da-f]+|0o[0-7]+|(?:\d+(?:\.\d*)?|\.\d+)(?:e[+-]?\d+)?|\.inf|\.nan)/.source,"i"),lookbehind:!0},tag:n,important:t,punctuation:/---|[:[\]{}\-,|>?]|\.\.\./},e.languages.yml=e.languages.yaml}(a),function(e){var t=/(?:\\.|[^\\\n\r]|(?:\n|\r\n?)(?![\r\n]))/.source;function n(e){return e=e.replace(//g,(function(){return t})),RegExp(/((?:^|[^\\])(?:\\{2})*)/.source+"(?:"+e+")")}var r=/(?:\\.|``(?:[^`\r\n]|`(?!`))+``|`[^`\r\n]+`|[^\\|\r\n`])+/.source,a=/\|?__(?:\|__)+\|?(?:(?:\n|\r\n?)|(?![\s\S]))/.source.replace(/__/g,(function(){return r})),o=/\|?[ \t]*:?-{3,}:?[ \t]*(?:\|[ \t]*:?-{3,}:?[ \t]*)+\|?(?:\n|\r\n?)/.source;e.languages.markdown=e.languages.extend("markup",{}),e.languages.insertBefore("markdown","prolog",{"front-matter-block":{pattern:/(^(?:\s*[\r\n])?)---(?!.)[\s\S]*?[\r\n]---(?!.)/,lookbehind:!0,greedy:!0,inside:{punctuation:/^---|---$/,"front-matter":{pattern:/\S+(?:\s+\S+)*/,alias:["yaml","language-yaml"],inside:e.languages.yaml}}},blockquote:{pattern:/^>(?:[\t ]*>)*/m,alias:"punctuation"},table:{pattern:RegExp("^"+a+o+"(?:"+a+")*","m"),inside:{"table-data-rows":{pattern:RegExp("^("+a+o+")(?:"+a+")*$"),lookbehind:!0,inside:{"table-data":{pattern:RegExp(r),inside:e.languages.markdown},punctuation:/\|/}},"table-line":{pattern:RegExp("^("+a+")"+o+"$"),lookbehind:!0,inside:{punctuation:/\||:?-{3,}:?/}},"table-header-row":{pattern:RegExp("^"+a+"$"),inside:{"table-header":{pattern:RegExp(r),alias:"important",inside:e.languages.markdown},punctuation:/\|/}}}},code:[{pattern:/((?:^|\n)[ \t]*\n|(?:^|\r\n?)[ \t]*\r\n?)(?: {4}|\t).+(?:(?:\n|\r\n?)(?: {4}|\t).+)*/,lookbehind:!0,alias:"keyword"},{pattern:/^```[\s\S]*?^```$/m,greedy:!0,inside:{"code-block":{pattern:/^(```.*(?:\n|\r\n?))[\s\S]+?(?=(?:\n|\r\n?)^```$)/m,lookbehind:!0},"code-language":{pattern:/^(```).+/,lookbehind:!0},punctuation:/```/}}],title:[{pattern:/\S.*(?:\n|\r\n?)(?:==+|--+)(?=[ \t]*$)/m,alias:"important",inside:{punctuation:/==+$|--+$/}},{pattern:/(^\s*)#.+/m,lookbehind:!0,alias:"important",inside:{punctuation:/^#+|#+$/}}],hr:{pattern:/(^\s*)([*-])(?:[\t ]*\2){2,}(?=\s*$)/m,lookbehind:!0,alias:"punctuation"},list:{pattern:/(^\s*)(?:[*+-]|\d+\.)(?=[\t ].)/m,lookbehind:!0,alias:"punctuation"},"url-reference":{pattern:/!?\[[^\]]+\]:[\t ]+(?:\S+|<(?:\\.|[^>\\])+>)(?:[\t ]+(?:"(?:\\.|[^"\\])*"|'(?:\\.|[^'\\])*'|\((?:\\.|[^)\\])*\)))?/,inside:{variable:{pattern:/^(!?\[)[^\]]+/,lookbehind:!0},string:/(?:"(?:\\.|[^"\\])*"|'(?:\\.|[^'\\])*'|\((?:\\.|[^)\\])*\))$/,punctuation:/^[\[\]!:]|[<>]/},alias:"url"},bold:{pattern:n(/\b__(?:(?!_)|_(?:(?!_))+_)+__\b|\*\*(?:(?!\*)|\*(?:(?!\*))+\*)+\*\*/.source),lookbehind:!0,greedy:!0,inside:{content:{pattern:/(^..)[\s\S]+(?=..$)/,lookbehind:!0,inside:{}},punctuation:/\*\*|__/}},italic:{pattern:n(/\b_(?:(?!_)|__(?:(?!_))+__)+_\b|\*(?:(?!\*)|\*\*(?:(?!\*))+\*\*)+\*/.source),lookbehind:!0,greedy:!0,inside:{content:{pattern:/(^.)[\s\S]+(?=.$)/,lookbehind:!0,inside:{}},punctuation:/[*_]/}},strike:{pattern:n(/(~~?)(?:(?!~))+\2/.source),lookbehind:!0,greedy:!0,inside:{content:{pattern:/(^~~?)[\s\S]+(?=\1$)/,lookbehind:!0,inside:{}},punctuation:/~~?/}},"code-snippet":{pattern:/(^|[^\\`])(?:``[^`\r\n]+(?:`[^`\r\n]+)*``(?!`)|`[^`\r\n]+`(?!`))/,lookbehind:!0,greedy:!0,alias:["code","keyword"]},url:{pattern:n(/!?\[(?:(?!\]))+\](?:\([^\s)]+(?:[\t ]+"(?:\\.|[^"\\])*")?\)|[ \t]?\[(?:(?!\]))+\])/.source),lookbehind:!0,greedy:!0,inside:{operator:/^!/,content:{pattern:/(^\[)[^\]]+(?=\])/,lookbehind:!0,inside:{}},variable:{pattern:/(^\][ \t]?\[)[^\]]+(?=\]$)/,lookbehind:!0},url:{pattern:/(^\]\()[^\s)]+/,lookbehind:!0},string:{pattern:/(^[ \t]+)"(?:\\.|[^"\\])*"(?=\)$)/,lookbehind:!0}}}}),["url","bold","italic","strike"].forEach((function(t){["url","bold","italic","strike","code-snippet"].forEach((function(n){t!==n&&(e.languages.markdown[t].inside.content.inside[n]=e.languages.markdown[n])}))})),e.hooks.add("after-tokenize",(function(e){"markdown"!==e.language&&"md"!==e.language||function e(t){if(t&&"string"!=typeof t)for(var n=0,r=t.length;n",quot:'"'},s=String.fromCodePoint||String.fromCharCode;e.languages.md=e.languages.markdown}(a),a.languages.graphql={comment:/#.*/,description:{pattern:/(?:"""(?:[^"]|(?!""")")*"""|"(?:\\.|[^\\"\r\n])*")(?=\s*[a-z_])/i,greedy:!0,alias:"string",inside:{"language-markdown":{pattern:/(^"(?:"")?)(?!\1)[\s\S]+(?=\1$)/,lookbehind:!0,inside:a.languages.markdown}}},string:{pattern:/"""(?:[^"]|(?!""")")*"""|"(?:\\.|[^\\"\r\n])*"/,greedy:!0},number:/(?:\B-|\b)\d+(?:\.\d+)?(?:e[+-]?\d+)?\b/i,boolean:/\b(?:false|true)\b/,variable:/\$[a-z_]\w*/i,directive:{pattern:/@[a-z_]\w*/i,alias:"function"},"attr-name":{pattern:/\b[a-z_]\w*(?=\s*(?:\((?:[^()"]|"(?:\\.|[^\\"\r\n])*")*\))?:)/i,greedy:!0},"atom-input":{pattern:/\b[A-Z]\w*Input\b/,alias:"class-name"},scalar:/\b(?:Boolean|Float|ID|Int|String)\b/,constant:/\b[A-Z][A-Z_\d]*\b/,"class-name":{pattern:/(\b(?:enum|implements|interface|on|scalar|type|union)\s+|&\s*|:\s*|\[)[A-Z_]\w*/,lookbehind:!0},fragment:{pattern:/(\bfragment\s+|\.{3}\s*(?!on\b))[a-zA-Z_]\w*/,lookbehind:!0,alias:"function"},"definition-mutation":{pattern:/(\bmutation\s+)[a-zA-Z_]\w*/,lookbehind:!0,alias:"function"},"definition-query":{pattern:/(\bquery\s+)[a-zA-Z_]\w*/,lookbehind:!0,alias:"function"},keyword:/\b(?:directive|enum|extend|fragment|implements|input|interface|mutation|on|query|repeatable|scalar|schema|subscription|type|union)\b/,operator:/[!=|&]|\.{3}/,"property-query":/\w+(?=\s*\()/,object:/\w+(?=\s*\{)/,punctuation:/[!(){}\[\]:=,]/,property:/\w+/},a.hooks.add("after-tokenize",(function(e){if("graphql"===e.language)for(var t=e.tokens.filter((function(e){return"string"!=typeof e&&"comment"!==e.type&&"scalar"!==e.type})),n=0;n0)){var l=p(/^\{$/,/^\}$/);if(-1===l)continue;for(var s=n;s=0&&f(u,"variable-input")}}}}function c(e){return t[n+e]}function d(e,t){t=t||0;for(var n=0;n?|<|>)?|>[>=]?|\b(?:AND|BETWEEN|DIV|ILIKE|IN|IS|LIKE|NOT|OR|REGEXP|RLIKE|SOUNDS LIKE|XOR)\b/i,punctuation:/[;[\]()`,.]/},function(e){var t=e.languages.javascript["template-string"],n=t.pattern.source,r=t.inside.interpolation,a=r.inside["interpolation-punctuation"],o=r.pattern.source;function i(t,r){if(e.languages[t])return{pattern:RegExp("((?:"+r+")\\s*)"+n),lookbehind:!0,greedy:!0,inside:{"template-punctuation":{pattern:/^`|`$/,alias:"string"},"embedded-code":{pattern:/[\s\S]+/,alias:t}}}}function l(e,t){return"___"+t.toUpperCase()+"_"+e+"___"}function s(t,n,r){var a={code:t,grammar:n,language:r};return e.hooks.run("before-tokenize",a),a.tokens=e.tokenize(a.code,a.grammar),e.hooks.run("after-tokenize",a),a.tokens}function u(t){var n={};n["interpolation-punctuation"]=a;var o=e.tokenize(t,n);if(3===o.length){var i=[1,1];i.push.apply(i,s(o[1],e.languages.javascript,"javascript")),o.splice.apply(o,i)}return new e.Token("interpolation",o,r.alias,t)}function c(t,n,r){var a=e.tokenize(t,{interpolation:{pattern:RegExp(o),lookbehind:!0}}),i=0,c={},d=s(a.map((function(e){if("string"==typeof e)return e;for(var n,a=e.content;-1!==t.indexOf(n=l(i++,r)););return c[n]=a,n})).join(""),n,r),p=Object.keys(c);return i=0,function e(t){for(var n=0;n=p.length)return;var r=t[n];if("string"==typeof r||"string"==typeof r.content){var a=p[i],o="string"==typeof r?r:r.content,l=o.indexOf(a);if(-1!==l){++i;var s=o.substring(0,l),d=u(c[a]),f=o.substring(l+a.length),m=[];if(s&&m.push(s),m.push(d),f){var g=[f];e(g),m.push.apply(m,g)}"string"==typeof r?(t.splice.apply(t,[n,1].concat(m)),n+=m.length-1):r.content=m}}else{var h=r.content;Array.isArray(h)?e(h):e([h])}}}(d),new e.Token(r,d,"language-"+r,t)}e.languages.javascript["template-string"]=[i("css",/\b(?:styled(?:\([^)]*\))?(?:\s*\.\s*\w+(?:\([^)]*\))*)*|css(?:\s*\.\s*(?:global|resolve))?|createGlobalStyle|keyframes)/.source),i("html",/\bhtml|\.\s*(?:inner|outer)HTML\s*\+?=/.source),i("svg",/\bsvg/.source),i("markdown",/\b(?:markdown|md)/.source),i("graphql",/\b(?:gql|graphql(?:\s*\.\s*experimental)?)/.source),i("sql",/\bsql/.source),t].filter(Boolean);var d={javascript:!0,js:!0,typescript:!0,ts:!0,jsx:!0,tsx:!0};function p(e){return"string"==typeof e?e:Array.isArray(e)?e.map(p).join(""):p(e.content)}e.hooks.add("after-tokenize",(function(t){t.language in d&&function t(n){for(var r=0,a=n.length;r]|<(?:[^<>]|<[^<>]*>)*>)*>)?/,lookbehind:!0,greedy:!0,inside:null},builtin:/\b(?:Array|Function|Promise|any|boolean|console|never|number|string|symbol|unknown)\b/}),e.languages.typescript.keyword.push(/\b(?:abstract|declare|is|keyof|readonly|require)\b/,/\b(?:asserts|infer|interface|module|namespace|type)\b(?=\s*(?:[{_$a-zA-Z\xA0-\uFFFF]|$))/,/\btype\b(?=\s*(?:[\{*]|$))/),delete e.languages.typescript.parameter,delete e.languages.typescript["literal-property"];var t=e.languages.extend("typescript",{});delete t["class-name"],e.languages.typescript["class-name"].inside=t,e.languages.insertBefore("typescript","function",{decorator:{pattern:/@[$\w\xA0-\uFFFF]+/,inside:{at:{pattern:/^@/,alias:"operator"},function:/^[\s\S]+/}},"generic-function":{pattern:/#?(?!\s)[_$a-zA-Z\xA0-\uFFFF](?:(?!\s)[$\w\xA0-\uFFFF])*\s*<(?:[^<>]|<(?:[^<>]|<[^<>]*>)*>)*>(?=\s*\()/,greedy:!0,inside:{function:/^#?(?!\s)[_$a-zA-Z\xA0-\uFFFF](?:(?!\s)[$\w\xA0-\uFFFF])*/,generic:{pattern:/<[\s\S]+/,alias:"class-name",inside:t}}}}),e.languages.ts=e.languages.typescript}(a),function(e){function t(e,t){return RegExp(e.replace(//g,(function(){return/(?!\s)[_$a-zA-Z\xA0-\uFFFF](?:(?!\s)[$\w\xA0-\uFFFF])*/.source})),t)}e.languages.insertBefore("javascript","function-variable",{"method-variable":{pattern:RegExp("(\\.\\s*)"+e.languages.javascript["function-variable"].pattern.source),lookbehind:!0,alias:["function-variable","method","function","property-access"]}}),e.languages.insertBefore("javascript","function",{method:{pattern:RegExp("(\\.\\s*)"+e.languages.javascript.function.source),lookbehind:!0,alias:["function","property-access"]}}),e.languages.insertBefore("javascript","constant",{"known-class-name":[{pattern:/\b(?:(?:Float(?:32|64)|(?:Int|Uint)(?:8|16|32)|Uint8Clamped)?Array|ArrayBuffer|BigInt|Boolean|DataView|Date|Error|Function|Intl|JSON|(?:Weak)?(?:Map|Set)|Math|Number|Object|Promise|Proxy|Reflect|RegExp|String|Symbol|WebAssembly)\b/,alias:"class-name"},{pattern:/\b(?:[A-Z]\w*)Error\b/,alias:"class-name"}]}),e.languages.insertBefore("javascript","keyword",{imports:{pattern:t(/(\bimport\b\s*)(?:(?:\s*,\s*(?:\*\s*as\s+|\{[^{}]*\}))?|\*\s*as\s+|\{[^{}]*\})(?=\s*\bfrom\b)/.source),lookbehind:!0,inside:e.languages.javascript},exports:{pattern:t(/(\bexport\b\s*)(?:\*(?:\s*as\s+)?(?=\s*\bfrom\b)|\{[^{}]*\})/.source),lookbehind:!0,inside:e.languages.javascript}}),e.languages.javascript.keyword.unshift({pattern:/\b(?:as|default|export|from|import)\b/,alias:"module"},{pattern:/\b(?:await|break|catch|continue|do|else|finally|for|if|return|switch|throw|try|while|yield)\b/,alias:"control-flow"},{pattern:/\bnull\b/,alias:["null","nil"]},{pattern:/\bundefined\b/,alias:"nil"}),e.languages.insertBefore("javascript","operator",{spread:{pattern:/\.{3}/,alias:"operator"},arrow:{pattern:/=>/,alias:"operator"}}),e.languages.insertBefore("javascript","punctuation",{"property-access":{pattern:t(/(\.\s*)#?/.source),lookbehind:!0},"maybe-class-name":{pattern:/(^|[^$\w\xA0-\uFFFF])[A-Z][$\w\xA0-\uFFFF]+/,lookbehind:!0},dom:{pattern:/\b(?:document|(?:local|session)Storage|location|navigator|performance|window)\b/,alias:"variable"},console:{pattern:/\bconsole(?=\s*\.)/,alias:"class-name"}});for(var n=["function","function-variable","method","method-variable","property-access"],r=0;r*\.{3}(?:[^{}]|)*\})/.source;function o(e,t){return e=e.replace(//g,(function(){return n})).replace(//g,(function(){return r})).replace(//g,(function(){return a})),RegExp(e,t)}a=o(a).source,e.languages.jsx=e.languages.extend("markup",t),e.languages.jsx.tag.pattern=o(/<\/?(?:[\w.:-]+(?:+(?:[\w.:$-]+(?:=(?:"(?:\\[\s\S]|[^\\"])*"|'(?:\\[\s\S]|[^\\'])*'|[^\s{'"/>=]+|))?|))**\/?)?>/.source),e.languages.jsx.tag.inside.tag.pattern=/^<\/?[^\s>\/]*/,e.languages.jsx.tag.inside["attr-value"].pattern=/=(?!\{)(?:"(?:\\[\s\S]|[^\\"])*"|'(?:\\[\s\S]|[^\\'])*'|[^\s'">]+)/,e.languages.jsx.tag.inside.tag.inside["class-name"]=/^[A-Z]\w*(?:\.[A-Z]\w*)*$/,e.languages.jsx.tag.inside.comment=t.comment,e.languages.insertBefore("inside","attr-name",{spread:{pattern:o(//.source),inside:e.languages.jsx}},e.languages.jsx.tag),e.languages.insertBefore("inside","special-attr",{script:{pattern:o(/=/.source),alias:"language-javascript",inside:{"script-punctuation":{pattern:/^=(?=\{)/,alias:"punctuation"},rest:e.languages.jsx}}},e.languages.jsx.tag);var i=function(e){return e?"string"==typeof e?e:"string"==typeof e.content?e.content:e.content.map(i).join(""):""},l=function(t){for(var n=[],r=0;r0&&n[n.length-1].tagName===i(a.content[0].content[1])&&n.pop():"/>"===a.content[a.content.length-1].content||n.push({tagName:i(a.content[0].content[1]),openedBraces:0}):n.length>0&&"punctuation"===a.type&&"{"===a.content?n[n.length-1].openedBraces++:n.length>0&&n[n.length-1].openedBraces>0&&"punctuation"===a.type&&"}"===a.content?n[n.length-1].openedBraces--:o=!0),(o||"string"==typeof a)&&n.length>0&&0===n[n.length-1].openedBraces){var s=i(a);r0&&("string"==typeof t[r-1]||"plain-text"===t[r-1].type)&&(s=i(t[r-1])+s,t.splice(r-1,1),r--),t[r]=new e.Token("plain-text",s,null,s)}a.content&&"string"!=typeof a.content&&l(a.content)}};e.hooks.add("after-tokenize",(function(e){"jsx"!==e.language&&"tsx"!==e.language||l(e.tokens)}))}(a),function(e){e.languages.diff={coord:[/^(?:\*{3}|-{3}|\+{3}).*$/m,/^@@.*@@$/m,/^\d.*$/m]};var t={"deleted-sign":"-","deleted-arrow":"<","inserted-sign":"+","inserted-arrow":">",unchanged:" ",diff:"!"};Object.keys(t).forEach((function(n){var r=t[n],a=[];/^\w+$/.test(n)||a.push(/\w+/.exec(n)[0]),"diff"===n&&a.push("bold"),e.languages.diff[n]={pattern:RegExp("^(?:["+r+"].*(?:\r\n?|\n|(?![\\s\\S])))+","m"),alias:a,inside:{line:{pattern:/(.)(?=[\s\S]).*(?:\r\n?|\n)?/,lookbehind:!0},prefix:{pattern:/[\s\S]/,alias:/\w+/.exec(n)[0]}}}})),Object.defineProperty(e.languages.diff,"PREFIXES",{value:t})}(a),a.languages.git={comment:/^#.*/m,deleted:/^[-\u2013].*/m,inserted:/^\+.*/m,string:/("|')(?:\\.|(?!\1)[^\\\r\n])*\1/,command:{pattern:/^.*\$ git .*$/m,inside:{parameter:/\s--?\w+/}},coord:/^@@.*@@$/m,"commit-sha1":/^commit \w{40}$/m},a.languages.go=a.languages.extend("clike",{string:{pattern:/(^|[^\\])"(?:\\.|[^"\\\r\n])*"|`[^`]*`/,lookbehind:!0,greedy:!0},keyword:/\b(?:break|case|chan|const|continue|default|defer|else|fallthrough|for|func|go(?:to)?|if|import|interface|map|package|range|return|select|struct|switch|type|var)\b/,boolean:/\b(?:_|false|iota|nil|true)\b/,number:[/\b0(?:b[01_]+|o[0-7_]+)i?\b/i,/\b0x(?:[a-f\d_]+(?:\.[a-f\d_]*)?|\.[a-f\d_]+)(?:p[+-]?\d+(?:_\d+)*)?i?(?!\w)/i,/(?:\b\d[\d_]*(?:\.[\d_]*)?|\B\.\d[\d_]*)(?:e[+-]?[\d_]+)?i?(?!\w)/i],operator:/[*\/%^!=]=?|\+[=+]?|-[=-]?|\|[=|]?|&(?:=|&|\^=?)?|>(?:>=?|=)?|<(?:<=?|=|-)?|:=|\.\.\./,builtin:/\b(?:append|bool|byte|cap|close|complex|complex(?:64|128)|copy|delete|error|float(?:32|64)|u?int(?:8|16|32|64)?|imag|len|make|new|panic|print(?:ln)?|real|recover|rune|string|uintptr)\b/}),a.languages.insertBefore("go","string",{char:{pattern:/'(?:\\.|[^'\\\r\n]){0,10}'/,greedy:!0}}),delete a.languages.go["class-name"],function(e){function t(e,t){return"___"+e.toUpperCase()+t+"___"}Object.defineProperties(e.languages["markup-templating"]={},{buildPlaceholders:{value:function(n,r,a,o){if(n.language===r){var i=n.tokenStack=[];n.code=n.code.replace(a,(function(e){if("function"==typeof o&&!o(e))return e;for(var a,l=i.length;-1!==n.code.indexOf(a=t(r,l));)++l;return i[l]=e,a})),n.grammar=e.languages.markup}}},tokenizePlaceholders:{value:function(n,r){if(n.language===r&&n.tokenStack){n.grammar=e.languages[r];var a=0,o=Object.keys(n.tokenStack);!function i(l){for(var s=0;s=o.length);s++){var u=l[s];if("string"==typeof u||u.content&&"string"==typeof u.content){var c=o[a],d=n.tokenStack[c],p="string"==typeof u?u:u.content,f=t(r,c),m=p.indexOf(f);if(m>-1){++a;var g=p.substring(0,m),h=new e.Token(r,e.tokenize(d,n.grammar),"language-"+r,d),b=p.substring(m+f.length),v=[];g&&v.push.apply(v,i([g])),v.push(h),b&&v.push.apply(v,i([b])),"string"==typeof u?l.splice.apply(l,[s,1].concat(v)):u.content=v}}else u.content&&i(u.content)}return l}(n.tokens)}}}})}(a),function(e){e.languages.handlebars={comment:/\{\{![\s\S]*?\}\}/,delimiter:{pattern:/^\{\{\{?|\}\}\}?$/,alias:"punctuation"},string:/(["'])(?:\\.|(?!\1)[^\\\r\n])*\1/,number:/\b0x[\dA-Fa-f]+\b|(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:[Ee][+-]?\d+)?/,boolean:/\b(?:false|true)\b/,block:{pattern:/^(\s*(?:~\s*)?)[#\/]\S+?(?=\s*(?:~\s*)?$|\s)/,lookbehind:!0,alias:"keyword"},brackets:{pattern:/\[[^\]]+\]/,inside:{punctuation:/\[|\]/,variable:/[\s\S]+/}},punctuation:/[!"#%&':()*+,.\/;<=>@\[\\\]^`{|}~]/,variable:/[^!"#%&'()*+,\/;<=>@\[\\\]^`{|}~\s]+/},e.hooks.add("before-tokenize",(function(t){e.languages["markup-templating"].buildPlaceholders(t,"handlebars",/\{\{\{[\s\S]+?\}\}\}|\{\{[\s\S]+?\}\}/g)})),e.hooks.add("after-tokenize",(function(t){e.languages["markup-templating"].tokenizePlaceholders(t,"handlebars")})),e.languages.hbs=e.languages.handlebars}(a),a.languages.json={property:{pattern:/(^|[^\\])"(?:\\.|[^\\"\r\n])*"(?=\s*:)/,lookbehind:!0,greedy:!0},string:{pattern:/(^|[^\\])"(?:\\.|[^\\"\r\n])*"(?!\s*:)/,lookbehind:!0,greedy:!0},comment:{pattern:/\/\/.*|\/\*[\s\S]*?(?:\*\/|$)/,greedy:!0},number:/-?\b\d+(?:\.\d+)?(?:e[+-]?\d+)?\b/i,punctuation:/[{}[\],]/,operator:/:/,boolean:/\b(?:false|true)\b/,null:{pattern:/\bnull\b/,alias:"keyword"}},a.languages.webmanifest=a.languages.json,a.languages.less=a.languages.extend("css",{comment:[/\/\*[\s\S]*?\*\//,{pattern:/(^|[^\\])\/\/.*/,lookbehind:!0}],atrule:{pattern:/@[\w-](?:\((?:[^(){}]|\([^(){}]*\))*\)|[^(){};\s]|\s+(?!\s))*?(?=\s*\{)/,inside:{punctuation:/[:()]/}},selector:{pattern:/(?:@\{[\w-]+\}|[^{};\s@])(?:@\{[\w-]+\}|\((?:[^(){}]|\([^(){}]*\))*\)|[^(){};@\s]|\s+(?!\s))*?(?=\s*\{)/,inside:{variable:/@+[\w-]+/}},property:/(?:@\{[\w-]+\}|[\w-])+(?:\+_?)?(?=\s*:)/,operator:/[+\-*\/]/}),a.languages.insertBefore("less","property",{variable:[{pattern:/@[\w-]+\s*:/,inside:{punctuation:/:/}},/@@?[\w-]+/],"mixin-usage":{pattern:/([{;]\s*)[.#](?!\d)[\w-].*?(?=[(;])/,lookbehind:!0,alias:"function"}}),a.languages.makefile={comment:{pattern:/(^|[^\\])#(?:\\(?:\r\n|[\s\S])|[^\\\r\n])*/,lookbehind:!0},string:{pattern:/(["'])(?:\\(?:\r\n|[\s\S])|(?!\1)[^\\\r\n])*\1/,greedy:!0},"builtin-target":{pattern:/\.[A-Z][^:#=\s]+(?=\s*:(?!=))/,alias:"builtin"},target:{pattern:/^(?:[^:=\s]|[ \t]+(?![\s:]))+(?=\s*:(?!=))/m,alias:"symbol",inside:{variable:/\$+(?:(?!\$)[^(){}:#=\s]+|(?=[({]))/}},variable:/\$+(?:(?!\$)[^(){}:#=\s]+|\([@*%<^+?][DF]\)|(?=[({]))/,keyword:/-include\b|\b(?:define|else|endef|endif|export|ifn?def|ifn?eq|include|override|private|sinclude|undefine|unexport|vpath)\b/,function:{pattern:/(\()(?:abspath|addsuffix|and|basename|call|dir|error|eval|file|filter(?:-out)?|findstring|firstword|flavor|foreach|guile|if|info|join|lastword|load|notdir|or|origin|patsubst|realpath|shell|sort|strip|subst|suffix|value|warning|wildcard|word(?:list|s)?)(?=[ \t])/,lookbehind:!0},operator:/(?:::|[?:+!])?=|[|@]/,punctuation:/[:;(){}]/},a.languages.objectivec=a.languages.extend("c",{string:{pattern:/@?"(?:\\(?:\r\n|[\s\S])|[^"\\\r\n])*"/,greedy:!0},keyword:/\b(?:asm|auto|break|case|char|const|continue|default|do|double|else|enum|extern|float|for|goto|if|in|inline|int|long|register|return|self|short|signed|sizeof|static|struct|super|switch|typedef|typeof|union|unsigned|void|volatile|while)\b|(?:@interface|@end|@implementation|@protocol|@class|@public|@protected|@private|@property|@try|@catch|@finally|@throw|@synthesize|@dynamic|@selector)\b/,operator:/-[->]?|\+\+?|!=?|<>?=?|==?|&&?|\|\|?|[~^%?*\/@]/}),delete a.languages.objectivec["class-name"],a.languages.objc=a.languages.objectivec,a.languages.ocaml={comment:{pattern:/\(\*[\s\S]*?\*\)/,greedy:!0},char:{pattern:/'(?:[^\\\r\n']|\\(?:.|[ox]?[0-9a-f]{1,3}))'/i,greedy:!0},string:[{pattern:/"(?:\\(?:[\s\S]|\r\n)|[^\\\r\n"])*"/,greedy:!0},{pattern:/\{([a-z_]*)\|[\s\S]*?\|\1\}/,greedy:!0}],number:[/\b(?:0b[01][01_]*|0o[0-7][0-7_]*)\b/i,/\b0x[a-f0-9][a-f0-9_]*(?:\.[a-f0-9_]*)?(?:p[+-]?\d[\d_]*)?(?!\w)/i,/\b\d[\d_]*(?:\.[\d_]*)?(?:e[+-]?\d[\d_]*)?(?!\w)/i],directive:{pattern:/\B#\w+/,alias:"property"},label:{pattern:/\B~\w+/,alias:"property"},"type-variable":{pattern:/\B'\w+/,alias:"function"},variant:{pattern:/`\w+/,alias:"symbol"},keyword:/\b(?:as|assert|begin|class|constraint|do|done|downto|else|end|exception|external|for|fun|function|functor|if|in|include|inherit|initializer|lazy|let|match|method|module|mutable|new|nonrec|object|of|open|private|rec|sig|struct|then|to|try|type|val|value|virtual|when|where|while|with)\b/,boolean:/\b(?:false|true)\b/,"operator-like-punctuation":{pattern:/\[[<>|]|[>|]\]|\{<|>\}/,alias:"punctuation"},operator:/\.[.~]|:[=>]|[=<>@^|&+\-*\/$%!?~][!$%&*+\-.\/:<=>?@^|~]*|\b(?:and|asr|land|lor|lsl|lsr|lxor|mod|or)\b/,punctuation:/;;|::|[(){}\[\].,:;#]|\b_\b/},a.languages.python={comment:{pattern:/(^|[^\\])#.*/,lookbehind:!0,greedy:!0},"string-interpolation":{pattern:/(?:f|fr|rf)(?:("""|''')[\s\S]*?\1|("|')(?:\\.|(?!\2)[^\\\r\n])*\2)/i,greedy:!0,inside:{interpolation:{pattern:/((?:^|[^{])(?:\{\{)*)\{(?!\{)(?:[^{}]|\{(?!\{)(?:[^{}]|\{(?!\{)(?:[^{}])+\})+\})+\}/,lookbehind:!0,inside:{"format-spec":{pattern:/(:)[^:(){}]+(?=\}$)/,lookbehind:!0},"conversion-option":{pattern:/![sra](?=[:}]$)/,alias:"punctuation"},rest:null}},string:/[\s\S]+/}},"triple-quoted-string":{pattern:/(?:[rub]|br|rb)?("""|''')[\s\S]*?\1/i,greedy:!0,alias:"string"},string:{pattern:/(?:[rub]|br|rb)?("|')(?:\\.|(?!\1)[^\\\r\n])*\1/i,greedy:!0},function:{pattern:/((?:^|\s)def[ \t]+)[a-zA-Z_]\w*(?=\s*\()/g,lookbehind:!0},"class-name":{pattern:/(\bclass\s+)\w+/i,lookbehind:!0},decorator:{pattern:/(^[\t ]*)@\w+(?:\.\w+)*/m,lookbehind:!0,alias:["annotation","punctuation"],inside:{punctuation:/\./}},keyword:/\b(?:_(?=\s*:)|and|as|assert|async|await|break|case|class|continue|def|del|elif|else|except|exec|finally|for|from|global|if|import|in|is|lambda|match|nonlocal|not|or|pass|print|raise|return|try|while|with|yield)\b/,builtin:/\b(?:__import__|abs|all|any|apply|ascii|basestring|bin|bool|buffer|bytearray|bytes|callable|chr|classmethod|cmp|coerce|compile|complex|delattr|dict|dir|divmod|enumerate|eval|execfile|file|filter|float|format|frozenset|getattr|globals|hasattr|hash|help|hex|id|input|int|intern|isinstance|issubclass|iter|len|list|locals|long|map|max|memoryview|min|next|object|oct|open|ord|pow|property|range|raw_input|reduce|reload|repr|reversed|round|set|setattr|slice|sorted|staticmethod|str|sum|super|tuple|type|unichr|unicode|vars|xrange|zip)\b/,boolean:/\b(?:False|None|True)\b/,number:/\b0(?:b(?:_?[01])+|o(?:_?[0-7])+|x(?:_?[a-f0-9])+)\b|(?:\b\d+(?:_\d+)*(?:\.(?:\d+(?:_\d+)*)?)?|\B\.\d+(?:_\d+)*)(?:e[+-]?\d+(?:_\d+)*)?j?(?!\w)/i,operator:/[-+%=]=?|!=|:=|\*\*?=?|\/\/?=?|<[<=>]?|>[=>]?|[&|^~]/,punctuation:/[{}[\];(),.:]/},a.languages.python["string-interpolation"].inside.interpolation.inside.rest=a.languages.python,a.languages.py=a.languages.python,a.languages.reason=a.languages.extend("clike",{string:{pattern:/"(?:\\(?:\r\n|[\s\S])|[^\\\r\n"])*"/,greedy:!0},"class-name":/\b[A-Z]\w*/,keyword:/\b(?:and|as|assert|begin|class|constraint|do|done|downto|else|end|exception|external|for|fun|function|functor|if|in|include|inherit|initializer|lazy|let|method|module|mutable|new|nonrec|object|of|open|or|private|rec|sig|struct|switch|then|to|try|type|val|virtual|when|while|with)\b/,operator:/\.{3}|:[:=]|\|>|->|=(?:==?|>)?|<=?|>=?|[|^?'#!~`]|[+\-*\/]\.?|\b(?:asr|land|lor|lsl|lsr|lxor|mod)\b/}),a.languages.insertBefore("reason","class-name",{char:{pattern:/'(?:\\x[\da-f]{2}|\\o[0-3][0-7][0-7]|\\\d{3}|\\.|[^'\\\r\n])'/,greedy:!0},constructor:/\b[A-Z]\w*\b(?!\s*\.)/,label:{pattern:/\b[a-z]\w*(?=::)/,alias:"symbol"}}),delete a.languages.reason.function,function(e){e.languages.sass=e.languages.extend("css",{comment:{pattern:/^([ \t]*)\/[\/*].*(?:(?:\r?\n|\r)\1[ \t].+)*/m,lookbehind:!0,greedy:!0}}),e.languages.insertBefore("sass","atrule",{"atrule-line":{pattern:/^(?:[ \t]*)[@+=].+/m,greedy:!0,inside:{atrule:/(?:@[\w-]+|[+=])/}}}),delete e.languages.sass.atrule;var t=/\$[-\w]+|#\{\$[-\w]+\}/,n=[/[+*\/%]|[=!]=|<=?|>=?|\b(?:and|not|or)\b/,{pattern:/(\s)-(?=\s)/,lookbehind:!0}];e.languages.insertBefore("sass","property",{"variable-line":{pattern:/^[ \t]*\$.+/m,greedy:!0,inside:{punctuation:/:/,variable:t,operator:n}},"property-line":{pattern:/^[ \t]*(?:[^:\s]+ *:.*|:[^:\s].*)/m,greedy:!0,inside:{property:[/[^:\s]+(?=\s*:)/,{pattern:/(:)[^:\s]+/,lookbehind:!0}],punctuation:/:/,variable:t,operator:n,important:e.languages.sass.important}}}),delete e.languages.sass.property,delete e.languages.sass.important,e.languages.insertBefore("sass","punctuation",{selector:{pattern:/^([ \t]*)\S(?:,[^,\r\n]+|[^,\r\n]*)(?:,[^,\r\n]+)*(?:,(?:\r?\n|\r)\1[ \t]+\S(?:,[^,\r\n]+|[^,\r\n]*)(?:,[^,\r\n]+)*)*/m,lookbehind:!0,greedy:!0}})}(a),a.languages.scss=a.languages.extend("css",{comment:{pattern:/(^|[^\\])(?:\/\*[\s\S]*?\*\/|\/\/.*)/,lookbehind:!0},atrule:{pattern:/@[\w-](?:\([^()]+\)|[^()\s]|\s+(?!\s))*?(?=\s+[{;])/,inside:{rule:/@[\w-]+/}},url:/(?:[-a-z]+-)?url(?=\()/i,selector:{pattern:/(?=\S)[^@;{}()]?(?:[^@;{}()\s]|\s+(?!\s)|#\{\$[-\w]+\})+(?=\s*\{(?:\}|\s|[^}][^:{}]*[:{][^}]))/,inside:{parent:{pattern:/&/,alias:"important"},placeholder:/%[-\w]+/,variable:/\$[-\w]+|#\{\$[-\w]+\}/}},property:{pattern:/(?:[-\w]|\$[-\w]|#\{\$[-\w]+\})+(?=\s*:)/,inside:{variable:/\$[-\w]+|#\{\$[-\w]+\}/}}}),a.languages.insertBefore("scss","atrule",{keyword:[/@(?:content|debug|each|else(?: if)?|extend|for|forward|function|if|import|include|mixin|return|use|warn|while)\b/i,{pattern:/( )(?:from|through)(?= )/,lookbehind:!0}]}),a.languages.insertBefore("scss","important",{variable:/\$[-\w]+|#\{\$[-\w]+\}/}),a.languages.insertBefore("scss","function",{"module-modifier":{pattern:/\b(?:as|hide|show|with)\b/i,alias:"keyword"},placeholder:{pattern:/%[-\w]+/,alias:"selector"},statement:{pattern:/\B!(?:default|optional)\b/i,alias:"keyword"},boolean:/\b(?:false|true)\b/,null:{pattern:/\bnull\b/,alias:"keyword"},operator:{pattern:/(\s)(?:[-+*\/%]|[=!]=|<=?|>=?|and|not|or)(?=\s)/,lookbehind:!0}}),a.languages.scss.atrule.inside.rest=a.languages.scss,function(e){var t={pattern:/(\b\d+)(?:%|[a-z]+)/,lookbehind:!0},n={pattern:/(^|[^\w.-])-?(?:\d+(?:\.\d+)?|\.\d+)/,lookbehind:!0},r={comment:{pattern:/(^|[^\\])(?:\/\*[\s\S]*?\*\/|\/\/.*)/,lookbehind:!0},url:{pattern:/\burl\((["']?).*?\1\)/i,greedy:!0},string:{pattern:/("|')(?:(?!\1)[^\\\r\n]|\\(?:\r\n|[\s\S]))*\1/,greedy:!0},interpolation:null,func:null,important:/\B!(?:important|optional)\b/i,keyword:{pattern:/(^|\s+)(?:(?:else|for|if|return|unless)(?=\s|$)|@[\w-]+)/,lookbehind:!0},hexcode:/#[\da-f]{3,6}/i,color:[/\b(?:AliceBlue|AntiqueWhite|Aqua|Aquamarine|Azure|Beige|Bisque|Black|BlanchedAlmond|Blue|BlueViolet|Brown|BurlyWood|CadetBlue|Chartreuse|Chocolate|Coral|CornflowerBlue|Cornsilk|Crimson|Cyan|DarkBlue|DarkCyan|DarkGoldenRod|DarkGr[ae]y|DarkGreen|DarkKhaki|DarkMagenta|DarkOliveGreen|DarkOrange|DarkOrchid|DarkRed|DarkSalmon|DarkSeaGreen|DarkSlateBlue|DarkSlateGr[ae]y|DarkTurquoise|DarkViolet|DeepPink|DeepSkyBlue|DimGr[ae]y|DodgerBlue|FireBrick|FloralWhite|ForestGreen|Fuchsia|Gainsboro|GhostWhite|Gold|GoldenRod|Gr[ae]y|Green|GreenYellow|HoneyDew|HotPink|IndianRed|Indigo|Ivory|Khaki|Lavender|LavenderBlush|LawnGreen|LemonChiffon|LightBlue|LightCoral|LightCyan|LightGoldenRodYellow|LightGr[ae]y|LightGreen|LightPink|LightSalmon|LightSeaGreen|LightSkyBlue|LightSlateGr[ae]y|LightSteelBlue|LightYellow|Lime|LimeGreen|Linen|Magenta|Maroon|MediumAquaMarine|MediumBlue|MediumOrchid|MediumPurple|MediumSeaGreen|MediumSlateBlue|MediumSpringGreen|MediumTurquoise|MediumVioletRed|MidnightBlue|MintCream|MistyRose|Moccasin|NavajoWhite|Navy|OldLace|Olive|OliveDrab|Orange|OrangeRed|Orchid|PaleGoldenRod|PaleGreen|PaleTurquoise|PaleVioletRed|PapayaWhip|PeachPuff|Peru|Pink|Plum|PowderBlue|Purple|Red|RosyBrown|RoyalBlue|SaddleBrown|Salmon|SandyBrown|SeaGreen|SeaShell|Sienna|Silver|SkyBlue|SlateBlue|SlateGr[ae]y|Snow|SpringGreen|SteelBlue|Tan|Teal|Thistle|Tomato|Transparent|Turquoise|Violet|Wheat|White|WhiteSmoke|Yellow|YellowGreen)\b/i,{pattern:/\b(?:hsl|rgb)\(\s*\d{1,3}\s*,\s*\d{1,3}%?\s*,\s*\d{1,3}%?\s*\)\B|\b(?:hsl|rgb)a\(\s*\d{1,3}\s*,\s*\d{1,3}%?\s*,\s*\d{1,3}%?\s*,\s*(?:0|0?\.\d+|1)\s*\)\B/i,inside:{unit:t,number:n,function:/[\w-]+(?=\()/,punctuation:/[(),]/}}],entity:/\\[\da-f]{1,8}/i,unit:t,boolean:/\b(?:false|true)\b/,operator:[/~|[+!\/%<>?=]=?|[-:]=|\*[*=]?|\.{2,3}|&&|\|\||\B-\B|\b(?:and|in|is(?: a| defined| not|nt)?|not|or)\b/],number:n,punctuation:/[{}()\[\];:,]/};r.interpolation={pattern:/\{[^\r\n}:]+\}/,alias:"variable",inside:{delimiter:{pattern:/^\{|\}$/,alias:"punctuation"},rest:r}},r.func={pattern:/[\w-]+\([^)]*\).*/,inside:{function:/^[^(]+/,rest:r}},e.languages.stylus={"atrule-declaration":{pattern:/(^[ \t]*)@.+/m,lookbehind:!0,inside:{atrule:/^@[\w-]+/,rest:r}},"variable-declaration":{pattern:/(^[ \t]*)[\w$-]+\s*.?=[ \t]*(?:\{[^{}]*\}|\S.*|$)/m,lookbehind:!0,inside:{variable:/^\S+/,rest:r}},statement:{pattern:/(^[ \t]*)(?:else|for|if|return|unless)[ \t].+/m,lookbehind:!0,inside:{keyword:/^\S+/,rest:r}},"property-declaration":{pattern:/((?:^|\{)([ \t]*))(?:[\w-]|\{[^}\r\n]+\})+(?:\s*:\s*|[ \t]+)(?!\s)[^{\r\n]*(?:;|[^{\r\n,]$(?!(?:\r?\n|\r)(?:\{|\2[ \t])))/m,lookbehind:!0,inside:{property:{pattern:/^[^\s:]+/,inside:{interpolation:r.interpolation}},rest:r}},selector:{pattern:/(^[ \t]*)(?:(?=\S)(?:[^{}\r\n:()]|::?[\w-]+(?:\([^)\r\n]*\)|(?![\w-]))|\{[^}\r\n]+\})+)(?:(?:\r?\n|\r)(?:\1(?:(?=\S)(?:[^{}\r\n:()]|::?[\w-]+(?:\([^)\r\n]*\)|(?![\w-]))|\{[^}\r\n]+\})+)))*(?:,$|\{|(?=(?:\r?\n|\r)(?:\{|\1[ \t])))/m,lookbehind:!0,inside:{interpolation:r.interpolation,comment:r.comment,punctuation:/[{},]/}},func:r.func,string:r.string,comment:{pattern:/(^|[^\\])(?:\/\*[\s\S]*?\*\/|\/\/.*)/,lookbehind:!0,greedy:!0},interpolation:r.interpolation,punctuation:/[{}()\[\];:.]/}}(a),function(e){var t=e.util.clone(e.languages.typescript);e.languages.tsx=e.languages.extend("jsx",t),delete e.languages.tsx.parameter,delete e.languages.tsx["literal-property"];var n=e.languages.tsx.tag;n.pattern=RegExp(/(^|[^\w$]|(?=<\/))/.source+"(?:"+n.pattern.source+")",n.pattern.flags),n.lookbehind=!0}(a),a.languages.wasm={comment:[/\(;[\s\S]*?;\)/,{pattern:/;;.*/,greedy:!0}],string:{pattern:/"(?:\\[\s\S]|[^"\\])*"/,greedy:!0},keyword:[{pattern:/\b(?:align|offset)=/,inside:{operator:/=/}},{pattern:/\b(?:(?:f32|f64|i32|i64)(?:\.(?:abs|add|and|ceil|clz|const|convert_[su]\/i(?:32|64)|copysign|ctz|demote\/f64|div(?:_[su])?|eqz?|extend_[su]\/i32|floor|ge(?:_[su])?|gt(?:_[su])?|le(?:_[su])?|load(?:(?:8|16|32)_[su])?|lt(?:_[su])?|max|min|mul|neg?|nearest|or|popcnt|promote\/f32|reinterpret\/[fi](?:32|64)|rem_[su]|rot[lr]|shl|shr_[su]|sqrt|store(?:8|16|32)?|sub|trunc(?:_[su]\/f(?:32|64))?|wrap\/i64|xor))?|memory\.(?:grow|size))\b/,inside:{punctuation:/\./}},/\b(?:anyfunc|block|br(?:_if|_table)?|call(?:_indirect)?|data|drop|elem|else|end|export|func|get_(?:global|local)|global|if|import|local|loop|memory|module|mut|nop|offset|param|result|return|select|set_(?:global|local)|start|table|tee_local|then|type|unreachable)\b/],variable:/\$[\w!#$%&'*+\-./:<=>?@\\^`|~]+/,number:/[+-]?\b(?:\d(?:_?\d)*(?:\.\d(?:_?\d)*)?(?:[eE][+-]?\d(?:_?\d)*)?|0x[\da-fA-F](?:_?[\da-fA-F])*(?:\.[\da-fA-F](?:_?[\da-fA-D])*)?(?:[pP][+-]?\d(?:_?\d)*)?)\b|\binf\b|\bnan(?::0x[\da-fA-F](?:_?[\da-fA-D])*)?\b/,punctuation:/[()]/};const o=a},496:e=>{e.exports&&(e.exports={core:{meta:{path:"components/prism-core.js",option:"mandatory"},core:"Core"},themes:{meta:{path:"themes/{id}.css",link:"index.html?theme={id}",exclusive:!0},prism:{title:"Default",option:"default"},"prism-dark":"Dark","prism-funky":"Funky","prism-okaidia":{title:"Okaidia",owner:"ocodia"},"prism-twilight":{title:"Twilight",owner:"remybach"},"prism-coy":{title:"Coy",owner:"tshedor"},"prism-solarizedlight":{title:"Solarized Light",owner:"hectormatos2011 "},"prism-tomorrow":{title:"Tomorrow Night",owner:"Rosey"}},languages:{meta:{path:"components/prism-{id}",noCSS:!0,examplesPath:"examples/prism-{id}",addCheckAll:!0},markup:{title:"Markup",alias:["html","xml","svg","mathml","ssml","atom","rss"],aliasTitles:{html:"HTML",xml:"XML",svg:"SVG",mathml:"MathML",ssml:"SSML",atom:"Atom",rss:"RSS"},option:"default"},css:{title:"CSS",option:"default",modify:"markup"},clike:{title:"C-like",option:"default"},javascript:{title:"JavaScript",require:"clike",modify:"markup",optional:"regex",alias:"js",option:"default"},abap:{title:"ABAP",owner:"dellagustin"},abnf:{title:"ABNF",owner:"RunDevelopment"},actionscript:{title:"ActionScript",require:"javascript",modify:"markup",owner:"Golmote"},ada:{title:"Ada",owner:"Lucretia"},agda:{title:"Agda",owner:"xy-ren"},al:{title:"AL",owner:"RunDevelopment"},antlr4:{title:"ANTLR4",alias:"g4",owner:"RunDevelopment"},apacheconf:{title:"Apache Configuration",owner:"GuiTeK"},apex:{title:"Apex",require:["clike","sql"],owner:"RunDevelopment"},apl:{title:"APL",owner:"ngn"},applescript:{title:"AppleScript",owner:"Golmote"},aql:{title:"AQL",owner:"RunDevelopment"},arduino:{title:"Arduino",require:"cpp",alias:"ino",owner:"dkern"},arff:{title:"ARFF",owner:"Golmote"},armasm:{title:"ARM Assembly",alias:"arm-asm",owner:"RunDevelopment"},arturo:{title:"Arturo",alias:"art",optional:["bash","css","javascript","markup","markdown","sql"],owner:"drkameleon"},asciidoc:{alias:"adoc",title:"AsciiDoc",owner:"Golmote"},aspnet:{title:"ASP.NET (C#)",require:["markup","csharp"],owner:"nauzilus"},asm6502:{title:"6502 Assembly",owner:"kzurawel"},asmatmel:{title:"Atmel AVR Assembly",owner:"cerkit"},autohotkey:{title:"AutoHotkey",owner:"aviaryan"},autoit:{title:"AutoIt",owner:"Golmote"},avisynth:{title:"AviSynth",alias:"avs",owner:"Zinfidel"},"avro-idl":{title:"Avro IDL",alias:"avdl",owner:"RunDevelopment"},awk:{title:"AWK",alias:"gawk",aliasTitles:{gawk:"GAWK"},owner:"RunDevelopment"},bash:{title:"Bash",alias:["sh","shell"],aliasTitles:{sh:"Shell",shell:"Shell"},owner:"zeitgeist87"},basic:{title:"BASIC",owner:"Golmote"},batch:{title:"Batch",owner:"Golmote"},bbcode:{title:"BBcode",alias:"shortcode",aliasTitles:{shortcode:"Shortcode"},owner:"RunDevelopment"},bbj:{title:"BBj",owner:"hyyan"},bicep:{title:"Bicep",owner:"johnnyreilly"},birb:{title:"Birb",require:"clike",owner:"Calamity210"},bison:{title:"Bison",require:"c",owner:"Golmote"},bnf:{title:"BNF",alias:"rbnf",aliasTitles:{rbnf:"RBNF"},owner:"RunDevelopment"},bqn:{title:"BQN",owner:"yewscion"},brainfuck:{title:"Brainfuck",owner:"Golmote"},brightscript:{title:"BrightScript",owner:"RunDevelopment"},bro:{title:"Bro",owner:"wayward710"},bsl:{title:"BSL (1C:Enterprise)",alias:"oscript",aliasTitles:{oscript:"OneScript"},owner:"Diversus23"},c:{title:"C",require:"clike",owner:"zeitgeist87"},csharp:{title:"C#",require:"clike",alias:["cs","dotnet"],owner:"mvalipour"},cpp:{title:"C++",require:"c",owner:"zeitgeist87"},cfscript:{title:"CFScript",require:"clike",alias:"cfc",owner:"mjclemente"},chaiscript:{title:"ChaiScript",require:["clike","cpp"],owner:"RunDevelopment"},cil:{title:"CIL",owner:"sbrl"},cilkc:{title:"Cilk/C",require:"c",alias:"cilk-c",owner:"OpenCilk"},cilkcpp:{title:"Cilk/C++",require:"cpp",alias:["cilk-cpp","cilk"],owner:"OpenCilk"},clojure:{title:"Clojure",owner:"troglotit"},cmake:{title:"CMake",owner:"mjrogozinski"},cobol:{title:"COBOL",owner:"RunDevelopment"},coffeescript:{title:"CoffeeScript",require:"javascript",alias:"coffee",owner:"R-osey"},concurnas:{title:"Concurnas",alias:"conc",owner:"jasontatton"},csp:{title:"Content-Security-Policy",owner:"ScottHelme"},cooklang:{title:"Cooklang",owner:"ahue"},coq:{title:"Coq",owner:"RunDevelopment"},crystal:{title:"Crystal",require:"ruby",owner:"MakeNowJust"},"css-extras":{title:"CSS Extras",require:"css",modify:"css",owner:"milesj"},csv:{title:"CSV",owner:"RunDevelopment"},cue:{title:"CUE",owner:"RunDevelopment"},cypher:{title:"Cypher",owner:"RunDevelopment"},d:{title:"D",require:"clike",owner:"Golmote"},dart:{title:"Dart",require:"clike",owner:"Golmote"},dataweave:{title:"DataWeave",owner:"machaval"},dax:{title:"DAX",owner:"peterbud"},dhall:{title:"Dhall",owner:"RunDevelopment"},diff:{title:"Diff",owner:"uranusjr"},django:{title:"Django/Jinja2",require:"markup-templating",alias:"jinja2",owner:"romanvm"},"dns-zone-file":{title:"DNS zone file",owner:"RunDevelopment",alias:"dns-zone"},docker:{title:"Docker",alias:"dockerfile",owner:"JustinBeckwith"},dot:{title:"DOT (Graphviz)",alias:"gv",optional:"markup",owner:"RunDevelopment"},ebnf:{title:"EBNF",owner:"RunDevelopment"},editorconfig:{title:"EditorConfig",owner:"osipxd"},eiffel:{title:"Eiffel",owner:"Conaclos"},ejs:{title:"EJS",require:["javascript","markup-templating"],owner:"RunDevelopment",alias:"eta",aliasTitles:{eta:"Eta"}},elixir:{title:"Elixir",owner:"Golmote"},elm:{title:"Elm",owner:"zwilias"},etlua:{title:"Embedded Lua templating",require:["lua","markup-templating"],owner:"RunDevelopment"},erb:{title:"ERB",require:["ruby","markup-templating"],owner:"Golmote"},erlang:{title:"Erlang",owner:"Golmote"},"excel-formula":{title:"Excel Formula",alias:["xlsx","xls"],owner:"RunDevelopment"},fsharp:{title:"F#",require:"clike",owner:"simonreynolds7"},factor:{title:"Factor",owner:"catb0t"},false:{title:"False",owner:"edukisto"},"firestore-security-rules":{title:"Firestore security rules",require:"clike",owner:"RunDevelopment"},flow:{title:"Flow",require:"javascript",owner:"Golmote"},fortran:{title:"Fortran",owner:"Golmote"},ftl:{title:"FreeMarker Template Language",require:"markup-templating",owner:"RunDevelopment"},gml:{title:"GameMaker Language",alias:"gamemakerlanguage",require:"clike",owner:"LiarOnce"},gap:{title:"GAP (CAS)",owner:"RunDevelopment"},gcode:{title:"G-code",owner:"RunDevelopment"},gdscript:{title:"GDScript",owner:"RunDevelopment"},gedcom:{title:"GEDCOM",owner:"Golmote"},gettext:{title:"gettext",alias:"po",owner:"RunDevelopment"},gherkin:{title:"Gherkin",owner:"hason"},git:{title:"Git",owner:"lgiraudel"},glsl:{title:"GLSL",require:"c",owner:"Golmote"},gn:{title:"GN",alias:"gni",owner:"RunDevelopment"},"linker-script":{title:"GNU Linker Script",alias:"ld",owner:"RunDevelopment"},go:{title:"Go",require:"clike",owner:"arnehormann"},"go-module":{title:"Go module",alias:"go-mod",owner:"RunDevelopment"},gradle:{title:"Gradle",require:"clike",owner:"zeabdelkhalek-badido18"},graphql:{title:"GraphQL",optional:"markdown",owner:"Golmote"},groovy:{title:"Groovy",require:"clike",owner:"robfletcher"},haml:{title:"Haml",require:"ruby",optional:["css","css-extras","coffeescript","erb","javascript","less","markdown","scss","textile"],owner:"Golmote"},handlebars:{title:"Handlebars",require:"markup-templating",alias:["hbs","mustache"],aliasTitles:{mustache:"Mustache"},owner:"Golmote"},haskell:{title:"Haskell",alias:"hs",owner:"bholst"},haxe:{title:"Haxe",require:"clike",optional:"regex",owner:"Golmote"},hcl:{title:"HCL",owner:"outsideris"},hlsl:{title:"HLSL",require:"c",owner:"RunDevelopment"},hoon:{title:"Hoon",owner:"matildepark"},http:{title:"HTTP",optional:["csp","css","hpkp","hsts","javascript","json","markup","uri"],owner:"danielgtaylor"},hpkp:{title:"HTTP Public-Key-Pins",owner:"ScottHelme"},hsts:{title:"HTTP Strict-Transport-Security",owner:"ScottHelme"},ichigojam:{title:"IchigoJam",owner:"BlueCocoa"},icon:{title:"Icon",owner:"Golmote"},"icu-message-format":{title:"ICU Message Format",owner:"RunDevelopment"},idris:{title:"Idris",alias:"idr",owner:"KeenS",require:"haskell"},ignore:{title:".ignore",owner:"osipxd",alias:["gitignore","hgignore","npmignore"],aliasTitles:{gitignore:".gitignore",hgignore:".hgignore",npmignore:".npmignore"}},inform7:{title:"Inform 7",owner:"Golmote"},ini:{title:"Ini",owner:"aviaryan"},io:{title:"Io",owner:"AlesTsurko"},j:{title:"J",owner:"Golmote"},java:{title:"Java",require:"clike",owner:"sherblot"},javadoc:{title:"JavaDoc",require:["markup","java","javadoclike"],modify:"java",optional:"scala",owner:"RunDevelopment"},javadoclike:{title:"JavaDoc-like",modify:["java","javascript","php"],owner:"RunDevelopment"},javastacktrace:{title:"Java stack trace",owner:"RunDevelopment"},jexl:{title:"Jexl",owner:"czosel"},jolie:{title:"Jolie",require:"clike",owner:"thesave"},jq:{title:"JQ",owner:"RunDevelopment"},jsdoc:{title:"JSDoc",require:["javascript","javadoclike","typescript"],modify:"javascript",optional:["actionscript","coffeescript"],owner:"RunDevelopment"},"js-extras":{title:"JS Extras",require:"javascript",modify:"javascript",optional:["actionscript","coffeescript","flow","n4js","typescript"],owner:"RunDevelopment"},json:{title:"JSON",alias:"webmanifest",aliasTitles:{webmanifest:"Web App Manifest"},owner:"CupOfTea696"},json5:{title:"JSON5",require:"json",owner:"RunDevelopment"},jsonp:{title:"JSONP",require:"json",owner:"RunDevelopment"},jsstacktrace:{title:"JS stack trace",owner:"sbrl"},"js-templates":{title:"JS Templates",require:"javascript",modify:"javascript",optional:["css","css-extras","graphql","markdown","markup","sql"],owner:"RunDevelopment"},julia:{title:"Julia",owner:"cdagnino"},keepalived:{title:"Keepalived Configure",owner:"dev-itsheng"},keyman:{title:"Keyman",owner:"mcdurdin"},kotlin:{title:"Kotlin",alias:["kt","kts"],aliasTitles:{kts:"Kotlin Script"},require:"clike",owner:"Golmote"},kumir:{title:"KuMir (\u041a\u0443\u041c\u0438\u0440)",alias:"kum",owner:"edukisto"},kusto:{title:"Kusto",owner:"RunDevelopment"},latex:{title:"LaTeX",alias:["tex","context"],aliasTitles:{tex:"TeX",context:"ConTeXt"},owner:"japborst"},latte:{title:"Latte",require:["clike","markup-templating","php"],owner:"nette"},less:{title:"Less",require:"css",optional:"css-extras",owner:"Golmote"},lilypond:{title:"LilyPond",require:"scheme",alias:"ly",owner:"RunDevelopment"},liquid:{title:"Liquid",require:"markup-templating",owner:"cinhtau"},lisp:{title:"Lisp",alias:["emacs","elisp","emacs-lisp"],owner:"JuanCaicedo"},livescript:{title:"LiveScript",owner:"Golmote"},llvm:{title:"LLVM IR",owner:"porglezomp"},log:{title:"Log file",optional:"javastacktrace",owner:"RunDevelopment"},lolcode:{title:"LOLCODE",owner:"Golmote"},lua:{title:"Lua",owner:"Golmote"},magma:{title:"Magma (CAS)",owner:"RunDevelopment"},makefile:{title:"Makefile",owner:"Golmote"},markdown:{title:"Markdown",require:"markup",optional:"yaml",alias:"md",owner:"Golmote"},"markup-templating":{title:"Markup templating",require:"markup",owner:"Golmote"},mata:{title:"Mata",owner:"RunDevelopment"},matlab:{title:"MATLAB",owner:"Golmote"},maxscript:{title:"MAXScript",owner:"RunDevelopment"},mel:{title:"MEL",owner:"Golmote"},mermaid:{title:"Mermaid",owner:"RunDevelopment"},metafont:{title:"METAFONT",owner:"LaeriExNihilo"},mizar:{title:"Mizar",owner:"Golmote"},mongodb:{title:"MongoDB",owner:"airs0urce",require:"javascript"},monkey:{title:"Monkey",owner:"Golmote"},moonscript:{title:"MoonScript",alias:"moon",owner:"RunDevelopment"},n1ql:{title:"N1QL",owner:"TMWilds"},n4js:{title:"N4JS",require:"javascript",optional:"jsdoc",alias:"n4jsd",owner:"bsmith-n4"},"nand2tetris-hdl":{title:"Nand To Tetris HDL",owner:"stephanmax"},naniscript:{title:"Naninovel Script",owner:"Elringus",alias:"nani"},nasm:{title:"NASM",owner:"rbmj"},neon:{title:"NEON",owner:"nette"},nevod:{title:"Nevod",owner:"nezaboodka"},nginx:{title:"nginx",owner:"volado"},nim:{title:"Nim",owner:"Golmote"},nix:{title:"Nix",owner:"Golmote"},nsis:{title:"NSIS",owner:"idleberg"},objectivec:{title:"Objective-C",require:"c",alias:"objc",owner:"uranusjr"},ocaml:{title:"OCaml",owner:"Golmote"},odin:{title:"Odin",owner:"edukisto"},opencl:{title:"OpenCL",require:"c",modify:["c","cpp"],owner:"Milania1"},openqasm:{title:"OpenQasm",alias:"qasm",owner:"RunDevelopment"},oz:{title:"Oz",owner:"Golmote"},parigp:{title:"PARI/GP",owner:"Golmote"},parser:{title:"Parser",require:"markup",owner:"Golmote"},pascal:{title:"Pascal",alias:"objectpascal",aliasTitles:{objectpascal:"Object Pascal"},owner:"Golmote"},pascaligo:{title:"Pascaligo",owner:"DefinitelyNotAGoat"},psl:{title:"PATROL Scripting Language",owner:"bertysentry"},pcaxis:{title:"PC-Axis",alias:"px",owner:"RunDevelopment"},peoplecode:{title:"PeopleCode",alias:"pcode",owner:"RunDevelopment"},perl:{title:"Perl",owner:"Golmote"},php:{title:"PHP",require:"markup-templating",owner:"milesj"},phpdoc:{title:"PHPDoc",require:["php","javadoclike"],modify:"php",owner:"RunDevelopment"},"php-extras":{title:"PHP Extras",require:"php",modify:"php",owner:"milesj"},"plant-uml":{title:"PlantUML",alias:"plantuml",owner:"RunDevelopment"},plsql:{title:"PL/SQL",require:"sql",owner:"Golmote"},powerquery:{title:"PowerQuery",alias:["pq","mscript"],owner:"peterbud"},powershell:{title:"PowerShell",owner:"nauzilus"},processing:{title:"Processing",require:"clike",owner:"Golmote"},prolog:{title:"Prolog",owner:"Golmote"},promql:{title:"PromQL",owner:"arendjr"},properties:{title:".properties",owner:"Golmote"},protobuf:{title:"Protocol Buffers",require:"clike",owner:"just-boris"},pug:{title:"Pug",require:["markup","javascript"],optional:["coffeescript","ejs","handlebars","less","livescript","markdown","scss","stylus","twig"],owner:"Golmote"},puppet:{title:"Puppet",owner:"Golmote"},pure:{title:"Pure",optional:["c","cpp","fortran"],owner:"Golmote"},purebasic:{title:"PureBasic",require:"clike",alias:"pbfasm",owner:"HeX0R101"},purescript:{title:"PureScript",require:"haskell",alias:"purs",owner:"sriharshachilakapati"},python:{title:"Python",alias:"py",owner:"multipetros"},qsharp:{title:"Q#",require:"clike",alias:"qs",owner:"fedonman"},q:{title:"Q (kdb+ database)",owner:"Golmote"},qml:{title:"QML",require:"javascript",owner:"RunDevelopment"},qore:{title:"Qore",require:"clike",owner:"temnroegg"},r:{title:"R",owner:"Golmote"},racket:{title:"Racket",require:"scheme",alias:"rkt",owner:"RunDevelopment"},cshtml:{title:"Razor C#",alias:"razor",require:["markup","csharp"],optional:["css","css-extras","javascript","js-extras"],owner:"RunDevelopment"},jsx:{title:"React JSX",require:["markup","javascript"],optional:["jsdoc","js-extras","js-templates"],owner:"vkbansal"},tsx:{title:"React TSX",require:["jsx","typescript"]},reason:{title:"Reason",require:"clike",owner:"Golmote"},regex:{title:"Regex",owner:"RunDevelopment"},rego:{title:"Rego",owner:"JordanSh"},renpy:{title:"Ren'py",alias:"rpy",owner:"HyuchiaDiego"},rescript:{title:"ReScript",alias:"res",owner:"vmarcosp"},rest:{title:"reST (reStructuredText)",owner:"Golmote"},rip:{title:"Rip",owner:"ravinggenius"},roboconf:{title:"Roboconf",owner:"Golmote"},robotframework:{title:"Robot Framework",alias:"robot",owner:"RunDevelopment"},ruby:{title:"Ruby",require:"clike",alias:"rb",owner:"samflores"},rust:{title:"Rust",owner:"Golmote"},sas:{title:"SAS",optional:["groovy","lua","sql"],owner:"Golmote"},sass:{title:"Sass (Sass)",require:"css",optional:"css-extras",owner:"Golmote"},scss:{title:"Sass (SCSS)",require:"css",optional:"css-extras",owner:"MoOx"},scala:{title:"Scala",require:"java",owner:"jozic"},scheme:{title:"Scheme",owner:"bacchus123"},"shell-session":{title:"Shell session",require:"bash",alias:["sh-session","shellsession"],owner:"RunDevelopment"},smali:{title:"Smali",owner:"RunDevelopment"},smalltalk:{title:"Smalltalk",owner:"Golmote"},smarty:{title:"Smarty",require:"markup-templating",optional:"php",owner:"Golmote"},sml:{title:"SML",alias:"smlnj",aliasTitles:{smlnj:"SML/NJ"},owner:"RunDevelopment"},solidity:{title:"Solidity (Ethereum)",alias:"sol",require:"clike",owner:"glachaud"},"solution-file":{title:"Solution file",alias:"sln",owner:"RunDevelopment"},soy:{title:"Soy (Closure Template)",require:"markup-templating",owner:"Golmote"},sparql:{title:"SPARQL",require:"turtle",owner:"Triply-Dev",alias:"rq"},"splunk-spl":{title:"Splunk SPL",owner:"RunDevelopment"},sqf:{title:"SQF: Status Quo Function (Arma 3)",require:"clike",owner:"RunDevelopment"},sql:{title:"SQL",owner:"multipetros"},squirrel:{title:"Squirrel",require:"clike",owner:"RunDevelopment"},stan:{title:"Stan",owner:"RunDevelopment"},stata:{title:"Stata Ado",require:["mata","java","python"],owner:"RunDevelopment"},iecst:{title:"Structured Text (IEC 61131-3)",owner:"serhioromano"},stylus:{title:"Stylus",owner:"vkbansal"},supercollider:{title:"SuperCollider",alias:"sclang",owner:"RunDevelopment"},swift:{title:"Swift",owner:"chrischares"},systemd:{title:"Systemd configuration file",owner:"RunDevelopment"},"t4-templating":{title:"T4 templating",owner:"RunDevelopment"},"t4-cs":{title:"T4 Text Templates (C#)",require:["t4-templating","csharp"],alias:"t4",owner:"RunDevelopment"},"t4-vb":{title:"T4 Text Templates (VB)",require:["t4-templating","vbnet"],owner:"RunDevelopment"},tap:{title:"TAP",owner:"isaacs",require:"yaml"},tcl:{title:"Tcl",owner:"PeterChaplin"},tt2:{title:"Template Toolkit 2",require:["clike","markup-templating"],owner:"gflohr"},textile:{title:"Textile",require:"markup",optional:"css",owner:"Golmote"},toml:{title:"TOML",owner:"RunDevelopment"},tremor:{title:"Tremor",alias:["trickle","troy"],owner:"darach",aliasTitles:{trickle:"trickle",troy:"troy"}},turtle:{title:"Turtle",alias:"trig",aliasTitles:{trig:"TriG"},owner:"jakubklimek"},twig:{title:"Twig",require:"markup-templating",owner:"brandonkelly"},typescript:{title:"TypeScript",require:"javascript",optional:"js-templates",alias:"ts",owner:"vkbansal"},typoscript:{title:"TypoScript",alias:"tsconfig",aliasTitles:{tsconfig:"TSConfig"},owner:"dkern"},unrealscript:{title:"UnrealScript",alias:["uscript","uc"],owner:"RunDevelopment"},uorazor:{title:"UO Razor Script",owner:"jaseowns"},uri:{title:"URI",alias:"url",aliasTitles:{url:"URL"},owner:"RunDevelopment"},v:{title:"V",require:"clike",owner:"taggon"},vala:{title:"Vala",require:"clike",optional:"regex",owner:"TemplarVolk"},vbnet:{title:"VB.Net",require:"basic",owner:"Bigsby"},velocity:{title:"Velocity",require:"markup",owner:"Golmote"},verilog:{title:"Verilog",owner:"a-rey"},vhdl:{title:"VHDL",owner:"a-rey"},vim:{title:"vim",owner:"westonganger"},"visual-basic":{title:"Visual Basic",alias:["vb","vba"],aliasTitles:{vba:"VBA"},owner:"Golmote"},warpscript:{title:"WarpScript",owner:"RunDevelopment"},wasm:{title:"WebAssembly",owner:"Golmote"},"web-idl":{title:"Web IDL",alias:"webidl",owner:"RunDevelopment"},wgsl:{title:"WGSL",owner:"Dr4gonthree"},wiki:{title:"Wiki markup",require:"markup",owner:"Golmote"},wolfram:{title:"Wolfram language",alias:["mathematica","nb","wl"],aliasTitles:{mathematica:"Mathematica",nb:"Mathematica Notebook"},owner:"msollami"},wren:{title:"Wren",owner:"clsource"},xeora:{title:"Xeora",require:"markup",alias:"xeoracube",aliasTitles:{xeoracube:"XeoraCube"},owner:"freakmaxi"},"xml-doc":{title:"XML doc (.net)",require:"markup",modify:["csharp","fsharp","vbnet"],owner:"RunDevelopment"},xojo:{title:"Xojo (REALbasic)",owner:"Golmote"},xquery:{title:"XQuery",require:"markup",owner:"Golmote"},yaml:{title:"YAML",alias:"yml",owner:"hason"},yang:{title:"YANG",owner:"RunDevelopment"},zig:{title:"Zig",owner:"RunDevelopment"}},plugins:{meta:{path:"plugins/{id}/prism-{id}",link:"plugins/{id}/"},"line-highlight":{title:"Line Highlight",description:"Highlights specific lines and/or line ranges."},"line-numbers":{title:"Line Numbers",description:"Line number at the beginning of code lines.",owner:"kuba-kubula"},"show-invisibles":{title:"Show Invisibles",description:"Show hidden characters such as tabs and line breaks.",optional:["autolinker","data-uri-highlight"]},autolinker:{title:"Autolinker",description:"Converts URLs and emails in code to clickable links. Parses Markdown links in comments."},wpd:{title:"WebPlatform Docs",description:'Makes tokens link to WebPlatform.org documentation. The links open in a new tab.'},"custom-class":{title:"Custom Class",description:"This plugin allows you to prefix Prism's default classes (.comment can become .namespace--comment) or replace them with your defined ones (like .editor__comment). You can even add new classes.",owner:"dvkndn",noCSS:!0},"file-highlight":{title:"File Highlight",description:"Fetch external files and highlight them with Prism. Used on the Prism website itself.",noCSS:!0},"show-language":{title:"Show Language",description:"Display the highlighted language in code blocks (inline code does not show the label).",owner:"nauzilus",noCSS:!0,require:"toolbar"},"jsonp-highlight":{title:"JSONP Highlight",description:"Fetch content with JSONP and highlight some interesting content (e.g. GitHub/Gists or Bitbucket API).",noCSS:!0,owner:"nauzilus"},"highlight-keywords":{title:"Highlight Keywords",description:"Adds special CSS classes for each keyword for fine-grained highlighting.",owner:"vkbansal",noCSS:!0},"remove-initial-line-feed":{title:"Remove initial line feed",description:"Removes the initial line feed in code blocks.",owner:"Golmote",noCSS:!0},"inline-color":{title:"Inline color",description:"Adds a small inline preview for colors in style sheets.",require:"css-extras",owner:"RunDevelopment"},previewers:{title:"Previewers",description:"Previewers for angles, colors, gradients, easing and time.",require:"css-extras",owner:"Golmote"},autoloader:{title:"Autoloader",description:"Automatically loads the needed languages to highlight the code blocks.",owner:"Golmote",noCSS:!0},"keep-markup":{title:"Keep Markup",description:"Prevents custom markup from being dropped out during highlighting.",owner:"Golmote",optional:"normalize-whitespace",noCSS:!0},"command-line":{title:"Command Line",description:"Display a command line with a prompt and, optionally, the output/response from the commands.",owner:"chriswells0"},"unescaped-markup":{title:"Unescaped Markup",description:"Write markup without having to escape anything."},"normalize-whitespace":{title:"Normalize Whitespace",description:"Supports multiple operations to normalize whitespace in code blocks.",owner:"zeitgeist87",optional:"unescaped-markup",noCSS:!0},"data-uri-highlight":{title:"Data-URI Highlight",description:"Highlights data-URI contents.",owner:"Golmote",noCSS:!0},toolbar:{title:"Toolbar",description:"Attach a toolbar for plugins to easily register buttons on the top of a code block.",owner:"mAAdhaTTah"},"copy-to-clipboard":{title:"Copy to Clipboard Button",description:"Add a button that copies the code block to the clipboard when clicked.",owner:"mAAdhaTTah",require:"toolbar",noCSS:!0},"download-button":{title:"Download Button",description:"A button in the toolbar of a code block adding a convenient way to download a code file.",owner:"Golmote",require:"toolbar",noCSS:!0},"match-braces":{title:"Match braces",description:"Highlights matching braces.",owner:"RunDevelopment"},"diff-highlight":{title:"Diff Highlight",description:"Highlights the code inside diff blocks.",owner:"RunDevelopment",require:"diff"},"filter-highlight-all":{title:"Filter highlightAll",description:"Filters the elements the highlightAll and highlightAllUnder methods actually highlight.",owner:"RunDevelopment",noCSS:!0},treeview:{title:"Treeview",description:"A language with special styles to highlight file system tree structures.",owner:"Golmote"}}})},2885:(e,t,n)=>{const r=n(496),a=n(9642),o=new Set;function i(e){void 0===e?e=Object.keys(r.languages).filter((e=>"meta"!=e)):Array.isArray(e)||(e=[e]);const t=[...o,...Object.keys(Prism.languages)];a(r,e,t).load((e=>{if(!(e in r.languages))return void(i.silent||console.warn("Language does not exist: "+e));const t="./prism-"+e;delete n.c[n(6500).resolve(t)],delete Prism.languages[e],n(6500)(t),o.add(e)}))}i.silent=!1,e.exports=i},6726:(e,t,n)=>{var r={"./":2885};function a(e){var t=o(e);return n(t)}function o(e){if(!n.o(r,e)){var t=new Error("Cannot find module '"+e+"'");throw t.code="MODULE_NOT_FOUND",t}return r[e]}a.keys=function(){return Object.keys(r)},a.resolve=o,e.exports=a,a.id=6726},6500:(e,t,n)=>{var r={"./":2885};function a(e){var t=o(e);return n(t)}function o(e){if(!n.o(r,e)){var t=new Error("Cannot find module '"+e+"'");throw t.code="MODULE_NOT_FOUND",t}return r[e]}a.keys=function(){return Object.keys(r)},a.resolve=o,e.exports=a,a.id=6500},9642:e=>{"use strict";var t=function(){var e=function(){};function t(e,t){Array.isArray(e)?e.forEach(t):null!=e&&t(e,0)}function n(e){for(var t={},n=0,r=e.length;n "));var l={},s=e[r];if(s){function u(t){if(!(t in e))throw new Error(r+" depends on an unknown component "+t);if(!(t in l))for(var i in a(t,o),l[t]=!0,n[t])l[i]=!0}t(s.require,u),t(s.optional,u),t(s.modify,u)}n[r]=l,o.pop()}}return function(e){var t=n[e];return t||(a(e,r),t=n[e]),t}}function a(e){for(var t in e)return!0;return!1}return function(o,i,l){var s=function(e){var t={};for(var n in e){var r=e[n];for(var a in r)if("meta"!=a){var o=r[a];t[a]="string"==typeof o?{title:o}:o}}return t}(o),u=function(e){var n;return function(r){if(r in e)return r;if(!n)for(var a in n={},e){var o=e[a];t(o&&o.alias,(function(t){if(t in n)throw new Error(t+" cannot be alias for both "+a+" and "+n[t]);if(t in e)throw new Error(t+" cannot be alias of "+a+" because it is a component.");n[t]=a}))}return n[r]||r}}(s);i=i.map(u),l=(l||[]).map(u);var c=n(i),d=n(l);i.forEach((function e(n){var r=s[n];t(r&&r.require,(function(t){t in d||(c[t]=!0,e(t))}))}));for(var p,f=r(s),m=c;a(m);){for(var g in p={},m){var h=s[g];t(h&&h.modify,(function(e){e in d&&(p[e]=!0)}))}for(var b in d)if(!(b in c))for(var v in f(b))if(v in c){p[b]=!0;break}for(var y in m=p)c[y]=!0}var w={getIds:function(){var e=[];return w.load((function(t){e.push(t)})),e},load:function(t,n){return function(t,n,r,a){var o=a?a.series:void 0,i=a?a.parallel:e,l={},s={};function u(e){if(e in l)return l[e];s[e]=!0;var a,c=[];for(var d in t(e))d in n&&c.push(d);if(0===c.length)a=r(e);else{var p=i(c.map((function(e){var t=u(e);return delete s[e],t})));o?a=o(p,(function(){return r(e)})):r(e)}return l[e]=a}for(var c in n)u(c);var d=[];for(var p in s)d.push(l[p]);return i(d)}(f,c,t,n)}};return w}}();e.exports=t},2703:(e,t,n)=>{"use strict";var r=n(414);function a(){}function o(){}o.resetWarningCache=a,e.exports=function(){function e(e,t,n,a,o,i){if(i!==r){var l=new Error("Calling PropTypes validators directly is not supported by the `prop-types` package. Use PropTypes.checkPropTypes() to call them. Read more at http://fb.me/use-check-prop-types");throw l.name="Invariant Violation",l}}function t(){return e}e.isRequired=e;var n={array:e,bigint:e,bool:e,func:e,number:e,object:e,string:e,symbol:e,any:e,arrayOf:t,element:e,elementType:e,instanceOf:t,node:e,objectOf:t,oneOf:t,oneOfType:t,shape:t,exact:t,checkPropTypes:o,resetWarningCache:a};return n.PropTypes=n,n}},5697:(e,t,n)=>{e.exports=n(2703)()},414:e=>{"use strict";e.exports="SECRET_DO_NOT_PASS_THIS_OR_YOU_WILL_BE_FIRED"},4448:(e,t,n)=>{"use strict";var r=n(7294),a=n(7418),o=n(3840);function i(e){for(var t="https://reactjs.org/docs/error-decoder.html?invariant="+e,n=1;n