first commit
BIN
3.5.1Плазма/Data.XLSX
Normal file
BIN
3.5.1Плазма/I(U)_probe.png
Normal file
After Width: | Height: | Size: 176 KiB |
24
3.5.1Плазма/Probe_1.5.csv
Normal file
@ -0,0 +1,24 @@
|
|||||||
|
I;U
|
||||||
|
39.1;24.986
|
||||||
|
37.78;22.015
|
||||||
|
36.48;19.034
|
||||||
|
35.13;16.03
|
||||||
|
33.44;13.003
|
||||||
|
30.61;10.036
|
||||||
|
27.58;8.065
|
||||||
|
23.12;6.021
|
||||||
|
17.33;4.048
|
||||||
|
9.97;2.011
|
||||||
|
1.95;0.004
|
||||||
|
-2.42;0.004
|
||||||
|
-2.01;-1.101
|
||||||
|
-5.74;-2.058
|
||||||
|
-12.97;-4.096
|
||||||
|
-18.43;-6.015
|
||||||
|
-22.64;-8.016
|
||||||
|
-25.54;-10.001
|
||||||
|
-28.22;-13.136
|
||||||
|
-29.63;-16.096
|
||||||
|
-30.79;-19.032
|
||||||
|
-31.89;-22.006
|
||||||
|
-33.02;-24.986
|
|
25
3.5.1Плазма/Probe_3.4.csv
Normal file
@ -0,0 +1,25 @@
|
|||||||
|
I;U
|
||||||
|
90.25;24.981
|
||||||
|
88.24;22.023
|
||||||
|
85.85;19.163
|
||||||
|
83;16.106
|
||||||
|
78.18;12.973
|
||||||
|
70.43;10.076
|
||||||
|
61.82;7.999
|
||||||
|
51.21;6.058
|
||||||
|
36.69;3.993
|
||||||
|
20.29;2.032
|
||||||
|
6.43;0.4868
|
||||||
|
-6.94;0.004
|
||||||
|
0.4;-0.764
|
||||||
|
-3.76;-1.224
|
||||||
|
-10.57;-2.012
|
||||||
|
-27.17;-4.005
|
||||||
|
-42.05;-6.14
|
||||||
|
-52.9;-8.147
|
||||||
|
-60.57;-10.057
|
||||||
|
-68.26;-13.008
|
||||||
|
-72.7;-16.096
|
||||||
|
-75.37;-19.071
|
||||||
|
-77.75;-22.156
|
||||||
|
-79.53;-24.989
|
|
24
3.5.1Плазма/Probe_3.csv
Normal file
@ -0,0 +1,24 @@
|
|||||||
|
I;U
|
||||||
|
65.23;24.988
|
||||||
|
63.33;21.993
|
||||||
|
61.42;19.085
|
||||||
|
59.22;16.047
|
||||||
|
55.94;13.014
|
||||||
|
50.01;10.051
|
||||||
|
43.45;8.002
|
||||||
|
35.07;6.092
|
||||||
|
23.36;4.035
|
||||||
|
9.69;2.057
|
||||||
|
-5.47;0.004
|
||||||
|
-2.7;-0.004
|
||||||
|
-6.39;-0.504
|
||||||
|
-18.28;-2.052
|
||||||
|
-32.32;-4.065
|
||||||
|
-44.71;-6.156
|
||||||
|
-53.3;-8.039
|
||||||
|
-60.29;-10.131
|
||||||
|
-64.8;-12.075
|
||||||
|
-70.15;-16.061
|
||||||
|
-72.62;-19.065
|
||||||
|
-74.86;-22.054
|
||||||
|
-76.99;-24.985
|
|
BIN
3.5.1Плазма/T,n(I_p).png
Normal file
After Width: | Height: | Size: 136 KiB |
BIN
3.5.1Плазма/U(I)_discharge.png
Normal file
After Width: | Height: | Size: 126 KiB |
21
3.5.1Плазма/V(I)_discharge.csv
Normal file
@ -0,0 +1,21 @@
|
|||||||
|
U_1;I_1
|
||||||
|
33.907;23
|
||||||
|
28.594;35
|
||||||
|
26.49;47
|
||||||
|
25.329;58
|
||||||
|
24.58;73
|
||||||
|
24.007;96
|
||||||
|
23.784;108
|
||||||
|
23.444;130
|
||||||
|
23.228;143
|
||||||
|
23.224;146
|
||||||
|
23.303;141
|
||||||
|
23.438;133
|
||||||
|
23.701;118
|
||||||
|
23.955;101
|
||||||
|
24.223;78
|
||||||
|
25.005;64
|
||||||
|
27.278;41
|
||||||
|
34.351;19
|
||||||
|
35.838;9
|
||||||
|
25.326;58
|
|
338
3.5.1Плазма/laba.py
Normal file
@ -0,0 +1,338 @@
|
|||||||
|
# -*- coding: utf-8 -*-
|
||||||
|
"""
|
||||||
|
Created on Mon Sep 12 12:24:24 2022
|
||||||
|
|
||||||
|
@author: anna
|
||||||
|
"""
|
||||||
|
|
||||||
|
# -*- coding: utf-8 -*-
|
||||||
|
|
||||||
|
import numpy as np
|
||||||
|
import matplotlib.pyplot as plt
|
||||||
|
import csv
|
||||||
|
from scipy.optimize import curve_fit
|
||||||
|
|
||||||
|
|
||||||
|
def read_csv(file_name):
|
||||||
|
with open(file_name) as file:
|
||||||
|
reader = list(csv.reader(file, delimiter=';',
|
||||||
|
quotechar=',', quoting=csv.QUOTE_MINIMAL))
|
||||||
|
return reader
|
||||||
|
|
||||||
|
|
||||||
|
def make_latex_table(data):
|
||||||
|
table = []
|
||||||
|
table.append("\\begin{table}".replace('//', '\\'))
|
||||||
|
table.append("\label{}".replace('/', '\\'))
|
||||||
|
table.append('\caption{}'.replace('/', '\\'))
|
||||||
|
leng = len(data[0])
|
||||||
|
stroka = 'c'.join(['|' for _ in range(leng+1)])
|
||||||
|
table.append('\\begin{tabular}{'.replace('//', '\\')+stroka+'}')
|
||||||
|
table.append('\hline')
|
||||||
|
for i in range(len(data)):
|
||||||
|
table.append(' & '.join(data[i]) + ' \\\\')
|
||||||
|
table.append('\hline')
|
||||||
|
table.append("\end{tabular}".replace('/', '\\'))
|
||||||
|
table.append("\end{table}".replace('/', '\\'))
|
||||||
|
return table
|
||||||
|
|
||||||
|
|
||||||
|
def make_point_grafic(x, y, xlabel, ylabel, caption, xerr, yerr,
|
||||||
|
subplot=None, color=None, center=None, s=15):
|
||||||
|
if not subplot:
|
||||||
|
subplot = plt
|
||||||
|
if type(yerr) == float or type(yerr) == int:
|
||||||
|
yerr = [yerr for _ in y]
|
||||||
|
if type(xerr) == float or type(xerr) == int:
|
||||||
|
xerr = [xerr for _ in x]
|
||||||
|
|
||||||
|
if xerr[1] != 0 or yerr[1] != 0:
|
||||||
|
subplot.errorbar(x, y, yerr=yerr, xerr=xerr, linewidth=4,
|
||||||
|
linestyle='', label=caption, color=color,
|
||||||
|
ecolor=color, elinewidth=1, capsize=3.4,
|
||||||
|
capthick=1.4)
|
||||||
|
else:
|
||||||
|
subplot.scatter(x, y, linewidth=0.005, label=caption,
|
||||||
|
color=color, edgecolor='black', s=s)
|
||||||
|
# ax = plt.subplots()
|
||||||
|
# ax.grid())
|
||||||
|
if not center:
|
||||||
|
plt.xlabel(xlabel)
|
||||||
|
plt.ylabel(ylabel)
|
||||||
|
else:
|
||||||
|
ax = plt.gca()
|
||||||
|
ax.spines['top'].set_visible(False)
|
||||||
|
ax.spines['right'].set_visible(False)
|
||||||
|
ax.spines['bottom'].set_position('zero')
|
||||||
|
ax.spines['left'].set_position('zero')
|
||||||
|
ax.set_xlabel(ylabel, labelpad=-180, fontsize=14) # +
|
||||||
|
ax.set_ylabel(xlabel, labelpad=-260, rotation=0, fontsize=14)
|
||||||
|
|
||||||
|
|
||||||
|
def make_line_grafic(xmin, xmax, xerr, yerr, xlabel, ylabel, k, b, caption,
|
||||||
|
subplot=None, color=None, linestyle='-'):
|
||||||
|
if not subplot:
|
||||||
|
subplot = plt
|
||||||
|
x = np.arange(xmin, xmax, (xmax-xmin)/10000)
|
||||||
|
subplot.plot(x, k*x+b, label=caption, color=color, linewidth=2.4,
|
||||||
|
linestyle=linestyle)
|
||||||
|
|
||||||
|
|
||||||
|
def make_graffic(x, y, xlabel, ylabel, caption_point, xerr, yerr, k=None,
|
||||||
|
b=None, filename=None, color=None, koef=[0.9, 1.1]):
|
||||||
|
if not color:
|
||||||
|
color = ['limegreen', 'indigo']
|
||||||
|
make_point_grafic(x, y, xlabel=xlabel,
|
||||||
|
ylabel=ylabel, caption=caption_point,
|
||||||
|
xerr=xerr, yerr=yerr, subplot=plt, color=color[0])
|
||||||
|
if k and b:
|
||||||
|
make_line_grafic(xmin=min(x)-1, xmax=max(x)+1, xerr=xerr, yerr=yerr,
|
||||||
|
xlabel='', ylabel='', k=k, b=b,
|
||||||
|
caption='Theoretical dependence', subplot=plt,
|
||||||
|
color='red')
|
||||||
|
if type(yerr) == float or type(yerr) == int:
|
||||||
|
yerr = [yerr for _ in y]
|
||||||
|
k, b, sigma = approx(x, y, b, yerr)
|
||||||
|
sigma[0] = abs(k*((sigma[0]/k)**2+(np.mean(yerr)/np.mean(y))**2 +
|
||||||
|
(np.mean(xerr)/np.mean(x))**2)**0.5)
|
||||||
|
if (b != 0):
|
||||||
|
sigma[1] = abs(b*((sigma[1]/b)**2+(np.mean(yerr)/np.mean(y))**2 +
|
||||||
|
(np.mean(xerr)/np.mean(x))**2)**0.5)
|
||||||
|
else:
|
||||||
|
sigma[1] = 0
|
||||||
|
|
||||||
|
make_line_grafic(xmin=min(x)*koef[0], xmax=max(x)*koef[1], xerr=xerr,
|
||||||
|
yerr=yerr, xlabel='', ylabel='', k=k, b=b, caption=None,
|
||||||
|
subplot=plt, color=color[1])
|
||||||
|
plt.legend()
|
||||||
|
return k, b, sigma
|
||||||
|
|
||||||
|
|
||||||
|
def approx(x, y, b, sigma_y, f=None):
|
||||||
|
if sigma_y[0] != 0:
|
||||||
|
sigma_y = [1/i**2 for i in sigma_y]
|
||||||
|
else:
|
||||||
|
sigma_y = np.array([1 for _ in y])
|
||||||
|
if f is None:
|
||||||
|
if b == 0:
|
||||||
|
def f(x, k):
|
||||||
|
return k*x
|
||||||
|
k, sigma = curve_fit(f, xdata=x, ydata=y, sigma=sigma_y)
|
||||||
|
sigma = np.sqrt(np.diag(sigma))
|
||||||
|
return k, b, [sigma, 0]
|
||||||
|
else:
|
||||||
|
def f(x, k, b):
|
||||||
|
return x*k + b
|
||||||
|
k, sigma = curve_fit(f, xdata=x, ydata=y, sigma=sigma_y)
|
||||||
|
sigma_b = np.sqrt(sigma[1][1])
|
||||||
|
b = k[1]
|
||||||
|
k = k[0]
|
||||||
|
sigma = np.sqrt(sigma[0][0])
|
||||||
|
|
||||||
|
return k, b, [sigma, sigma_b]
|
||||||
|
else:
|
||||||
|
k, sigma = curve_fit(f, xdata=x, ydata=y, sigma=sigma_y)
|
||||||
|
sigma = np.sqrt(np.diag(sigma))
|
||||||
|
b = k[1]
|
||||||
|
k = k[0]
|
||||||
|
return k, b, sigma
|
||||||
|
|
||||||
|
|
||||||
|
def find_delivation(data):
|
||||||
|
data = np.array(data).astype(np.float)
|
||||||
|
s = sum(data)/len(data)
|
||||||
|
su = 0
|
||||||
|
for i in data:
|
||||||
|
su += (i-s)**2
|
||||||
|
return (su/(len(data)-1))**0.5
|
||||||
|
|
||||||
|
|
||||||
|
def make_dic(filename):
|
||||||
|
data = np.array(read_csv(filename))
|
||||||
|
data = np.transpose(data)
|
||||||
|
dic = {}
|
||||||
|
for i in range(len(data)):
|
||||||
|
dic[data[i][0]] = np.array(data[i][1:]).astype(np.float)
|
||||||
|
data = dic
|
||||||
|
return data
|
||||||
|
|
||||||
|
|
||||||
|
def make_fun(A0, T):
|
||||||
|
def f(t, k, b):
|
||||||
|
return A0/(1+A0*b*t)-k*0*A0*t/T
|
||||||
|
return f
|
||||||
|
|
||||||
|
|
||||||
|
def make_fun_grafic(xmin, xmax, xerr, yerr, xlabel, ylabel, f, k, b, caption,
|
||||||
|
subplot=None, color=None):
|
||||||
|
if not subplot:
|
||||||
|
subplot = plt
|
||||||
|
x = np.arange(xmin, xmax, (xmax-xmin)/10000)
|
||||||
|
subplot.plot(x, f(x, k, b), label=caption, color=color)
|
||||||
|
|
||||||
|
|
||||||
|
def make_all():
|
||||||
|
|
||||||
|
plt.figure(dpi=500, figsize=(8, 5))
|
||||||
|
vac_discharge()
|
||||||
|
plt.savefig('U(I)_discharge')
|
||||||
|
plt.show()
|
||||||
|
|
||||||
|
plt.figure(dpi=500, figsize=(8, 5))
|
||||||
|
vac_probe()
|
||||||
|
|
||||||
|
|
||||||
|
def vac_discharge():
|
||||||
|
data = make_dic('V(I)_discharge.csv')
|
||||||
|
data['I_1'] *= 6/150
|
||||||
|
data['U_1'] *= 10
|
||||||
|
x = []
|
||||||
|
y = []
|
||||||
|
for i in range(len(data['U_1'])):
|
||||||
|
if data['I_1'][i] <= 1.8:
|
||||||
|
y.append(data['U_1'][i])
|
||||||
|
x.append(data['I_1'][i])
|
||||||
|
x = np.array(x)
|
||||||
|
y = np.array(y)
|
||||||
|
|
||||||
|
k, b, sigma = make_graffic(y=y, x=x, xlabel='I, mA',
|
||||||
|
ylabel='U, V', caption_point='', xerr=0.003*x,
|
||||||
|
yerr=0.002*y)
|
||||||
|
|
||||||
|
make_point_grafic(y=data['U_1'], x=data['I_1'], ylabel='U, V',
|
||||||
|
xlabel='I, mA', caption='', xerr=0.003*data['I_1'],
|
||||||
|
yerr=0.002*data['U_1'])
|
||||||
|
|
||||||
|
print('R_dif=', k*10**3, '+-', sigma[0]*10**3)
|
||||||
|
|
||||||
|
|
||||||
|
def vac_probe():
|
||||||
|
big_data = {'I_en': [], 'I_en_sigma': [], 'I_in': [], 'k': [],
|
||||||
|
'I_in_sigma': [], 'k_sigma': []}
|
||||||
|
I_p = [1.5, 3, 3.4]
|
||||||
|
for i in I_p:
|
||||||
|
name = 'Probe_'+str(i)+'.csv'
|
||||||
|
num = int(i+0.6)-2
|
||||||
|
data = make_dic(name)
|
||||||
|
cap = '$I_p$ = ' + str(i)+' mA'
|
||||||
|
x = data['U']
|
||||||
|
y = data['I']
|
||||||
|
xlabel = 'U, V'
|
||||||
|
ylabel = 'I, $\mu$A'
|
||||||
|
color = colors[num]
|
||||||
|
x_lin_big = []
|
||||||
|
x_lin_sm = []
|
||||||
|
y_lin_big = []
|
||||||
|
y_lin_sm = []
|
||||||
|
x_lin_ave = []
|
||||||
|
y_lin_ave = []
|
||||||
|
for j in range(len(data['U'])):
|
||||||
|
if data['U'][j] >= 12.5:
|
||||||
|
x_lin_big.append(data['U'][j])
|
||||||
|
y_lin_big.append(data['I'][j])
|
||||||
|
elif data['U'][j] <= -12.5:
|
||||||
|
x_lin_sm.append(data['U'][j])
|
||||||
|
y_lin_sm.append(data['I'][j])
|
||||||
|
elif data['U'][j] <= 6 and data['U'][j] >= -6:
|
||||||
|
x_lin_ave.append(data['U'][j])
|
||||||
|
y_lin_ave.append(data['I'][j])
|
||||||
|
|
||||||
|
xerr = 0.003
|
||||||
|
yerr = 0.002
|
||||||
|
k, b, sigma = make_graffic(x_lin_big, y_lin_big, xlabel=xlabel,
|
||||||
|
ylabel=ylabel, caption_point='', xerr=0,
|
||||||
|
yerr=0, color=color)
|
||||||
|
big_data['I_en'].append(b*10**(-6)*3*10**9)
|
||||||
|
big_data['I_en_sigma'].append(sigma[1]*10**(-6)*3*10**9)
|
||||||
|
make_line_grafic(0, xmax=max(x_lin_big), xerr=0, yerr=0, xlabel=xlabel,
|
||||||
|
ylabel=ylabel, k=k, b=b, caption='', linestyle=':',
|
||||||
|
color=color[1])
|
||||||
|
plt.scatter(0, b, color=color[1], marker=0, s=15, linewidths=5)
|
||||||
|
k, b, sigma = make_graffic(x_lin_sm, y_lin_sm, xlabel=xlabel,
|
||||||
|
ylabel=ylabel, caption_point='', xerr=0,
|
||||||
|
yerr=0, color=color, koef=[1.1, 0.9])
|
||||||
|
big_data['I_in'].append(-b*10**(-6)*3*10**9)
|
||||||
|
big_data['I_in_sigma'].append(sigma[1]*10**(-6)*3*10**9)
|
||||||
|
make_line_grafic(xmax=0, xmin=min(x_lin_sm), xerr=0, yerr=0,
|
||||||
|
xlabel=xlabel, ylabel=ylabel, k=k, b=b, caption='',
|
||||||
|
linestyle=':', color=color[1])
|
||||||
|
make_point_grafic(x, y, xlabel, ylabel, caption=cap, xerr=xerr*x,
|
||||||
|
yerr=yerr*y, center=True, color=color[0])
|
||||||
|
plt.scatter(0, b, color=color[1], marker=0, s=15, linewidths=5)
|
||||||
|
k, b, sigma = approx(x_lin_ave, y_lin_ave, b=2, sigma_y=[0])
|
||||||
|
big_data['k'].append(k*10**(-6)*3*10**9*3*10**2)
|
||||||
|
big_data['k_sigma'].append(sigma[0]*10**(-6)*3*10**9*3*10**2)
|
||||||
|
|
||||||
|
plt.legend()
|
||||||
|
plt.savefig('I(U)_probe')
|
||||||
|
plt.show()
|
||||||
|
for i in big_data.keys():
|
||||||
|
big_data[i] = np.array(big_data[i])
|
||||||
|
k_b = 1.38*10**(-16)
|
||||||
|
e = 4.8 * 10**(-10)
|
||||||
|
T_e = 1/2*big_data['I_in']/big_data['k']*e/k_b # ЭВ
|
||||||
|
T_e_sigma = T_e*((big_data['I_in_sigma']/big_data['I_in'])**2+
|
||||||
|
(big_data['k_sigma']/big_data['k'])**2)**0.5
|
||||||
|
print('T_e = ', *T_e, 'К')
|
||||||
|
print('T_e_sigma = ', *T_e_sigma, 'К')
|
||||||
|
print('T_e = ', *T_e/11606, 'эВ')
|
||||||
|
print('T_e_sigma = ', *T_e_sigma/11606, 'эВ')
|
||||||
|
S = np.pi * 0.2 * 5.2 * 10 ** (-2)
|
||||||
|
m_i = 22 * 1.66 * 10 ** (-24)
|
||||||
|
m_e = 9.1 * 10 ** (-28)
|
||||||
|
n_i = 2.5*big_data['I_in']/e/S*(m_i/2/T_e/k_b)**0.5
|
||||||
|
n_i_sigma = n_i*((big_data['I_in_sigma']/big_data['I_in'])**2+
|
||||||
|
1/4*(T_e_sigma/T_e)**2)**0.5
|
||||||
|
print('n_i = ', *n_i/10**(10), '10^10')
|
||||||
|
print('n_i_sigma = ', *n_i_sigma/10**(10), '10^10')
|
||||||
|
w_p = (4*np.pi*n_i*e**2/m_e)**0.5
|
||||||
|
w_p_sigma = w_p * n_i_sigma/n_i/2
|
||||||
|
print('w_p =', *w_p/10**9, '10^9 рад/с')
|
||||||
|
print('w_p_sigma =', *w_p_sigma/10**9, '10^9 рад/с')
|
||||||
|
r_De = (k_b*T_e/4/np.pi/n_i/e**2)**0.5
|
||||||
|
r_De_sigma = r_De * ((T_e_sigma/T_e)**2 + (n_i_sigma/n_i)**2)**0.5
|
||||||
|
print('r_De =', *r_De*10**3, '10^-3 см')
|
||||||
|
print('r_De_sigma =', *r_De_sigma*10**3, '10^-3 см')
|
||||||
|
T_i = 300
|
||||||
|
r_D = (k_b*T_i/4/np.pi/n_i/e**2)**0.5
|
||||||
|
r_D_sigma = r_D * n_i_sigma/n_i
|
||||||
|
print('r_D =', *r_D*10**3, '10^-3 см')
|
||||||
|
print('r_D_sigma =', *r_D_sigma*10**3, '10^-3 см')
|
||||||
|
N_D = 4/3*np.pi*n_i*r_D**3
|
||||||
|
N_D_sigma = N_D * (9*(r_D_sigma/r_D)**2 + (n_i_sigma/n_i)**2)**0.5
|
||||||
|
print('N_D = ', *N_D)
|
||||||
|
print('N_D_sigma = ', *N_D_sigma)
|
||||||
|
alpha = n_i * k_b * T_e / (2*133*10)
|
||||||
|
alpha_sigma = alpha * ((T_e_sigma/T_e)**2 + (n_i_sigma/n_i)**2)**0.5
|
||||||
|
print('alpha = ', *alpha*10**5, '10^-5')
|
||||||
|
print('alpha_sigma = ', *alpha_sigma*10**5, '10^-5')
|
||||||
|
|
||||||
|
|
||||||
|
plt.figure(dpi=500, figsize=(8, 5))
|
||||||
|
ax = plt.gca()
|
||||||
|
ax.set_xlabel("radius [m]", fontsize=16)
|
||||||
|
ax.set_ylabel(r"surface area ($m^2$)", fontsize=16, color="blue")
|
||||||
|
for label in ax.get_yticklabels():
|
||||||
|
label.set_color("blue")
|
||||||
|
|
||||||
|
I_p = np.array(I_p)
|
||||||
|
make_point_grafic(I_p, T_e/10**4, ylabel='$T_e, 10^4 \cdot K$',
|
||||||
|
xlabel='$I_p$, mA', caption='', xerr=I_p*xerr,
|
||||||
|
yerr=T_e_sigma/10**4, color='blue', s=60)
|
||||||
|
ax2 = ax.twinx()
|
||||||
|
ax2.set_ylabel(r"volume ($m^3$)", fontsize=16, color="red")
|
||||||
|
for label in ax2.get_yticklabels():
|
||||||
|
label.set_color("red")
|
||||||
|
|
||||||
|
make_point_grafic(I_p, n_i/10**10, ylabel='$n_e, 10^{10} \cdot см^{-3}$',
|
||||||
|
xlabel='$I_p$, mA', caption='', xerr=I_p*xerr,
|
||||||
|
yerr=n_i_sigma/10**10, color='red', s=30)
|
||||||
|
|
||||||
|
plt.savefig('T,n(I_p)')
|
||||||
|
plt.show()
|
||||||
|
|
||||||
|
|
||||||
|
colors = [['green', 'mediumpurple'], ['orange', 'sandybrown'],
|
||||||
|
['maroon', 'rosybrown'], ['darkblue', 'gold'],
|
||||||
|
['crimson', 'greenyellow'], ['indigo', 'lightgreen']]
|
||||||
|
make_all()
|
BIN
3.5.1Плазма/Зондовая_характеристика.png
Normal file
After Width: | Height: | Size: 24 KiB |
BIN
3.5.1Плазма/Одиночный.png
Normal file
After Width: | Height: | Size: 47 KiB |
60
3.5.1Плазма/Плазма.aux
Normal file
@ -0,0 +1,60 @@
|
|||||||
|
\relax
|
||||||
|
\providecommand\hyper@newdestlabel[2]{}
|
||||||
|
\providecommand\HyperFirstAtBeginDocument{\AtBeginDocument}
|
||||||
|
\HyperFirstAtBeginDocument{\ifx\hyper@anchor\@undefined
|
||||||
|
\global\let\oldcontentsline\contentsline
|
||||||
|
\gdef\contentsline#1#2#3#4{\oldcontentsline{#1}{#2}{#3}}
|
||||||
|
\global\let\oldnewlabel\newlabel
|
||||||
|
\gdef\newlabel#1#2{\newlabelxx{#1}#2}
|
||||||
|
\gdef\newlabelxx#1#2#3#4#5#6{\oldnewlabel{#1}{{#2}{#3}}}
|
||||||
|
\AtEndDocument{\ifx\hyper@anchor\@undefined
|
||||||
|
\let\contentsline\oldcontentsline
|
||||||
|
\let\newlabel\oldnewlabel
|
||||||
|
\fi}
|
||||||
|
\fi}
|
||||||
|
\global\let\hyper@last\relax
|
||||||
|
\gdef\HyperFirstAtBeginDocument#1{#1}
|
||||||
|
\providecommand\HyField@AuxAddToFields[1]{}
|
||||||
|
\providecommand\HyField@AuxAddToCoFields[2]{}
|
||||||
|
\providecommand\babel@aux[2]{}
|
||||||
|
\@nameuse{bbl@beforestart}
|
||||||
|
\catcode `"\active
|
||||||
|
\babel@aux{russian}{}
|
||||||
|
\@writefile{toc}{\contentsline {section}{\numberline {1}Аннотация}{1}{section.1}\protected@file@percent }
|
||||||
|
\@writefile{toc}{\contentsline {section}{\numberline {2}Введение}{1}{section.2}\protected@file@percent }
|
||||||
|
\@writefile{toc}{\contentsline {section}{\numberline {3}Поставка задачи}{1}{section.3}\protected@file@percent }
|
||||||
|
\@writefile{toc}{\contentsline {section}{\numberline {4}Теоретические сведения}{1}{section.4}\protected@file@percent }
|
||||||
|
\newlabel{w_p}{{1}{1}{Теоретические сведения}{equation.4.1}{}}
|
||||||
|
\newlabel{R_De}{{7}{2}{Теоретические сведения}{equation.4.7}{}}
|
||||||
|
\newlabel{r_D_общ}{{8}{2}{Теоретические сведения}{equation.4.8}{}}
|
||||||
|
\newlabel{N_D}{{10}{2}{Теоретические сведения}{equation.4.10}{}}
|
||||||
|
\@writefile{toc}{\contentsline {section}{\numberline {5}Методика измерений}{3}{section.5}\protected@file@percent }
|
||||||
|
\@writefile{toc}{\contentsline {subsection}{\numberline {5.1}Плавающий потенциал}{3}{subsection.5.1}\protected@file@percent }
|
||||||
|
\newlabel{i_0}{{11}{3}{Плавающий потенциал}{equation.5.11}{}}
|
||||||
|
\@writefile{toc}{\contentsline {subsection}{\numberline {5.2}Одиночный зонд}{3}{subsection.5.2}\protected@file@percent }
|
||||||
|
\@writefile{lof}{\contentsline {figure}{\numberline {1}{\ignorespaces Исследование плазмы методом одиночного зонда}}{3}{figure.1}\protected@file@percent }
|
||||||
|
\newlabel{одиночный}{{1}{3}{Исследование плазмы методом одиночного зонда}{figure.1}{}}
|
||||||
|
\@writefile{lof}{\contentsline {figure}{\numberline {2}{\ignorespaces Зондовая характеристика}}{3}{figure.2}\protected@file@percent }
|
||||||
|
\newlabel{зондовая_характеристика}{{2}{3}{Зондовая характеристика}{figure.2}{}}
|
||||||
|
\newlabel{бом}{{14}{3}{Одиночный зонд}{equation.5.14}{}}
|
||||||
|
\@writefile{toc}{\contentsline {subsection}{\numberline {5.3}Двойной зонд}{4}{subsection.5.3}\protected@file@percent }
|
||||||
|
\newlabel{двойной_зонд}{{19}{4}{Двойной зонд}{equation.5.19}{}}
|
||||||
|
\@writefile{toc}{\contentsline {subsection}{\numberline {5.4}Установка}{4}{subsection.5.4}\protected@file@percent }
|
||||||
|
\@writefile{lof}{\contentsline {figure}{\numberline {3}{\ignorespaces Схема установки}}{4}{figure.3}\protected@file@percent }
|
||||||
|
\newlabel{установка}{{3}{4}{Схема установки}{figure.3}{}}
|
||||||
|
\@writefile{toc}{\contentsline {section}{\numberline {6}Измерения и обработка данных}{4}{section.6}\protected@file@percent }
|
||||||
|
\@writefile{toc}{\contentsline {subsection}{\numberline {6.1}Вольт-амперная характеристика разряда}{4}{subsection.6.1}\protected@file@percent }
|
||||||
|
\@writefile{lof}{\contentsline {figure}{\numberline {4}{\ignorespaces ВАХ разряда}}{5}{figure.4}\protected@file@percent }
|
||||||
|
\newlabel{ВАХ_разряда}{{4}{5}{ВАХ разряда}{figure.4}{}}
|
||||||
|
\@writefile{toc}{\contentsline {subsection}{\numberline {6.2}Зондовые характеристики}{5}{subsection.6.2}\protected@file@percent }
|
||||||
|
\@writefile{lot}{\contentsline {table}{\numberline {1}{\ignorespaces Характеристики плазмы для разных токов разряда $I_p$}}{5}{table.1}\protected@file@percent }
|
||||||
|
\newlabel{data}{{1}{5}{Характеристики плазмы для разных токов разряда $I_p$}{table.1}{}}
|
||||||
|
\@writefile{toc}{\contentsline {section}{\numberline {7}Обсуждение результатов}{5}{section.7}\protected@file@percent }
|
||||||
|
\@writefile{lof}{\contentsline {figure}{\numberline {5}{\ignorespaces ВАХ двойного зонда}}{6}{figure.5}\protected@file@percent }
|
||||||
|
\newlabel{ВАХ_зонда}{{5}{6}{ВАХ двойного зонда}{figure.5}{}}
|
||||||
|
\@writefile{lof}{\contentsline {figure}{\numberline {6}{\ignorespaces Зависимость электронной температуры и концентрации электронов от тока разряда}}{6}{figure.6}\protected@file@percent }
|
||||||
|
\newlabel{от_тока_разряда}{{6}{6}{Зависимость электронной температуры и концентрации электронов от тока разряда}{figure.6}{}}
|
||||||
|
\@writefile{lof}{\contentsline {figure}{\numberline {7}{\ignorespaces Вольт-амперная характеристика разряда в неоне (из приложения)}}{7}{figure.7}\protected@file@percent }
|
||||||
|
\newlabel{приложение}{{7}{7}{Вольт-амперная характеристика разряда в неоне (из приложения)}{figure.7}{}}
|
||||||
|
\@writefile{toc}{\contentsline {section}{\numberline {8}Выводы}{7}{section.8}\protected@file@percent }
|
||||||
|
\gdef \@abspage@last{7}
|
915
3.5.1Плазма/Плазма.log
Normal file
@ -0,0 +1,915 @@
|
|||||||
|
This is pdfTeX, Version 3.141592653-2.6-1.40.22 (MiKTeX 21.6) (preloaded format=pdflatex 2021.8.13) 17 SEP 2022 20:23
|
||||||
|
entering extended mode
|
||||||
|
**./Плазма.tex
|
||||||
|
(Плазма.tex
|
||||||
|
LaTeX2e <2021-06-01>
|
||||||
|
L3 programming layer <2021-06-01>
|
||||||
|
(C:\Program Files\MiKTeX\tex/latex/base\article.cls
|
||||||
|
Document Class: article 2021/02/12 v1.4n Standard LaTeX document class
|
||||||
|
(C:\Program Files\MiKTeX\tex/latex/base\size12.clo
|
||||||
|
File: size12.clo 2021/02/12 v1.4n Standard LaTeX file (size option)
|
||||||
|
)
|
||||||
|
\c@part=\count182
|
||||||
|
\c@section=\count183
|
||||||
|
\c@subsection=\count184
|
||||||
|
\c@subsubsection=\count185
|
||||||
|
\c@paragraph=\count186
|
||||||
|
\c@subparagraph=\count187
|
||||||
|
\c@figure=\count188
|
||||||
|
\c@table=\count189
|
||||||
|
\abovecaptionskip=\skip47
|
||||||
|
\belowcaptionskip=\skip48
|
||||||
|
\bibindent=\dimen138
|
||||||
|
)
|
||||||
|
(C:\Program Files\MiKTeX\tex/latex/graphics\graphicx.sty
|
||||||
|
Package: graphicx 2020/12/05 v1.2c Enhanced LaTeX Graphics (DPC,SPQR)
|
||||||
|
|
||||||
|
(C:\Program Files\MiKTeX\tex/latex/graphics\keyval.sty
|
||||||
|
Package: keyval 2014/10/28 v1.15 key=value parser (DPC)
|
||||||
|
\KV@toks@=\toks16
|
||||||
|
)
|
||||||
|
(C:\Program Files\MiKTeX\tex/latex/graphics\graphics.sty
|
||||||
|
Package: graphics 2021/03/04 v1.4d Standard LaTeX Graphics (DPC,SPQR)
|
||||||
|
|
||||||
|
(C:\Program Files\MiKTeX\tex/latex/graphics\trig.sty
|
||||||
|
Package: trig 2016/01/03 v1.10 sin cos tan (DPC)
|
||||||
|
)
|
||||||
|
(C:\Program Files\MiKTeX\tex/latex/graphics-cfg\graphics.cfg
|
||||||
|
File: graphics.cfg 2016/06/04 v1.11 sample graphics configuration
|
||||||
|
)
|
||||||
|
Package graphics Info: Driver file: pdftex.def on input line 107.
|
||||||
|
|
||||||
|
(C:\Program Files\MiKTeX\tex/latex/graphics-def\pdftex.def
|
||||||
|
File: pdftex.def 2020/10/05 v1.2a Graphics/color driver for pdftex
|
||||||
|
))
|
||||||
|
\Gin@req@height=\dimen139
|
||||||
|
\Gin@req@width=\dimen140
|
||||||
|
)
|
||||||
|
(C:\Users\anna\AppData\Roaming\MiKTeX\tex/latex/wrapfig\wrapfig.sty
|
||||||
|
\wrapoverhang=\dimen141
|
||||||
|
\WF@size=\dimen142
|
||||||
|
\c@WF@wrappedlines=\count190
|
||||||
|
\WF@box=\box50
|
||||||
|
\WF@everypar=\toks17
|
||||||
|
Package: wrapfig 2003/01/31 v 3.6
|
||||||
|
)
|
||||||
|
(C:\Users\anna\AppData\Roaming\MiKTeX\tex/latex/t2\mathtext.sty
|
||||||
|
Package: mathtext 2018/04/13 v1.1 transparent text-and-math defs
|
||||||
|
LaTeX Info: Redefining \halign on input line 119.
|
||||||
|
)
|
||||||
|
(C:\Users\anna\AppData\Roaming\MiKTeX\tex/latex/geometry\geometry.sty
|
||||||
|
Package: geometry 2020/01/02 v5.9 Page Geometry
|
||||||
|
|
||||||
|
(C:\Program Files\MiKTeX\tex/generic/iftex\ifvtex.sty
|
||||||
|
Package: ifvtex 2019/10/25 v1.7 ifvtex legacy package. Use iftex instead.
|
||||||
|
|
||||||
|
(C:\Program Files\MiKTeX\tex/generic/iftex\iftex.sty
|
||||||
|
Package: iftex 2020/03/06 v1.0d TeX engine tests
|
||||||
|
))
|
||||||
|
\Gm@cnth=\count191
|
||||||
|
\Gm@cntv=\count192
|
||||||
|
\c@Gm@tempcnt=\count193
|
||||||
|
\Gm@bindingoffset=\dimen143
|
||||||
|
\Gm@wd@mp=\dimen144
|
||||||
|
\Gm@odd@mp=\dimen145
|
||||||
|
\Gm@even@mp=\dimen146
|
||||||
|
\Gm@layoutwidth=\dimen147
|
||||||
|
\Gm@layoutheight=\dimen148
|
||||||
|
\Gm@layouthoffset=\dimen149
|
||||||
|
\Gm@layoutvoffset=\dimen150
|
||||||
|
\Gm@dimlist=\toks18
|
||||||
|
|
||||||
|
(C:\Users\anna\AppData\Roaming\MiKTeX\tex/latex/geometry\geometry.cfg))
|
||||||
|
(C:\Program Files\MiKTeX\tex/latex/hyperref\hyperref.sty
|
||||||
|
Package: hyperref 2021-06-05 v7.00l Hypertext links for LaTeX
|
||||||
|
|
||||||
|
(C:\Users\anna\AppData\Roaming\MiKTeX\tex/generic/ltxcmds\ltxcmds.sty
|
||||||
|
Package: ltxcmds 2020-05-10 v1.25 LaTeX kernel commands for general use (HO)
|
||||||
|
)
|
||||||
|
(C:\Program Files\MiKTeX\tex/generic/pdftexcmds\pdftexcmds.sty
|
||||||
|
Package: pdftexcmds 2020-06-27 v0.33 Utility functions of pdfTeX for LuaTeX (HO
|
||||||
|
)
|
||||||
|
|
||||||
|
(C:\Users\anna\AppData\Roaming\MiKTeX\tex/generic/infwarerr\infwarerr.sty
|
||||||
|
Package: infwarerr 2019/12/03 v1.5 Providing info/warning/error messages (HO)
|
||||||
|
)
|
||||||
|
Package pdftexcmds Info: \pdf@primitive is available.
|
||||||
|
Package pdftexcmds Info: \pdf@ifprimitive is available.
|
||||||
|
Package pdftexcmds Info: \pdfdraftmode found.
|
||||||
|
)
|
||||||
|
(C:\Users\anna\AppData\Roaming\MiKTeX\tex/generic/kvsetkeys\kvsetkeys.sty
|
||||||
|
Package: kvsetkeys 2019/12/15 v1.18 Key value parser (HO)
|
||||||
|
)
|
||||||
|
(C:\Users\anna\AppData\Roaming\MiKTeX\tex/generic/kvdefinekeys\kvdefinekeys.sty
|
||||||
|
Package: kvdefinekeys 2019-12-19 v1.6 Define keys (HO)
|
||||||
|
) (C:\Users\anna\AppData\Roaming\MiKTeX\tex/generic/pdfescape\pdfescape.sty
|
||||||
|
Package: pdfescape 2019/12/09 v1.15 Implements pdfTeX's escape features (HO)
|
||||||
|
)
|
||||||
|
(C:\Users\anna\AppData\Roaming\MiKTeX\tex/latex/hycolor\hycolor.sty
|
||||||
|
Package: hycolor 2020-01-27 v1.10 Color options for hyperref/bookmark (HO)
|
||||||
|
)
|
||||||
|
(C:\Users\anna\AppData\Roaming\MiKTeX\tex/latex/letltxmacro\letltxmacro.sty
|
||||||
|
Package: letltxmacro 2019/12/03 v1.6 Let assignment for LaTeX macros (HO)
|
||||||
|
)
|
||||||
|
(C:\Users\anna\AppData\Roaming\MiKTeX\tex/latex/auxhook\auxhook.sty
|
||||||
|
Package: auxhook 2019-12-17 v1.6 Hooks for auxiliary files (HO)
|
||||||
|
)
|
||||||
|
(C:\Users\anna\AppData\Roaming\MiKTeX\tex/latex/kvoptions\kvoptions.sty
|
||||||
|
Package: kvoptions 2020-10-07 v3.14 Key value format for package options (HO)
|
||||||
|
)
|
||||||
|
\@linkdim=\dimen151
|
||||||
|
\Hy@linkcounter=\count194
|
||||||
|
\Hy@pagecounter=\count195
|
||||||
|
|
||||||
|
(C:\Program Files\MiKTeX\tex/latex/hyperref\pd1enc.def
|
||||||
|
File: pd1enc.def 2021-06-05 v7.00l Hyperref: PDFDocEncoding definition (HO)
|
||||||
|
Now handling font encoding PD1 ...
|
||||||
|
... no UTF-8 mapping file for font encoding PD1
|
||||||
|
\symPD1letters=\mathgroup4
|
||||||
|
)
|
||||||
|
(C:\Program Files\MiKTeX\tex/latex/hyperref\hyperref-langpatches.def
|
||||||
|
File: hyperref-langpatches.def 2021-06-05 v7.00l Hyperref: patches for babel la
|
||||||
|
nguages
|
||||||
|
)
|
||||||
|
(C:\Users\anna\AppData\Roaming\MiKTeX\tex/generic/intcalc\intcalc.sty
|
||||||
|
Package: intcalc 2019/12/15 v1.3 Expandable calculations with integers (HO)
|
||||||
|
)
|
||||||
|
(C:\Users\anna\AppData\Roaming\MiKTeX\tex/generic/etexcmds\etexcmds.sty
|
||||||
|
Package: etexcmds 2019/12/15 v1.7 Avoid name clashes with e-TeX commands (HO)
|
||||||
|
)
|
||||||
|
\Hy@SavedSpaceFactor=\count196
|
||||||
|
|
||||||
|
(C:\Program Files\MiKTeX\tex/latex/hyperref\puenc.def
|
||||||
|
File: puenc.def 2021-06-05 v7.00l Hyperref: PDF Unicode definition (HO)
|
||||||
|
Now handling font encoding PU ...
|
||||||
|
... no UTF-8 mapping file for font encoding PU
|
||||||
|
\symPUletters=\mathgroup5
|
||||||
|
)
|
||||||
|
Package hyperref Info: Hyper figures OFF on input line 4192.
|
||||||
|
Package hyperref Info: Link nesting OFF on input line 4197.
|
||||||
|
Package hyperref Info: Hyper index ON on input line 4200.
|
||||||
|
Package hyperref Info: Plain pages OFF on input line 4207.
|
||||||
|
Package hyperref Info: Backreferencing OFF on input line 4212.
|
||||||
|
Package hyperref Info: Implicit mode ON; LaTeX internals redefined.
|
||||||
|
Package hyperref Info: Bookmarks ON on input line 4445.
|
||||||
|
\c@Hy@tempcnt=\count197
|
||||||
|
|
||||||
|
(C:\Program Files\MiKTeX\tex/latex/url\url.sty
|
||||||
|
\Urlmuskip=\muskip16
|
||||||
|
Package: url 2013/09/16 ver 3.4 Verb mode for urls, etc.
|
||||||
|
)
|
||||||
|
LaTeX Info: Redefining \url on input line 4804.
|
||||||
|
\XeTeXLinkMargin=\dimen152
|
||||||
|
|
||||||
|
(C:\Users\anna\AppData\Roaming\MiKTeX\tex/generic/bitset\bitset.sty
|
||||||
|
Package: bitset 2019/12/09 v1.3 Handle bit-vector datatype (HO)
|
||||||
|
|
||||||
|
(C:\Users\anna\AppData\Roaming\MiKTeX\tex/generic/bigintcalc\bigintcalc.sty
|
||||||
|
Package: bigintcalc 2019/12/15 v1.5 Expandable calculations on big integers (HO
|
||||||
|
)
|
||||||
|
))
|
||||||
|
\Fld@menulength=\count198
|
||||||
|
\Field@Width=\dimen153
|
||||||
|
\Fld@charsize=\dimen154
|
||||||
|
Package hyperref Info: Hyper figures OFF on input line 6076.
|
||||||
|
Package hyperref Info: Link nesting OFF on input line 6081.
|
||||||
|
Package hyperref Info: Hyper index ON on input line 6084.
|
||||||
|
Package hyperref Info: backreferencing OFF on input line 6091.
|
||||||
|
Package hyperref Info: Link coloring OFF on input line 6096.
|
||||||
|
Package hyperref Info: Link coloring with OCG OFF on input line 6101.
|
||||||
|
Package hyperref Info: PDF/A mode OFF on input line 6106.
|
||||||
|
LaTeX Info: Redefining \ref on input line 6146.
|
||||||
|
LaTeX Info: Redefining \pageref on input line 6150.
|
||||||
|
|
||||||
|
(C:\Program Files\MiKTeX\tex/latex/base\atbegshi-ltx.sty
|
||||||
|
Package: atbegshi-ltx 2021/01/10 v1.0c Emulation of the original atbegshi
|
||||||
|
package with kernel methods
|
||||||
|
)
|
||||||
|
\Hy@abspage=\count199
|
||||||
|
\c@Item=\count266
|
||||||
|
\c@Hfootnote=\count267
|
||||||
|
)
|
||||||
|
Package hyperref Info: Driver (autodetected): hpdftex.
|
||||||
|
|
||||||
|
(C:\Program Files\MiKTeX\tex/latex/hyperref\hpdftex.def
|
||||||
|
File: hpdftex.def 2021-06-05 v7.00l Hyperref driver for pdfTeX
|
||||||
|
|
||||||
|
(C:\Program Files\MiKTeX\tex/latex/base\atveryend-ltx.sty
|
||||||
|
Package: atveryend-ltx 2020/08/19 v1.0a Emulation of the original atvery packag
|
||||||
|
e
|
||||||
|
with kernel methods
|
||||||
|
)
|
||||||
|
\Fld@listcount=\count268
|
||||||
|
\c@bookmark@seq@number=\count269
|
||||||
|
|
||||||
|
(C:\Users\anna\AppData\Roaming\MiKTeX\tex/latex/rerunfilecheck\rerunfilecheck.s
|
||||||
|
ty
|
||||||
|
Package: rerunfilecheck 2019/12/05 v1.9 Rerun checks for auxiliary files (HO)
|
||||||
|
|
||||||
|
(C:\Users\anna\AppData\Roaming\MiKTeX\tex/generic/uniquecounter\uniquecounter.s
|
||||||
|
ty
|
||||||
|
Package: uniquecounter 2019/12/15 v1.4 Provide unlimited unique counter (HO)
|
||||||
|
)
|
||||||
|
Package uniquecounter Info: New unique counter `rerunfilecheck' on input line 2
|
||||||
|
86.
|
||||||
|
)
|
||||||
|
\Hy@SectionHShift=\skip49
|
||||||
|
) (C:\Program Files\MiKTeX\tex/latex/xcolor\xcolor.sty
|
||||||
|
Package: xcolor 2016/05/11 v2.12 LaTeX color extensions (UK)
|
||||||
|
|
||||||
|
(C:\Program Files\MiKTeX\tex/latex/graphics-cfg\color.cfg
|
||||||
|
File: color.cfg 2016/01/02 v1.6 sample color configuration
|
||||||
|
)
|
||||||
|
Package xcolor Info: Driver file: pdftex.def on input line 225.
|
||||||
|
Package xcolor Info: Model `cmy' substituted by `cmy0' on input line 1348.
|
||||||
|
Package xcolor Info: Model `hsb' substituted by `rgb' on input line 1352.
|
||||||
|
Package xcolor Info: Model `RGB' extended on input line 1364.
|
||||||
|
Package xcolor Info: Model `HTML' substituted by `rgb' on input line 1366.
|
||||||
|
Package xcolor Info: Model `Hsb' substituted by `hsb' on input line 1367.
|
||||||
|
Package xcolor Info: Model `tHsb' substituted by `hsb' on input line 1368.
|
||||||
|
Package xcolor Info: Model `HSB' substituted by `hsb' on input line 1369.
|
||||||
|
Package xcolor Info: Model `Gray' substituted by `gray' on input line 1370.
|
||||||
|
Package xcolor Info: Model `wave' substituted by `hsb' on input line 1371.
|
||||||
|
)
|
||||||
|
Package hyperref Info: Option `colorlinks' set `true' on input line 17.
|
||||||
|
|
||||||
|
(C:\Program Files\MiKTeX\tex/latex/base\fontenc.sty
|
||||||
|
Package: fontenc 2021/04/29 v2.0v Standard LaTeX package
|
||||||
|
|
||||||
|
(C:\Users\anna\AppData\Roaming\MiKTeX\tex/latex/cyrillic\t2aenc.def
|
||||||
|
File: t2aenc.def 2005/09/27 v1.0i Cyrillic encoding definition file
|
||||||
|
Now handling font encoding T2A ...
|
||||||
|
... processing UTF-8 mapping file for font encoding T2A
|
||||||
|
|
||||||
|
(C:\Program Files\MiKTeX\tex/latex/base\t2aenc.dfu
|
||||||
|
File: t2aenc.dfu 2021/01/27 v1.2l UTF-8 support for inputenc
|
||||||
|
defining Unicode char U+00A4 (decimal 164)
|
||||||
|
defining Unicode char U+00A7 (decimal 167)
|
||||||
|
defining Unicode char U+00AB (decimal 171)
|
||||||
|
defining Unicode char U+00BB (decimal 187)
|
||||||
|
defining Unicode char U+0131 (decimal 305)
|
||||||
|
defining Unicode char U+0237 (decimal 567)
|
||||||
|
defining Unicode char U+0400 (decimal 1024)
|
||||||
|
defining Unicode char U+0401 (decimal 1025)
|
||||||
|
defining Unicode char U+0402 (decimal 1026)
|
||||||
|
defining Unicode char U+0403 (decimal 1027)
|
||||||
|
defining Unicode char U+0404 (decimal 1028)
|
||||||
|
defining Unicode char U+0405 (decimal 1029)
|
||||||
|
defining Unicode char U+0406 (decimal 1030)
|
||||||
|
defining Unicode char U+0407 (decimal 1031)
|
||||||
|
defining Unicode char U+0408 (decimal 1032)
|
||||||
|
defining Unicode char U+0409 (decimal 1033)
|
||||||
|
defining Unicode char U+040A (decimal 1034)
|
||||||
|
defining Unicode char U+040B (decimal 1035)
|
||||||
|
defining Unicode char U+040C (decimal 1036)
|
||||||
|
defining Unicode char U+040D (decimal 1037)
|
||||||
|
defining Unicode char U+040E (decimal 1038)
|
||||||
|
defining Unicode char U+040F (decimal 1039)
|
||||||
|
defining Unicode char U+0410 (decimal 1040)
|
||||||
|
defining Unicode char U+0411 (decimal 1041)
|
||||||
|
defining Unicode char U+0412 (decimal 1042)
|
||||||
|
defining Unicode char U+0413 (decimal 1043)
|
||||||
|
defining Unicode char U+0414 (decimal 1044)
|
||||||
|
defining Unicode char U+0415 (decimal 1045)
|
||||||
|
defining Unicode char U+0416 (decimal 1046)
|
||||||
|
defining Unicode char U+0417 (decimal 1047)
|
||||||
|
defining Unicode char U+0418 (decimal 1048)
|
||||||
|
defining Unicode char U+0419 (decimal 1049)
|
||||||
|
defining Unicode char U+041A (decimal 1050)
|
||||||
|
defining Unicode char U+041B (decimal 1051)
|
||||||
|
defining Unicode char U+041C (decimal 1052)
|
||||||
|
defining Unicode char U+041D (decimal 1053)
|
||||||
|
defining Unicode char U+041E (decimal 1054)
|
||||||
|
defining Unicode char U+041F (decimal 1055)
|
||||||
|
defining Unicode char U+0420 (decimal 1056)
|
||||||
|
defining Unicode char U+0421 (decimal 1057)
|
||||||
|
defining Unicode char U+0422 (decimal 1058)
|
||||||
|
defining Unicode char U+0423 (decimal 1059)
|
||||||
|
defining Unicode char U+0424 (decimal 1060)
|
||||||
|
defining Unicode char U+0425 (decimal 1061)
|
||||||
|
defining Unicode char U+0426 (decimal 1062)
|
||||||
|
defining Unicode char U+0427 (decimal 1063)
|
||||||
|
defining Unicode char U+0428 (decimal 1064)
|
||||||
|
defining Unicode char U+0429 (decimal 1065)
|
||||||
|
defining Unicode char U+042A (decimal 1066)
|
||||||
|
defining Unicode char U+042B (decimal 1067)
|
||||||
|
defining Unicode char U+042C (decimal 1068)
|
||||||
|
defining Unicode char U+042D (decimal 1069)
|
||||||
|
defining Unicode char U+042E (decimal 1070)
|
||||||
|
defining Unicode char U+042F (decimal 1071)
|
||||||
|
defining Unicode char U+0430 (decimal 1072)
|
||||||
|
defining Unicode char U+0431 (decimal 1073)
|
||||||
|
defining Unicode char U+0432 (decimal 1074)
|
||||||
|
defining Unicode char U+0433 (decimal 1075)
|
||||||
|
defining Unicode char U+0434 (decimal 1076)
|
||||||
|
defining Unicode char U+0435 (decimal 1077)
|
||||||
|
defining Unicode char U+0436 (decimal 1078)
|
||||||
|
defining Unicode char U+0437 (decimal 1079)
|
||||||
|
defining Unicode char U+0438 (decimal 1080)
|
||||||
|
defining Unicode char U+0439 (decimal 1081)
|
||||||
|
defining Unicode char U+043A (decimal 1082)
|
||||||
|
defining Unicode char U+043B (decimal 1083)
|
||||||
|
defining Unicode char U+043C (decimal 1084)
|
||||||
|
defining Unicode char U+043D (decimal 1085)
|
||||||
|
defining Unicode char U+043E (decimal 1086)
|
||||||
|
defining Unicode char U+043F (decimal 1087)
|
||||||
|
defining Unicode char U+0440 (decimal 1088)
|
||||||
|
defining Unicode char U+0441 (decimal 1089)
|
||||||
|
defining Unicode char U+0442 (decimal 1090)
|
||||||
|
defining Unicode char U+0443 (decimal 1091)
|
||||||
|
defining Unicode char U+0444 (decimal 1092)
|
||||||
|
defining Unicode char U+0445 (decimal 1093)
|
||||||
|
defining Unicode char U+0446 (decimal 1094)
|
||||||
|
defining Unicode char U+0447 (decimal 1095)
|
||||||
|
defining Unicode char U+0448 (decimal 1096)
|
||||||
|
defining Unicode char U+0449 (decimal 1097)
|
||||||
|
defining Unicode char U+044A (decimal 1098)
|
||||||
|
defining Unicode char U+044B (decimal 1099)
|
||||||
|
defining Unicode char U+044C (decimal 1100)
|
||||||
|
defining Unicode char U+044D (decimal 1101)
|
||||||
|
defining Unicode char U+044E (decimal 1102)
|
||||||
|
defining Unicode char U+044F (decimal 1103)
|
||||||
|
defining Unicode char U+0450 (decimal 1104)
|
||||||
|
defining Unicode char U+0451 (decimal 1105)
|
||||||
|
defining Unicode char U+0452 (decimal 1106)
|
||||||
|
defining Unicode char U+0453 (decimal 1107)
|
||||||
|
defining Unicode char U+0454 (decimal 1108)
|
||||||
|
defining Unicode char U+0455 (decimal 1109)
|
||||||
|
defining Unicode char U+0456 (decimal 1110)
|
||||||
|
defining Unicode char U+0457 (decimal 1111)
|
||||||
|
defining Unicode char U+0458 (decimal 1112)
|
||||||
|
defining Unicode char U+0459 (decimal 1113)
|
||||||
|
defining Unicode char U+045A (decimal 1114)
|
||||||
|
defining Unicode char U+045B (decimal 1115)
|
||||||
|
defining Unicode char U+045C (decimal 1116)
|
||||||
|
defining Unicode char U+045D (decimal 1117)
|
||||||
|
defining Unicode char U+045E (decimal 1118)
|
||||||
|
defining Unicode char U+045F (decimal 1119)
|
||||||
|
defining Unicode char U+0490 (decimal 1168)
|
||||||
|
defining Unicode char U+0491 (decimal 1169)
|
||||||
|
defining Unicode char U+0492 (decimal 1170)
|
||||||
|
defining Unicode char U+0493 (decimal 1171)
|
||||||
|
defining Unicode char U+0496 (decimal 1174)
|
||||||
|
defining Unicode char U+0497 (decimal 1175)
|
||||||
|
defining Unicode char U+0498 (decimal 1176)
|
||||||
|
defining Unicode char U+0499 (decimal 1177)
|
||||||
|
defining Unicode char U+049A (decimal 1178)
|
||||||
|
defining Unicode char U+049B (decimal 1179)
|
||||||
|
defining Unicode char U+049C (decimal 1180)
|
||||||
|
defining Unicode char U+049D (decimal 1181)
|
||||||
|
defining Unicode char U+04A0 (decimal 1184)
|
||||||
|
defining Unicode char U+04A1 (decimal 1185)
|
||||||
|
defining Unicode char U+04A2 (decimal 1186)
|
||||||
|
defining Unicode char U+04A3 (decimal 1187)
|
||||||
|
defining Unicode char U+04A4 (decimal 1188)
|
||||||
|
defining Unicode char U+04A5 (decimal 1189)
|
||||||
|
defining Unicode char U+04AA (decimal 1194)
|
||||||
|
defining Unicode char U+04AB (decimal 1195)
|
||||||
|
defining Unicode char U+04AE (decimal 1198)
|
||||||
|
defining Unicode char U+04AF (decimal 1199)
|
||||||
|
defining Unicode char U+04B0 (decimal 1200)
|
||||||
|
defining Unicode char U+04B1 (decimal 1201)
|
||||||
|
defining Unicode char U+04B2 (decimal 1202)
|
||||||
|
defining Unicode char U+04B3 (decimal 1203)
|
||||||
|
defining Unicode char U+04B6 (decimal 1206)
|
||||||
|
defining Unicode char U+04B7 (decimal 1207)
|
||||||
|
defining Unicode char U+04B8 (decimal 1208)
|
||||||
|
defining Unicode char U+04B9 (decimal 1209)
|
||||||
|
defining Unicode char U+04BA (decimal 1210)
|
||||||
|
defining Unicode char U+04BB (decimal 1211)
|
||||||
|
defining Unicode char U+04C0 (decimal 1216)
|
||||||
|
defining Unicode char U+04C1 (decimal 1217)
|
||||||
|
defining Unicode char U+04C2 (decimal 1218)
|
||||||
|
defining Unicode char U+04D0 (decimal 1232)
|
||||||
|
defining Unicode char U+04D1 (decimal 1233)
|
||||||
|
defining Unicode char U+04D2 (decimal 1234)
|
||||||
|
defining Unicode char U+04D3 (decimal 1235)
|
||||||
|
defining Unicode char U+04D4 (decimal 1236)
|
||||||
|
defining Unicode char U+04D5 (decimal 1237)
|
||||||
|
defining Unicode char U+04D6 (decimal 1238)
|
||||||
|
defining Unicode char U+04D7 (decimal 1239)
|
||||||
|
defining Unicode char U+04D8 (decimal 1240)
|
||||||
|
defining Unicode char U+04D9 (decimal 1241)
|
||||||
|
defining Unicode char U+04DA (decimal 1242)
|
||||||
|
defining Unicode char U+04DB (decimal 1243)
|
||||||
|
defining Unicode char U+04DC (decimal 1244)
|
||||||
|
defining Unicode char U+04DD (decimal 1245)
|
||||||
|
defining Unicode char U+04DE (decimal 1246)
|
||||||
|
defining Unicode char U+04DF (decimal 1247)
|
||||||
|
defining Unicode char U+04E2 (decimal 1250)
|
||||||
|
defining Unicode char U+04E3 (decimal 1251)
|
||||||
|
defining Unicode char U+04E4 (decimal 1252)
|
||||||
|
defining Unicode char U+04E5 (decimal 1253)
|
||||||
|
defining Unicode char U+04E6 (decimal 1254)
|
||||||
|
defining Unicode char U+04E7 (decimal 1255)
|
||||||
|
defining Unicode char U+04E8 (decimal 1256)
|
||||||
|
defining Unicode char U+04E9 (decimal 1257)
|
||||||
|
defining Unicode char U+04EC (decimal 1260)
|
||||||
|
defining Unicode char U+04ED (decimal 1261)
|
||||||
|
defining Unicode char U+04EE (decimal 1262)
|
||||||
|
defining Unicode char U+04EF (decimal 1263)
|
||||||
|
defining Unicode char U+04F0 (decimal 1264)
|
||||||
|
defining Unicode char U+04F1 (decimal 1265)
|
||||||
|
defining Unicode char U+04F2 (decimal 1266)
|
||||||
|
defining Unicode char U+04F3 (decimal 1267)
|
||||||
|
defining Unicode char U+04F4 (decimal 1268)
|
||||||
|
defining Unicode char U+04F5 (decimal 1269)
|
||||||
|
defining Unicode char U+04F8 (decimal 1272)
|
||||||
|
defining Unicode char U+04F9 (decimal 1273)
|
||||||
|
defining Unicode char U+200C (decimal 8204)
|
||||||
|
defining Unicode char U+2013 (decimal 8211)
|
||||||
|
defining Unicode char U+2014 (decimal 8212)
|
||||||
|
defining Unicode char U+2018 (decimal 8216)
|
||||||
|
defining Unicode char U+2019 (decimal 8217)
|
||||||
|
defining Unicode char U+201C (decimal 8220)
|
||||||
|
defining Unicode char U+201D (decimal 8221)
|
||||||
|
defining Unicode char U+201E (decimal 8222)
|
||||||
|
defining Unicode char U+2030 (decimal 8240)
|
||||||
|
defining Unicode char U+2031 (decimal 8241)
|
||||||
|
defining Unicode char U+2116 (decimal 8470)
|
||||||
|
defining Unicode char U+2329 (decimal 9001)
|
||||||
|
defining Unicode char U+232A (decimal 9002)
|
||||||
|
defining Unicode char U+2423 (decimal 9251)
|
||||||
|
defining Unicode char U+27E8 (decimal 10216)
|
||||||
|
defining Unicode char U+27E9 (decimal 10217)
|
||||||
|
defining Unicode char U+FB00 (decimal 64256)
|
||||||
|
defining Unicode char U+FB01 (decimal 64257)
|
||||||
|
defining Unicode char U+FB02 (decimal 64258)
|
||||||
|
defining Unicode char U+FB03 (decimal 64259)
|
||||||
|
defining Unicode char U+FB04 (decimal 64260)
|
||||||
|
defining Unicode char U+FB05 (decimal 64261)
|
||||||
|
defining Unicode char U+FB06 (decimal 64262)
|
||||||
|
)
|
||||||
|
\symT2Aletters=\mathgroup6
|
||||||
|
)
|
||||||
|
LaTeX Font Info: Trying to load font information for T2A+cmr on input line 1
|
||||||
|
12.
|
||||||
|
|
||||||
|
(C:\Users\anna\AppData\Roaming\MiKTeX\tex/latex/cyrillic\t2acmr.fd
|
||||||
|
File: t2acmr.fd 2001/08/11 v1.0a Computer Modern Cyrillic font definitions
|
||||||
|
))
|
||||||
|
(C:\Program Files\MiKTeX\tex/latex/base\inputenc.sty
|
||||||
|
Package: inputenc 2021/02/14 v1.3d Input encoding file
|
||||||
|
\inpenc@prehook=\toks19
|
||||||
|
\inpenc@posthook=\toks20
|
||||||
|
)
|
||||||
|
(C:\Program Files\MiKTeX\tex/generic/babel\babel.sty
|
||||||
|
Package: babel 2021/06/02 3.60 The Babel package
|
||||||
|
|
||||||
|
(C:\Program Files\MiKTeX\tex/generic/babel\babel.def
|
||||||
|
File: babel.def 2021/06/02 3.60 Babel common definitions
|
||||||
|
\babel@savecnt=\count270
|
||||||
|
\U@D=\dimen155
|
||||||
|
\l@unhyphenated=\language79
|
||||||
|
|
||||||
|
(C:\Program Files\MiKTeX\tex/generic/babel\txtbabel.def)
|
||||||
|
\bbl@readstream=\read2
|
||||||
|
)
|
||||||
|
\bbl@dirlevel=\count271
|
||||||
|
|
||||||
|
*************************************
|
||||||
|
* Local config file bblopts.cfg used
|
||||||
|
*
|
||||||
|
(C:\Program Files\MiKTeX\tex/latex/arabi\bblopts.cfg
|
||||||
|
File: bblopts.cfg 2005/09/08 v0.1 add Arabic and Farsi to "declared" options of
|
||||||
|
babel
|
||||||
|
)
|
||||||
|
(C:\Program Files\MiKTeX\tex/latex/babel-english\english.ldf
|
||||||
|
Language: english 2017/06/06 v3.3r English support from the babel system
|
||||||
|
Package babel Info: Hyphen rules for 'canadian' set to \l@english
|
||||||
|
(babel) (\language0). Reported on input line 102.
|
||||||
|
Package babel Info: Hyphen rules for 'australian' set to \l@ukenglish
|
||||||
|
(babel) (\language73). Reported on input line 105.
|
||||||
|
Package babel Info: Hyphen rules for 'newzealand' set to \l@ukenglish
|
||||||
|
(babel) (\language73). Reported on input line 108.
|
||||||
|
)
|
||||||
|
(C:\Users\anna\AppData\Roaming\MiKTeX\tex/latex/babel-russian\russianb.ldf
|
||||||
|
File: russianb.ldf 2021/01/10 1.3m Russian support for the Babel system
|
||||||
|
Language: russian 2020/09/09 1.3k Russian support for the Babel system
|
||||||
|
Package babel Info: Making " an active character on input line 124.
|
||||||
|
Package babel Info: Default for \cyrdash is provided on input line 163.
|
||||||
|
))
|
||||||
|
(C:\Program Files\MiKTeX\tex/latex/amsmath\amsmath.sty
|
||||||
|
Package: amsmath 2021/04/20 v2.17j AMS math features
|
||||||
|
\@mathmargin=\skip50
|
||||||
|
|
||||||
|
For additional information on amsmath, use the `?' option.
|
||||||
|
(C:\Program Files\MiKTeX\tex/latex/amsmath\amstext.sty
|
||||||
|
Package: amstext 2000/06/29 v2.01 AMS text
|
||||||
|
|
||||||
|
(C:\Program Files\MiKTeX\tex/latex/amsmath\amsgen.sty
|
||||||
|
File: amsgen.sty 1999/11/30 v2.0 generic functions
|
||||||
|
\@emptytoks=\toks21
|
||||||
|
\ex@=\dimen156
|
||||||
|
))
|
||||||
|
(C:\Program Files\MiKTeX\tex/latex/amsmath\amsbsy.sty
|
||||||
|
Package: amsbsy 1999/11/29 v1.2d Bold Symbols
|
||||||
|
\pmbraise@=\dimen157
|
||||||
|
)
|
||||||
|
(C:\Program Files\MiKTeX\tex/latex/amsmath\amsopn.sty
|
||||||
|
Package: amsopn 2016/03/08 v2.02 operator names
|
||||||
|
)
|
||||||
|
\inf@bad=\count272
|
||||||
|
LaTeX Info: Redefining \frac on input line 234.
|
||||||
|
\uproot@=\count273
|
||||||
|
\leftroot@=\count274
|
||||||
|
LaTeX Info: Redefining \overline on input line 399.
|
||||||
|
\classnum@=\count275
|
||||||
|
\DOTSCASE@=\count276
|
||||||
|
LaTeX Info: Redefining \ldots on input line 496.
|
||||||
|
LaTeX Info: Redefining \dots on input line 499.
|
||||||
|
LaTeX Info: Redefining \cdots on input line 620.
|
||||||
|
\Mathstrutbox@=\box51
|
||||||
|
\strutbox@=\box52
|
||||||
|
\big@size=\dimen158
|
||||||
|
LaTeX Font Info: Redeclaring font encoding OML on input line 743.
|
||||||
|
\symOMLletters=\mathgroup7
|
||||||
|
LaTeX Font Info: Redeclaring font encoding OMS on input line 744.
|
||||||
|
\symOMSletters=\mathgroup8
|
||||||
|
\macc@depth=\count277
|
||||||
|
\c@MaxMatrixCols=\count278
|
||||||
|
\dotsspace@=\muskip17
|
||||||
|
\c@parentequation=\count279
|
||||||
|
\dspbrk@lvl=\count280
|
||||||
|
\tag@help=\toks22
|
||||||
|
\row@=\count281
|
||||||
|
\column@=\count282
|
||||||
|
\maxfields@=\count283
|
||||||
|
\andhelp@=\toks23
|
||||||
|
\eqnshift@=\dimen159
|
||||||
|
\alignsep@=\dimen160
|
||||||
|
\tagshift@=\dimen161
|
||||||
|
\tagwidth@=\dimen162
|
||||||
|
\totwidth@=\dimen163
|
||||||
|
\lineht@=\dimen164
|
||||||
|
\@envbody=\toks24
|
||||||
|
\multlinegap=\skip51
|
||||||
|
\multlinetaggap=\skip52
|
||||||
|
\mathdisplay@stack=\toks25
|
||||||
|
LaTeX Info: Redefining \[ on input line 2923.
|
||||||
|
LaTeX Info: Redefining \] on input line 2924.
|
||||||
|
)
|
||||||
|
(C:\Program Files\MiKTeX\tex/latex/amsfonts\amsfonts.sty
|
||||||
|
Package: amsfonts 2013/01/14 v3.01 Basic AMSFonts support
|
||||||
|
\symAMSa=\mathgroup9
|
||||||
|
\symAMSb=\mathgroup10
|
||||||
|
LaTeX Font Info: Redeclaring math symbol \hbar on input line 98.
|
||||||
|
LaTeX Font Info: Overwriting math alphabet `\mathfrak' in version `bold'
|
||||||
|
(Font) U/euf/m/n --> U/euf/b/n on input line 106.
|
||||||
|
)
|
||||||
|
(C:\Program Files\MiKTeX\tex/latex/amsfonts\amssymb.sty
|
||||||
|
Package: amssymb 2013/01/14 v3.01 AMS font symbols
|
||||||
|
)
|
||||||
|
(C:\Users\anna\AppData\Roaming\MiKTeX\tex/latex/amscls\amsthm.sty
|
||||||
|
Package: amsthm 2020/05/29 v2.20.6
|
||||||
|
\thm@style=\toks26
|
||||||
|
\thm@bodyfont=\toks27
|
||||||
|
\thm@headfont=\toks28
|
||||||
|
\thm@notefont=\toks29
|
||||||
|
\thm@headpunct=\toks30
|
||||||
|
\thm@preskip=\skip53
|
||||||
|
\thm@postskip=\skip54
|
||||||
|
\thm@headsep=\skip55
|
||||||
|
\dth@everypar=\toks31
|
||||||
|
)
|
||||||
|
(C:\Users\anna\AppData\Roaming\MiKTeX\tex/latex/mathtools\mathtools.sty
|
||||||
|
Package: mathtools 2021/04/12 v1.27 mathematical typesetting tools
|
||||||
|
|
||||||
|
(C:\Program Files\MiKTeX\tex/latex/tools\calc.sty
|
||||||
|
Package: calc 2017/05/25 v4.3 Infix arithmetic (KKT,FJ)
|
||||||
|
\calc@Acount=\count284
|
||||||
|
\calc@Bcount=\count285
|
||||||
|
\calc@Adimen=\dimen165
|
||||||
|
\calc@Bdimen=\dimen166
|
||||||
|
\calc@Askip=\skip56
|
||||||
|
\calc@Bskip=\skip57
|
||||||
|
LaTeX Info: Redefining \setlength on input line 80.
|
||||||
|
LaTeX Info: Redefining \addtolength on input line 81.
|
||||||
|
\calc@Ccount=\count286
|
||||||
|
\calc@Cskip=\skip58
|
||||||
|
)
|
||||||
|
(C:\Users\anna\AppData\Roaming\MiKTeX\tex/latex/mathtools\mhsetup.sty
|
||||||
|
Package: mhsetup 2021/03/18 v1.4 programming setup (MH)
|
||||||
|
)
|
||||||
|
LaTeX Info: Thecontrolsequence`\('isalreadyrobust on input line 130.
|
||||||
|
LaTeX Info: Thecontrolsequence`\)'isalreadyrobust on input line 130.
|
||||||
|
LaTeX Info: Thecontrolsequence`\['isalreadyrobust on input line 130.
|
||||||
|
LaTeX Info: Thecontrolsequence`\]'isalreadyrobust on input line 130.
|
||||||
|
\g_MT_multlinerow_int=\count287
|
||||||
|
\l_MT_multwidth_dim=\dimen167
|
||||||
|
\origjot=\skip59
|
||||||
|
\l_MT_shortvdotswithinadjustabove_dim=\dimen168
|
||||||
|
\l_MT_shortvdotswithinadjustbelow_dim=\dimen169
|
||||||
|
\l_MT_above_intertext_sep=\dimen170
|
||||||
|
\l_MT_below_intertext_sep=\dimen171
|
||||||
|
\l_MT_above_shortintertext_sep=\dimen172
|
||||||
|
\l_MT_below_shortintertext_sep=\dimen173
|
||||||
|
\xmathstrut@box=\box53
|
||||||
|
\xmathstrut@dim=\dimen174
|
||||||
|
)
|
||||||
|
(C:\Users\anna\AppData\Roaming\MiKTeX\tex/latex/titlesec\titlesec.sty
|
||||||
|
Package: titlesec 2021/07/05 v2.14 Sectioning titles
|
||||||
|
\ttl@box=\box54
|
||||||
|
\beforetitleunit=\skip60
|
||||||
|
\aftertitleunit=\skip61
|
||||||
|
\ttl@plus=\dimen175
|
||||||
|
\ttl@minus=\dimen176
|
||||||
|
\ttl@toksa=\toks32
|
||||||
|
\titlewidth=\dimen177
|
||||||
|
\titlewidthlast=\dimen178
|
||||||
|
\titlewidthfirst=\dimen179
|
||||||
|
)
|
||||||
|
(C:\Users\anna\AppData\Roaming\MiKTeX\tex/latex/wasysym\wasysym.sty
|
||||||
|
Package: wasysym 2020/01/19 v2.4 Wasy-2 symbol support package
|
||||||
|
\symwasy=\mathgroup11
|
||||||
|
LaTeX Font Info: Overwriting symbol font `wasy' in version `bold'
|
||||||
|
(Font) U/wasy/m/n --> U/wasy/b/n on input line 93.
|
||||||
|
)
|
||||||
|
(C:\Program Files\MiKTeX\tex/latex/l3backend\l3backend-pdftex.def
|
||||||
|
File: l3backend-pdftex.def 2021-05-07 L3 backend support: PDF output (pdfTeX)
|
||||||
|
\l__color_backend_stack_int=\count288
|
||||||
|
\l__pdf_internal_box=\box55
|
||||||
|
)
|
||||||
|
(Плазма.aux)
|
||||||
|
\openout1 = `Плазма.aux'.
|
||||||
|
|
||||||
|
LaTeX Font Info: Checking defaults for OML/cmm/m/it on input line 35.
|
||||||
|
LaTeX Font Info: ... okay on input line 35.
|
||||||
|
LaTeX Font Info: Checking defaults for OMS/cmsy/m/n on input line 35.
|
||||||
|
LaTeX Font Info: ... okay on input line 35.
|
||||||
|
LaTeX Font Info: Checking defaults for OT1/cmr/m/n on input line 35.
|
||||||
|
LaTeX Font Info: ... okay on input line 35.
|
||||||
|
LaTeX Font Info: Checking defaults for T1/cmr/m/n on input line 35.
|
||||||
|
LaTeX Font Info: ... okay on input line 35.
|
||||||
|
LaTeX Font Info: Checking defaults for TS1/cmr/m/n on input line 35.
|
||||||
|
LaTeX Font Info: ... okay on input line 35.
|
||||||
|
LaTeX Font Info: Checking defaults for OMX/cmex/m/n on input line 35.
|
||||||
|
LaTeX Font Info: ... okay on input line 35.
|
||||||
|
LaTeX Font Info: Checking defaults for U/cmr/m/n on input line 35.
|
||||||
|
LaTeX Font Info: ... okay on input line 35.
|
||||||
|
LaTeX Font Info: Checking defaults for PD1/pdf/m/n on input line 35.
|
||||||
|
LaTeX Font Info: ... okay on input line 35.
|
||||||
|
LaTeX Font Info: Checking defaults for PU/pdf/m/n on input line 35.
|
||||||
|
LaTeX Font Info: ... okay on input line 35.
|
||||||
|
LaTeX Font Info: Checking defaults for T2A/cmr/m/n on input line 35.
|
||||||
|
LaTeX Font Info: ... okay on input line 35.
|
||||||
|
(C:\Program Files\MiKTeX\tex/context/base/mkii\supp-pdf.mkii
|
||||||
|
[Loading MPS to PDF converter (version 2006.09.02).]
|
||||||
|
\scratchcounter=\count289
|
||||||
|
\scratchdimen=\dimen180
|
||||||
|
\scratchbox=\box56
|
||||||
|
\nofMPsegments=\count290
|
||||||
|
\nofMParguments=\count291
|
||||||
|
\everyMPshowfont=\toks33
|
||||||
|
\MPscratchCnt=\count292
|
||||||
|
\MPscratchDim=\dimen181
|
||||||
|
\MPnumerator=\count293
|
||||||
|
\makeMPintoPDFobject=\count294
|
||||||
|
\everyMPtoPDFconversion=\toks34
|
||||||
|
) (C:\Program Files\MiKTeX\tex/latex/epstopdf-pkg\epstopdf-base.sty
|
||||||
|
Package: epstopdf-base 2020-01-24 v2.11 Base part for package epstopdf
|
||||||
|
Package epstopdf-base Info: Redefining graphics rule for `.eps' on input line 4
|
||||||
|
85.
|
||||||
|
|
||||||
|
(C:\Program Files\MiKTeX\tex/latex/00miktex\epstopdf-sys.cfg
|
||||||
|
File: epstopdf-sys.cfg 2021/03/18 v2.0 Configuration of epstopdf for MiKTeX
|
||||||
|
))
|
||||||
|
*geometry* driver: auto-detecting
|
||||||
|
*geometry* detected driver: pdftex
|
||||||
|
*geometry* verbose mode - [ preamble ] result:
|
||||||
|
* driver: pdftex
|
||||||
|
* paper: a4paper
|
||||||
|
* layout: <same size as paper>
|
||||||
|
* layoutoffset:(h,v)=(0.0pt,0.0pt)
|
||||||
|
* modes:
|
||||||
|
* h-part:(L,W,R)=(56.9055pt, 483.69687pt, 56.9055pt)
|
||||||
|
* v-part:(T,H,B)=(56.9055pt, 731.23584pt, 56.9055pt)
|
||||||
|
* \paperwidth=597.50787pt
|
||||||
|
* \paperheight=845.04684pt
|
||||||
|
* \textwidth=483.69687pt
|
||||||
|
* \textheight=731.23584pt
|
||||||
|
* \oddsidemargin=-15.36449pt
|
||||||
|
* \evensidemargin=-15.36449pt
|
||||||
|
* \topmargin=-52.36449pt
|
||||||
|
* \headheight=12.0pt
|
||||||
|
* \headsep=25.0pt
|
||||||
|
* \topskip=12.0pt
|
||||||
|
* \footskip=30.0pt
|
||||||
|
* \marginparwidth=35.0pt
|
||||||
|
* \marginparsep=10.0pt
|
||||||
|
* \columnsep=10.0pt
|
||||||
|
* \skip\footins=10.8pt plus 4.0pt minus 2.0pt
|
||||||
|
* \hoffset=0.0pt
|
||||||
|
* \voffset=0.0pt
|
||||||
|
* \mag=1000
|
||||||
|
* \@twocolumnfalse
|
||||||
|
* \@twosidefalse
|
||||||
|
* \@mparswitchfalse
|
||||||
|
* \@reversemarginfalse
|
||||||
|
* (1in=72.27pt=25.4mm, 1cm=28.453pt)
|
||||||
|
|
||||||
|
Package hyperref Info: Link coloring ON on input line 35.
|
||||||
|
(C:\Program Files\MiKTeX\tex/latex/hyperref\nameref.sty
|
||||||
|
Package: nameref 2021-04-02 v2.47 Cross-referencing by name of section
|
||||||
|
|
||||||
|
(C:\Users\anna\AppData\Roaming\MiKTeX\tex/latex/refcount\refcount.sty
|
||||||
|
Package: refcount 2019/12/15 v3.6 Data extraction from label references (HO)
|
||||||
|
)
|
||||||
|
(C:\Users\anna\AppData\Roaming\MiKTeX\tex/generic/gettitlestring\gettitlestring
|
||||||
|
.sty
|
||||||
|
Package: gettitlestring 2019/12/15 v1.6 Cleanup title references (HO)
|
||||||
|
)
|
||||||
|
\c@section@level=\count295
|
||||||
|
)
|
||||||
|
LaTeX Info: Redefining \ref on input line 35.
|
||||||
|
LaTeX Info: Redefining \pageref on input line 35.
|
||||||
|
LaTeX Info: Redefining \nameref on input line 35.
|
||||||
|
(Плазма.out) (Плазма.out)
|
||||||
|
\@outlinefile=\write3
|
||||||
|
\openout3 = `Плазма.out'.
|
||||||
|
|
||||||
|
LaTeX Info: Redefining \th on input line 35.
|
||||||
|
LaTeX Font Info: Trying to load font information for PD1+cmr on input line 3
|
||||||
|
7.
|
||||||
|
LaTeX Font Info: No file PD1cmr.fd. on input line 37.
|
||||||
|
|
||||||
|
|
||||||
|
LaTeX Font Warning: Font shape `PD1/cmr/m/up' undefined
|
||||||
|
(Font) using `PD1/pdf/m/n' instead on input line 37.
|
||||||
|
|
||||||
|
LaTeX Font Info: Trying to load font information for PU+cmr on input line 37
|
||||||
|
.
|
||||||
|
LaTeX Font Info: No file PUcmr.fd. on input line 37.
|
||||||
|
|
||||||
|
LaTeX Font Warning: Font shape `PU/cmr/m/up' undefined
|
||||||
|
(Font) using `PU/pdf/m/n' instead on input line 37.
|
||||||
|
|
||||||
|
|
||||||
|
LaTeX Font Warning: Font shape `T2A/cmr/m/up' undefined
|
||||||
|
(Font) using `T2A/cmr/m/n' instead on input line 37.
|
||||||
|
|
||||||
|
LaTeX Font Info: Trying to load font information for OML+cmr on input line 3
|
||||||
|
7.
|
||||||
|
(C:\Program Files\MiKTeX\tex/latex/base\omlcmr.fd
|
||||||
|
File: omlcmr.fd 2019/12/16 v2.5j Standard LaTeX font definitions
|
||||||
|
)
|
||||||
|
|
||||||
|
LaTeX Font Warning: Font shape `OML/cmr/m/up' undefined
|
||||||
|
(Font) using `OML/cmr/m/it' instead on input line 37.
|
||||||
|
|
||||||
|
LaTeX Font Info: Font shape `OML/cmr/m/it' in size <14.4> not available
|
||||||
|
(Font) Font shape `OML/cmm/m/it' tried instead on input line 37.
|
||||||
|
LaTeX Font Info: Font shape `OML/cmr/m/up' in size <10> not available
|
||||||
|
(Font) Font shape `OML/cmm/m/it' tried instead on input line 37.
|
||||||
|
LaTeX Font Info: Font shape `OML/cmr/m/up' in size <7> not available
|
||||||
|
(Font) Font shape `OML/cmm/m/it' tried instead on input line 37.
|
||||||
|
LaTeX Font Info: Trying to load font information for OMS+cmr on input line 3
|
||||||
|
7.
|
||||||
|
(C:\Program Files\MiKTeX\tex/latex/base\omscmr.fd
|
||||||
|
File: omscmr.fd 2019/12/16 v2.5j Standard LaTeX font definitions
|
||||||
|
)
|
||||||
|
|
||||||
|
LaTeX Font Warning: Font shape `OMS/cmr/m/up' undefined
|
||||||
|
(Font) using `OMS/cmr/m/n' instead on input line 37.
|
||||||
|
|
||||||
|
LaTeX Font Info: Font shape `OMS/cmr/m/n' in size <14.4> not available
|
||||||
|
(Font) Font shape `OMS/cmsy/m/n' tried instead on input line 37.
|
||||||
|
LaTeX Font Info: Font shape `OMS/cmr/m/up' in size <10> not available
|
||||||
|
(Font) Font shape `OMS/cmsy/m/n' tried instead on input line 37.
|
||||||
|
LaTeX Font Info: Font shape `OMS/cmr/m/up' in size <7> not available
|
||||||
|
(Font) Font shape `OMS/cmsy/m/n' tried instead on input line 37.
|
||||||
|
LaTeX Font Info: Trying to load font information for U+msa on input line 37.
|
||||||
|
|
||||||
|
(C:\Program Files\MiKTeX\tex/latex/amsfonts\umsa.fd
|
||||||
|
File: umsa.fd 2013/01/14 v3.01 AMS symbols A
|
||||||
|
)
|
||||||
|
LaTeX Font Info: Trying to load font information for U+msb on input line 37.
|
||||||
|
|
||||||
|
|
||||||
|
(C:\Program Files\MiKTeX\tex/latex/amsfonts\umsb.fd
|
||||||
|
File: umsb.fd 2013/01/14 v3.01 AMS symbols B
|
||||||
|
)
|
||||||
|
LaTeX Font Info: Trying to load font information for U+wasy on input line 37
|
||||||
|
.
|
||||||
|
|
||||||
|
(C:\Users\anna\AppData\Roaming\MiKTeX\tex/latex/wasysym\uwasy.fd
|
||||||
|
File: uwasy.fd 2020/01/19 v2.4 Wasy-2 symbol font definitions
|
||||||
|
)
|
||||||
|
LaTeX Font Info: Font shape `OML/cmr/m/up' in size <12> not available
|
||||||
|
(Font) Font shape `OML/cmm/m/it' tried instead on input line 38.
|
||||||
|
LaTeX Font Info: Font shape `OML/cmr/m/up' in size <8> not available
|
||||||
|
(Font) Font shape `OML/cmm/m/it' tried instead on input line 38.
|
||||||
|
LaTeX Font Info: Font shape `OML/cmr/m/up' in size <6> not available
|
||||||
|
(Font) Font shape `OML/cmm/m/it' tried instead on input line 38.
|
||||||
|
LaTeX Font Info: Font shape `OMS/cmr/m/up' in size <12> not available
|
||||||
|
(Font) Font shape `OMS/cmsy/m/n' tried instead on input line 38.
|
||||||
|
LaTeX Font Info: Font shape `OMS/cmr/m/up' in size <8> not available
|
||||||
|
(Font) Font shape `OMS/cmsy/m/n' tried instead on input line 38.
|
||||||
|
LaTeX Font Info: Font shape `OMS/cmr/m/up' in size <6> not available
|
||||||
|
(Font) Font shape `OMS/cmsy/m/n' tried instead on input line 38.
|
||||||
|
[1
|
||||||
|
|
||||||
|
{C:/Users/anna/AppData/Local/MiKTeX/pdftex/config/pdftex.map}] [2]
|
||||||
|
<Одиночный.png, id=91, 555.2745pt x 492.03825pt>
|
||||||
|
File: Одиночный.png Graphic file (type png)
|
||||||
|
<use Одиночный.png>
|
||||||
|
Package pdftex.def Info: Одиночный.png used on input line 139.
|
||||||
|
(pdftex.def) Requested size: 145.11053pt x 128.58011pt.
|
||||||
|
<ЗондоваÑ<C2B0>_характериÑ<C2B8>тика.png, id=94, 488.42474pt x 414.34
|
||||||
|
8pt>
|
||||||
|
File: ЗондоваÑ<C2B0>_характериÑ<C2B8>тика.png Graphic file (type png)
|
||||||
|
|
||||||
|
<use ЗондоваÑ<C2B0>_характериÑ<C2B8>тика.png>
|
||||||
|
Package pdftex.def Info: ЗондоваÑ<C2B0>_характериÑ<C2B8>тика.png use
|
||||||
|
d on input line 145.
|
||||||
|
(pdftex.def) Requested size: 145.11053pt x 123.09776pt.
|
||||||
|
[3 <./Одиночный.png> <./ЗондоваÑ<C2B0>_характериÑ<C2B8>тика
|
||||||
|
.png>]
|
||||||
|
<УÑ<C2A3>тановка.png, id=110, 525.162pt x 260.172pt>
|
||||||
|
File: УÑ<C2A3>тановка.png Graphic file (type png)
|
||||||
|
<use УÑ<C2A3>тановка.png>
|
||||||
|
Package pdftex.def Info: УÑ<C2A3>тановка.png used on input line 187.
|
||||||
|
(pdftex.def) Requested size: 290.22107pt x 143.77785pt.
|
||||||
|
<U(I)_discharge.png, id=112, 578.16pt x 361.35pt>
|
||||||
|
File: U(I)_discharge.png Graphic file (type png)
|
||||||
|
<use U(I)_discharge.png>
|
||||||
|
Package pdftex.def Info: U(I)_discharge.png used on input line 199.
|
||||||
|
(pdftex.def) Requested size: 483.69687pt x 302.30788pt.
|
||||||
|
|
||||||
|
|
||||||
|
LaTeX Warning: `!h' float specifier changed to `!ht'.
|
||||||
|
|
||||||
|
[4 <./УÑ<C2A3>тановка.png>]
|
||||||
|
<I(U)_probe.png, id=134, 578.16pt x 361.35pt>
|
||||||
|
File: I(U)_probe.png Graphic file (type png)
|
||||||
|
<use I(U)_probe.png>
|
||||||
|
Package pdftex.def Info: I(U)_probe.png used on input line 212.
|
||||||
|
(pdftex.def) Requested size: 483.69687pt x 302.30788pt.
|
||||||
|
|
||||||
|
|
||||||
|
LaTeX Warning: `!h' float specifier changed to `!ht'.
|
||||||
|
|
||||||
|
<T,n(I_p).png, id=135, 578.16pt x 361.35pt>
|
||||||
|
File: T,n(I_p).png Graphic file (type png)
|
||||||
|
<use T,n(I_p).png>
|
||||||
|
Package pdftex.def Info: T,n(I_p).png used on input line 235.
|
||||||
|
(pdftex.def) Requested size: 483.69687pt x 302.30788pt.
|
||||||
|
|
||||||
|
LaTeX Warning: `!h' float specifier changed to `!ht'.
|
||||||
|
|
||||||
|
[5 <./U(I)_discharge.png>]
|
||||||
|
|
||||||
|
LaTeX Warning: Text page 6 contains only floats.
|
||||||
|
|
||||||
|
[6 <./I(U)_probe.png> <./T,n(I_p).png>]
|
||||||
|
<Приложение.png, id=152, 487.8225pt x 497.4585pt>
|
||||||
|
File: Приложение.png Graphic file (type png)
|
||||||
|
<use Приложение.png>
|
||||||
|
Package pdftex.def Info: Приложение.png used on input line 247.
|
||||||
|
(pdftex.def) Requested size: 241.84843pt x 246.62604pt.
|
||||||
|
|
||||||
|
Overfull \hbox (6.20735pt too wide) in paragraph at lines 260--262
|
||||||
|
\T2A/cmr/m/up/12 òàëü-íàÿ çîí-äî-âàÿ õà-ðàê-òå-ðè-ñòè-êà ïîä-òâåð-æäà-åò òåî-ðå
|
||||||
|
-òè-÷å-ñêóþ çà-âè-ñè-ìîñòü: $\OML/cmm/m/it/12 I \OT1/cmr/m/n/12 = \OML/cmm/m/it
|
||||||
|
/12 I[]th[]$\T2A/cmr/m/up/12 ,
|
||||||
|
[]
|
||||||
|
|
||||||
|
[7 <./Приложение.png>] (Плазма.aux)
|
||||||
|
|
||||||
|
LaTeX Font Warning: Some font shapes were not available, defaults substituted.
|
||||||
|
|
||||||
|
|
||||||
|
LaTeX Warning: Label(s) may have changed. Rerun to get cross-references right.
|
||||||
|
|
||||||
|
Package rerunfilecheck Info: File `Плазма.out' has not changed.
|
||||||
|
(rerunfilecheck) Checksum: FE5FB4A297CB8C080704A8AE6F5F2556;2624.
|
||||||
|
)
|
||||||
|
Here is how much of TeX's memory you used:
|
||||||
|
13205 strings out of 478864
|
||||||
|
188667 string characters out of 2858520
|
||||||
|
527580 words of memory out of 3000000
|
||||||
|
30861 multiletter control sequences out of 15000+600000
|
||||||
|
421557 words of font info for 77 fonts, out of 8000000 for 9000
|
||||||
|
1141 hyphenation exceptions out of 8191
|
||||||
|
60i,10n,66p,918b,388s stack positions out of 5000i,500n,10000p,200000b,80000s
|
||||||
|
<C:\Users\anna\AppData\Local\MiKTeX\fonts/pk/ljfour/lh/lh-t2a/dpi600\larm060
|
||||||
|
0.pk> <C:\Users\anna\AppData\Local\MiKTeX\fonts/pk/ljfour/lh/lh-t2a/dpi600\labx
|
||||||
|
1440.pk> <C:\Users\anna\AppData\Local\MiKTeX\fonts/pk/ljfour/lh/lh-t2a/dpi600\l
|
||||||
|
arm0800.pk> <C:\Users\anna\AppData\Local\MiKTeX\fonts/pk/ljfour/lh/lh-t2a/dpi60
|
||||||
|
0\larm1200.pk> <C:\Users\anna\AppData\Local\MiKTeX\fonts/pk/ljfour/lh/lh-t2a/dp
|
||||||
|
i600\labx1728.pk> <C:\Users\anna\AppData\Local\MiKTeX\fonts/pk/ljfour/lh/lh-t2a
|
||||||
|
/dpi600\larm1440.pk> <C:\Users\anna\AppData\Local\MiKTeX\fonts/pk/ljfour/lh/lh-
|
||||||
|
t2a/dpi600\larm2074.pk><C:/Program Files/MiKTeX/fonts/type1/public/amsfonts/cm/
|
||||||
|
cmex10.pfb><C:/Program Files/MiKTeX/fonts/type1/public/amsfonts/cm/cmmi12.pfb><
|
||||||
|
C:/Program Files/MiKTeX/fonts/type1/public/amsfonts/cm/cmmi6.pfb><C:/Program Fi
|
||||||
|
les/MiKTeX/fonts/type1/public/amsfonts/cm/cmmi8.pfb><C:/Program Files/MiKTeX/fo
|
||||||
|
nts/type1/public/amsfonts/cm/cmr12.pfb><C:/Program Files/MiKTeX/fonts/type1/pub
|
||||||
|
lic/amsfonts/cm/cmr8.pfb><C:/Program Files/MiKTeX/fonts/type1/public/amsfonts/c
|
||||||
|
m/cmsy10.pfb><C:/Program Files/MiKTeX/fonts/type1/public/amsfonts/cm/cmsy8.pfb>
|
||||||
|
|
||||||
|
Output written on Плазма.pdf (7 pages, 701461 bytes).
|
||||||
|
PDF statistics:
|
||||||
|
429 PDF objects out of 1000 (max. 8388607)
|
||||||
|
49 named destinations out of 1000 (max. 500000)
|
||||||
|
148 words of extra memory for PDF output out of 10000 (max. 10000000)
|
||||||
|
|
14
3.5.1Плазма/Плазма.out
Normal file
@ -0,0 +1,14 @@
|
|||||||
|
\BOOKMARK [1][-]{section.1}{\376\377\004\020\004\075\004\075\004\076\004\102\004\060\004\106\004\070\004\117}{}% 1
|
||||||
|
\BOOKMARK [1][-]{section.2}{\376\377\004\022\004\062\004\065\004\064\004\065\004\075\004\070\004\065}{}% 2
|
||||||
|
\BOOKMARK [1][-]{section.3}{\376\377\004\037\004\076\004\101\004\102\004\060\004\062\004\072\004\060\000\040\004\067\004\060\004\064\004\060\004\107\004\070}{}% 3
|
||||||
|
\BOOKMARK [1][-]{section.4}{\376\377\004\042\004\065\004\076\004\100\004\065\004\102\004\070\004\107\004\065\004\101\004\072\004\070\004\065\000\040\004\101\004\062\004\065\004\064\004\065\004\075\004\070\004\117}{}% 4
|
||||||
|
\BOOKMARK [1][-]{section.5}{\376\377\004\034\004\065\004\102\004\076\004\064\004\070\004\072\004\060\000\040\004\070\004\067\004\074\004\065\004\100\004\065\004\075\004\070\004\071}{}% 5
|
||||||
|
\BOOKMARK [2][-]{subsection.5.1}{\376\377\004\037\004\073\004\060\004\062\004\060\004\116\004\111\004\070\004\071\000\040\004\077\004\076\004\102\004\065\004\075\004\106\004\070\004\060\004\073}{section.5}% 6
|
||||||
|
\BOOKMARK [2][-]{subsection.5.2}{\376\377\004\036\004\064\004\070\004\075\004\076\004\107\004\075\004\113\004\071\000\040\004\067\004\076\004\075\004\064}{section.5}% 7
|
||||||
|
\BOOKMARK [2][-]{subsection.5.3}{\376\377\004\024\004\062\004\076\004\071\004\075\004\076\004\071\000\040\004\067\004\076\004\075\004\064}{section.5}% 8
|
||||||
|
\BOOKMARK [2][-]{subsection.5.4}{\376\377\004\043\004\101\004\102\004\060\004\075\004\076\004\062\004\072\004\060}{section.5}% 9
|
||||||
|
\BOOKMARK [1][-]{section.6}{\376\377\004\030\004\067\004\074\004\065\004\100\004\065\004\075\004\070\004\117\000\040\004\070\000\040\004\076\004\061\004\100\004\060\004\061\004\076\004\102\004\072\004\060\000\040\004\064\004\060\004\075\004\075\004\113\004\105}{}% 10
|
||||||
|
\BOOKMARK [2][-]{subsection.6.1}{\376\377\004\022\004\076\004\073\004\114\004\102\000-\004\060\004\074\004\077\004\065\004\100\004\075\004\060\004\117\000\040\004\105\004\060\004\100\004\060\004\072\004\102\004\065\004\100\004\070\004\101\004\102\004\070\004\072\004\060\000\040\004\100\004\060\004\067\004\100\004\117\004\064\004\060}{section.6}% 11
|
||||||
|
\BOOKMARK [2][-]{subsection.6.2}{\376\377\004\027\004\076\004\075\004\064\004\076\004\062\004\113\004\065\000\040\004\105\004\060\004\100\004\060\004\072\004\102\004\065\004\100\004\070\004\101\004\102\004\070\004\072\004\070}{section.6}% 12
|
||||||
|
\BOOKMARK [1][-]{section.7}{\376\377\004\036\004\061\004\101\004\103\004\066\004\064\004\065\004\075\004\070\004\065\000\040\004\100\004\065\004\067\004\103\004\073\004\114\004\102\004\060\004\102\004\076\004\062}{}% 13
|
||||||
|
\BOOKMARK [1][-]{section.8}{\376\377\004\022\004\113\004\062\004\076\004\064\004\113}{}% 14
|
BIN
3.5.1Плазма/Плазма.pdf
Normal file
BIN
3.5.1Плазма/Плазма.synctex.gz
Normal file
263
3.5.1Плазма/Плазма.tex
Normal file
@ -0,0 +1,263 @@
|
|||||||
|
\documentclass[a4paper,12pt]{article} % тип документа
|
||||||
|
|
||||||
|
% report, book
|
||||||
|
|
||||||
|
% Рисунки
|
||||||
|
\usepackage{graphicx}
|
||||||
|
\usepackage{wrapfig}
|
||||||
|
\usepackage{mathtext}
|
||||||
|
\usepackage[left=2cm,right=2cm,
|
||||||
|
top=2cm,bottom=2cm,bindingoffset=0cm]{geometry}
|
||||||
|
|
||||||
|
\usepackage{hyperref}
|
||||||
|
\usepackage[rgb]{xcolor}
|
||||||
|
\hypersetup{ % Гиперссылки
|
||||||
|
colorlinks=true, % false: ссылки в рамках
|
||||||
|
urlcolor=blue % на URL
|
||||||
|
}
|
||||||
|
|
||||||
|
% Русский язык
|
||||||
|
\usepackage[T2A]{fontenc} % кодировка
|
||||||
|
\usepackage[utf8]{inputenc} % кодировка исходного текста
|
||||||
|
\usepackage[english,russian]{babel} % локализация и переносы
|
||||||
|
|
||||||
|
|
||||||
|
% Математика
|
||||||
|
\usepackage{amsmath,amsfonts,amssymb,amsthm,mathtools}
|
||||||
|
\usepackage{titlesec}
|
||||||
|
\titlelabel{\thetitle.\quad}
|
||||||
|
|
||||||
|
\usepackage{wasysym}
|
||||||
|
|
||||||
|
\author{Анна Назарчук Б02-109}
|
||||||
|
\title{3.5.1 Изучение плазмы газового разряда в неоне}
|
||||||
|
\date{}
|
||||||
|
\begin{document}
|
||||||
|
\maketitle
|
||||||
|
\section{Аннотация}
|
||||||
|
В работе изучается плазма газового разряда в неоне с помощью двойного зонда. Снимается ВАХ разряда в режиме поднормального тлеющего разряда. Получаются зондовые характеристики, рассчитываются параметры плазмы (например, $\omega_p$, $r_D$).
|
||||||
|
|
||||||
|
|
||||||
|
\section{Введение}
|
||||||
|
Как известно, вещество может находиться в трёх агрегатных состояниях
|
||||||
|
— твёрдом, жидком и газообразном, причём эти состояния последовательно
|
||||||
|
сменяются по мере возрастания температуры. Если и дальше
|
||||||
|
нагревать газ, то сначала молекулы диссоциируют на атомы, а затем и
|
||||||
|
атомы распадаются на электроны и ионы, так что газ становится ионизованным,
|
||||||
|
представляя собой смесь из свободных электронов и ионов,
|
||||||
|
а также нейтральных частиц. Если степень ионизации газа (отношение
|
||||||
|
числа ионизованных атомов к их полному числу) оказывается достаточно
|
||||||
|
велика, то поведение заряженных частиц приобретает коллективный характер,
|
||||||
|
так что описание свойств среды не может быть сведено к описанию
|
||||||
|
обычного газа, содержащего некоторое количество отдельных заряженных
|
||||||
|
частиц. Такое состояние ионизованного газа и называется плазмой. Первое описание плазмы было дано в 1923 г. И. Ленгмюром. Современная физика термин "газовый разряд" трактует как не только процесс протекания тока через газ, но и любой процесс возникновения ионизации газа под действием внешнего поля. Это и планируется пронаблюдать в данной работе.
|
||||||
|
|
||||||
|
\section{Поставка задачи}
|
||||||
|
Получить вольт-амперную характеристику газового разряда, определить тип разряда. Рассчитать основные характеристики плазмы методом зондовых характеристик.
|
||||||
|
|
||||||
|
|
||||||
|
\section{Теоретические сведения}
|
||||||
|
Определяющими свойствами плазмы являются коллективный характер
|
||||||
|
её движения и квазинейтральность (равенство нулю средней плотности
|
||||||
|
заряда). Рассмотрим простейший вид коллективных плазменных
|
||||||
|
колебаний.
|
||||||
|
|
||||||
|
\begin{equation}
|
||||||
|
\label{w_p}
|
||||||
|
\omega_p=\sqrt{\frac{4\pi n_e e^2}{m_e}}
|
||||||
|
\end{equation}
|
||||||
|
$\omega_p$ - плазменная частота (частота коллективных колебаний электронов относительно квазинейтрального состояния, так называемых ленгмюровских колебаний, определяет временной масштаб для плазмы)
|
||||||
|
|
||||||
|
Плазменный масштаб плазменных явлений задается дебаевским радиусом - амплитудой ленгмюровских колебаний, возбуждаемых тепловыми колебаниями
|
||||||
|
\begin{equation}
|
||||||
|
r_D = \sqrt{\frac{k_Б T_e}{4\pi n_e e^2}}
|
||||||
|
\end{equation}
|
||||||
|
|
||||||
|
Рассмотрим плазменное экранирование. В равновесную плазму ($T = T_e = T_i$) помещена массивная пробная частица заряда $+q$, с радиусом, большим $r_D$. Для электронов из закона Больцмана:
|
||||||
|
\begin{equation}
|
||||||
|
n_e = n_{e0}\cdot \exp(\frac{e\varphi}{k_Б T})
|
||||||
|
\end{equation}
|
||||||
|
|
||||||
|
Аналогичное соотношение можно написать и для ионов (однозарядных). Температура электронов достаточно высока, поэтому:
|
||||||
|
\begin{equation}
|
||||||
|
\rho = -en_e+en_i\approx -en\cdot \frac{e\varphi}{k_Б T}
|
||||||
|
\end{equation}
|
||||||
|
|
||||||
|
Уравнение Пуассона для одномерного случая:
|
||||||
|
\begin{equation}
|
||||||
|
\frac{d^2 \varphi}{dx^2}=-4\pi \rho
|
||||||
|
\end{equation}
|
||||||
|
|
||||||
|
Объединив два уравнения, получим аналогичное выражение:
|
||||||
|
\begin{equation}
|
||||||
|
r_D = \sqrt{\frac{k_Б T_e}{4\pi n_e e^2}}
|
||||||
|
\end{equation}
|
||||||
|
|
||||||
|
Теперь рассмотрим неравновесную плазму ($T_e\neq T_i$):
|
||||||
|
\begin{equation}
|
||||||
|
\label{R_De}
|
||||||
|
r_{De} = \sqrt{\frac{k_Б T_e}{4\pi n_e e^2}}, \hspace{2mm}
|
||||||
|
r_{Di} = \sqrt{\frac{k_Б T_i}{4\pi n_i e^2}}
|
||||||
|
\end{equation}
|
||||||
|
|
||||||
|
Поэтому в общем случае:
|
||||||
|
\begin{equation}
|
||||||
|
\label{r_D_общ}
|
||||||
|
r_D = (r_{De}^2+r_{Di}^2)^{-1/2} = \sqrt{\frac{k_Б}{4\pi n_e e^2}\frac{T_eT_i}{T_e+T_i}}=
|
||||||
|
\end{equation}
|
||||||
|
|
||||||
|
Плазма - ионизированный газ, $r_D \ll a$, размера области, занимаемой газом.
|
||||||
|
Плазма идеальна, если кулоновская энергия мала по сравнению с тепловой:
|
||||||
|
\begin{equation}
|
||||||
|
\omega_{кул} = -\frac{1}{2}n_i\frac{q^2}{r_D}, \hspace{2mm} \omega_{тепл} = n_ik_БT
|
||||||
|
\end{equation}
|
||||||
|
|
||||||
|
Отношение энергий есть число заряженных частиц в сфере с дебаевским радиусом:
|
||||||
|
\begin{equation}
|
||||||
|
\label{N_D}
|
||||||
|
N_D = \frac{4}{3}\pi n_ir^3_D
|
||||||
|
\end{equation}
|
||||||
|
|
||||||
|
Плазма идеальна при $N_D\gg1$.
|
||||||
|
|
||||||
|
\section{Методика измерений}
|
||||||
|
\subsection{Плавающий потенциал}
|
||||||
|
Измерение электрических потенциалов с помощью "зондов" - небольших проводников, вводимых в плазму. При внесении проводника в плазму, он подвергается "бомбардировке" со стороны её заряженных частиц. Из-за различий в скорости частиц проводник зарядится отрицательно с потенциалов (отн. плазмы) $-U_f$ - плавающий потенциал.
|
||||||
|
Если бы $U_f = 0$:
|
||||||
|
\begin{equation}\label{i_0}
|
||||||
|
I_{e0} = \frac{n\bar{\upsilon_e}}{4}eS, \hspace{2mm} I_{i0} = \frac{n\bar{\upsilon_i}}{4}eS,
|
||||||
|
\end{equation}
|
||||||
|
|
||||||
|
Теперь $U_f \neq 0$: $I_i \approx I_{i0}$, согласно распределению Больцмана:
|
||||||
|
\begin{equation}
|
||||||
|
I_e = I_{e0} \exp(\frac{eU_f}{k_БT_e})
|
||||||
|
\end{equation}
|
||||||
|
|
||||||
|
\subsection{Одиночный зонд}
|
||||||
|
Схема измерений приведена на рис. \ref{одиночный}.
|
||||||
|
\begin{figure}[h!]
|
||||||
|
\includegraphics[width=0.3\textwidth]{Одиночный}
|
||||||
|
\caption{Исследование плазмы методом одиночного зонда} \label{одиночный}
|
||||||
|
\end{figure}
|
||||||
|
|
||||||
|
Зависимость тока через зонд от потенциала зонда - зондовая характеристика (рис. \ref{зондовая_характеристика}).
|
||||||
|
\begin{figure}[h!]
|
||||||
|
\includegraphics[width=0.3\textwidth]{Зондовая_характеристика}
|
||||||
|
\caption{Зондовая характеристика} \label{зондовая_характеристика}
|
||||||
|
\end{figure}
|
||||||
|
Токи можно оценить из формулы \ref{i_0}:
|
||||||
|
\begin{equation}
|
||||||
|
I_{ен} \approx I_{e0} = \frac{1}{4}n_eS\sqrt{\frac{8k_БT_e}{\pi m_e}}
|
||||||
|
\end{equation}
|
||||||
|
Полуэмпирическая формула Д. Бома:
|
||||||
|
\begin{equation}
|
||||||
|
\label{бом}
|
||||||
|
I_{iн} \approx 0.4 n_iS\sqrt{\frac{2k_БT_e}{m_i}}
|
||||||
|
\end{equation}
|
||||||
|
|
||||||
|
\subsection{Двойной зонд}
|
||||||
|
Двойной зонд - система, состоящая из двух одинаковых зондов на небольшом растоянии друг от друга, между которыми создается небольшая (по сравнению с $U_f$) разность потенциалов $U$. При малых токах через зонд:
|
||||||
|
\begin{equation}
|
||||||
|
U_1 = U_f +\Delta U_1, \hspace{2mm} U_2 = U_f +\Delta U_2
|
||||||
|
\end{equation}
|
||||||
|
\begin{equation}
|
||||||
|
U = U_2 - U_1 = \Delta U_2 -\Delta U_1
|
||||||
|
\end{equation}
|
||||||
|
Токи, приходящие на электроды:
|
||||||
|
\begin{equation}
|
||||||
|
I_1 = I_{iн}(1-\exp(\frac{e\Delta U_1}{k_БT_e})), \hspace{2mm}
|
||||||
|
I_2 = I_{iн}(1-\exp(\frac{e\Delta U_2}{k_БT_e}))
|
||||||
|
\end{equation}
|
||||||
|
Из последовательного соединения зондов:
|
||||||
|
\begin{equation}
|
||||||
|
I = I_{iн} th\frac{eU}{2k_БT_e}
|
||||||
|
\end{equation}
|
||||||
|
Вблизи $U = 0$:
|
||||||
|
\begin{equation}
|
||||||
|
\label{двойной_зонд}
|
||||||
|
k_БT_e = \frac{1}{2}\frac{eI_{iн}}{\frac{dI}{dU}|_{U=0}}
|
||||||
|
\end{equation}
|
||||||
|
|
||||||
|
\subsection{Установка}
|
||||||
|
Схема экспериментальной установки приведена на рисунке \ref{установка}. Трубка наполнена изотопом неона $^{22}Ne$ при давлении 2 мм рт. ст. При подключении к ВИП анода-I между ним и катодом возникает газовый разряд. Ток разряда измеряется миллиамперметром $A_1$, а падение
|
||||||
|
напряжения на разрядной трубке — вольтметром $V_1$. При подключении к ВИП анода-II разряд возникает в пространстве между катодом и анодом-II, где находится двойной зонд, используемый
|
||||||
|
для диагностики плазмы положительного столба.
|
||||||
|
\begin{figure}[h!]
|
||||||
|
\begin{center}
|
||||||
|
\includegraphics[width=0.6\textwidth]{Установка}
|
||||||
|
\caption{Схема установки} \label{установка}
|
||||||
|
\end{center}
|
||||||
|
\end{figure}
|
||||||
|
|
||||||
|
\section{Измерения и обработка данных}
|
||||||
|
\subsection{Вольт-амперная характеристика разряда}
|
||||||
|
С помощью вольтметра $V_1$ и амперметра $A_1$ измерили вольт-амперную
|
||||||
|
характеристику разряда $I_p(U_p)$ (рис. \ref{ВАХ_разряда})
|
||||||
|
|
||||||
|
\begin{figure}[h!]
|
||||||
|
\begin{center}
|
||||||
|
\includegraphics[width=\textwidth]{U(I)_discharge}
|
||||||
|
\caption{ВАХ разряда} \label{ВАХ_разряда}
|
||||||
|
\end{center}
|
||||||
|
\end{figure}
|
||||||
|
|
||||||
|
По наклону кривой определили максимальное $R_{диф}=\frac{dU}{dI} = -68000 \pm 11000$ Ом. Полученный участок ВАХ соответствует поднормальному тлеющему разряду.
|
||||||
|
|
||||||
|
\subsection{Зондовые характеристики}
|
||||||
|
При фиксированном токе разряда измерили вольт-амперную характеристику двойного зонда. (рис. \ref{ВАХ_зонда}). Для каждой зондовой характеристики определили ионный ток и наклон характеристики в начале координат по графику. Из полученных результатов рассчитаны $T_e$ (ф-ла \ref{двойной_зонд}), $n_i$ (ф-ла \ref{бом}), $\omega_p$ (ф-ла \ref{w_p}), $r_{De}$ (ф-ла \ref{R_De}) , $r_D$(ф-ла \ref{r_D_общ}), $N_D$ (ф-ла \ref{N_D}), $\alpha$ - степень ионизации плазмы. Результаты приведены в таблице \ref{data}, также построены графики зависимости
|
||||||
|
электронной температуры и концентрации электронов от тока разряда (рис. \ref{от_тока_разряда}).
|
||||||
|
|
||||||
|
\begin{figure}[h!]
|
||||||
|
\begin{center}
|
||||||
|
\includegraphics[width=\textwidth]{I(U)_probe}
|
||||||
|
\caption{ВАХ двойного зонда} \label{ВАХ_зонда}
|
||||||
|
\end{center}
|
||||||
|
\end{figure}
|
||||||
|
|
||||||
|
\begin{table}[h!]
|
||||||
|
\caption{Характеристики плазмы для разных токов разряда $I_p$}
|
||||||
|
\label{data}
|
||||||
|
\begin{tabular}{|l|l|l|l|}
|
||||||
|
\hline
|
||||||
|
$I_p,$ мА & 1.5 & 3 & 3.4 \\ \hline
|
||||||
|
$T_e,$ эВ & $ 3.1 \pm 0.2 $ & $ 4.2 \pm 0.1 $ & $ 3.7 \pm 0.4 $ \\ \hline
|
||||||
|
$n_i, 10^{10}$ $ 1/см^3$ & $ 2.1 \pm 0.1 $ & $ 4.6 \pm 0.1 $ & $ 4.8 \pm 0.3 $ \\ \hline
|
||||||
|
$\omega_p, 10^{9}$ $ рад/с$ & $ 8.2 \pm 0.2 $ & $ 12.0 \pm 0.1 $ & $ 12.4 \pm 0.4 $ \\ \hline
|
||||||
|
$r_{De}, 10^{-3} $ $см$ & $ 9.0 \pm 0.8 $ & $ 7.2 \pm 0.2 $ & $ 6.5 \pm 0.7 $ \\ \hline
|
||||||
|
$r_{D}, 10^{-3} $ $см$ & $ 0.82 \pm 0.03 $ & $ 0.56 \pm 0.01 $ & $ 0.54 \pm 0.03 $ \\ \hline
|
||||||
|
$N_{D}$ & $ 49 \pm 6 $ & $ 34 \pm 1 $ & $ 33 \pm 6 $ \\ \hline
|
||||||
|
$\alpha, 10^{-5}$ & $ 3.9 \pm 0.4 $ & $ 11.6 \pm 0.3 $ & $ 10.7 \pm 1.2 $ \\ \hline
|
||||||
|
\end{tabular}
|
||||||
|
\end{table}
|
||||||
|
|
||||||
|
\begin{figure}[h!]
|
||||||
|
\begin{center}
|
||||||
|
\includegraphics[width=\textwidth]{T,n(I_p)}
|
||||||
|
\caption{Зависимость электронной температуры и концентрации электронов от тока разряда} \label{от_тока_разряда}
|
||||||
|
\end{center}
|
||||||
|
\end{figure}
|
||||||
|
|
||||||
|
\section{Обсуждение результатов}
|
||||||
|
|
||||||
|
|
||||||
|
1. При сравнении вольт-амперной характеристики разряда (рис. \ref{ВАХ_разряда}) и графика вольт-амперной характеристики газового разряда из приложения к лабораторной работе (рис. \ref{приложение}) видно, что рассматривался участок ГД, соответствующий поднормальному тлеющему разряду.
|
||||||
|
|
||||||
|
\begin{figure}[h!]
|
||||||
|
\begin{center}
|
||||||
|
\includegraphics[width=0.5\textwidth]{Приложение}
|
||||||
|
\caption{Вольт-амперная характеристика разряда в неоне (из приложения)} \label{приложение}
|
||||||
|
\end{center}
|
||||||
|
\end{figure}
|
||||||
|
|
||||||
|
2. По определению поляризационной длины $r_{De}$ плазму можно считать квазинейтральной, так как именно электронная дебаевская длина определяет масштаб, на котором нарушается квазинейтральность из-за тепловых флуктуаций электронов относительно ионов, а $r_{De} \sim 10^{-2} см$, что много меньше размеров области.
|
||||||
|
|
||||||
|
3. Оценив число ионов в дебаевской сфере $N_D \sim 40$, видно, что число частиц много больше 1, что позволяет называть плазму идеальной.
|
||||||
|
|
||||||
|
4. Определить зависимость электронной температуры от тока разряда с помощью полученных данных (рис. \ref{от_тока_разряда}) невозможно из-за малого числа точек и достаточной погрешности результатов. Однако можно качественно оценить зависимость концентрации электронов от тока разряда: график напоминает линейную или степенную зависимость, что достаточно ожидаемо, при увеличении тока разряда увеличивается и число электронов в газе.
|
||||||
|
|
||||||
|
|
||||||
|
\section{Выводы}
|
||||||
|
Из ВАХ разряда подтверждено, что исследуется тлеющий газовый разряд.
|
||||||
|
Экспериментальная зондовая характеристика подтверждает теоретическую зависимость: $I = I_{iн} th\frac{eU}{2k_БT_e}$, количество ионов в дебаевской сфере $N_D \sim 40$ показывает идеальность плазмы. Остальные характеристики плазмы получились схожими по порядку с примерами в инструкции к работе, что подтверждает справедливость метода измерений. Однако не удалось оценить зависимость температуры электронов от тока разряда из-за неточных измерений и малого их числа.
|
||||||
|
|
||||||
|
\end{document}
|
BIN
3.5.1Плазма/Приложение.png
Normal file
After Width: | Height: | Size: 42 KiB |
BIN
3.5.1Плазма/Установка.png
Normal file
After Width: | Height: | Size: 42 KiB |