901 - 950 Flashcards

1
Q

numpy.ndim

A

число осей (измерений) массива. Как уже было сказано, в мире Python число измерений часто называют рангом. Number of array dimensions.

x = np.array([1, 2, 3])
x.ndim
👉 1
y = np.zeros((2, 3, 4))
y.ndim
👉 3
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
2
Q

numpy.shape()

A

Return the shape of an array.
For example, the shape of the array [[1 2 3] [4 5 6]] is (2, 3) which represents 2 rows and 3 columns.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
3
Q

numpy.min() and numpy.max()

A

Return the minimum along a given axis.

stats = np.array([[1,2,3],[4,5,6]])
np.min(stats)
👉 1

np.max(stats, axis=1)
👉 array([3, 6])
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
4
Q

seaborn.barplot(*, x=None, y=None, hue=None, data=None, order=None, hue_order=None, estimator=<function mean at 0x7ff320f315e0>, ci=95, n_boot=1000, units=None, seed=None, orient=None, color=None, palette=None, saturation=0.75, errcolor=’.26’, errwidth=None, capsize=None, dodge=True, ax=None, **kwargs)

A

Show point estimates and confidence intervals as rectangular bars. A bar plot represents an estimate of central tendency for a numeric variable with the height of each rectangle and provides some indication of the uncertainty around that estimate using error bars.

df = sns.load_dataset('titanic')
sns.barplot(x = 'who', y = 'fare', data = df)
plt.show()
df = sns.load_dataset('titanic')
sns.barplot(x = 'who', y = 'fare', hue = 'class', data = df)
plt.show()
df = sns.load_dataset('titanic')
sns.barplot(x = 'who', y = 'fare', hue = 'class', data = df, palette = "Blues")
plt.show()
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
5
Q

seaborn.catplot(*, x=None, y=None, hue=None, data=None, row=None, col=None, col_wrap=None, estimator=<function mean at 0x7ff320f315e0>, ci=95, n_boot=1000, units=None, seed=None, order=None, hue_order=None, row_order=None, col_order=None, kind=’strip’, height=5, aspect=1, orient=None, color=None, palette=None, legend=True, legend_out=True, sharex=True, sharey=True, margin_titles=False, facet_kws=None, **kwargs)

A

Figure-level interface for drawing categorical plots onto a FacetGrid. This function provides access to several axes-level functions that show the relationship between a numerical and one or more categorical variables using one of several visual representations.

sns.set_theme(style="ticks")
exercise = sns.load_dataset("exercise")
g = sns.catplot(x="time", y="pulse", hue="kind", data=exercise)
g = sns.catplot(x="time", y="pulse", hue="kind", col="diet", data=exercise)
exercise = sns.load_dataset("exercise")
g = sns.catplot(x="time", y="pulse", hue="kind", data=exercise)
sns.set_theme(style="ticks")
exercise = sns.load_dataset("exercise")
g = sns.catplot(x="time", kind="count", data=exercise)
g = sns.catplot(x="age", y="embark_town",
                hue="sex", row="class",
                data=titanic[titanic.embark_town.notnull()],
                orient="h", height=2, aspect=3, palette="Set3",
                kind="violin", dodge=True, cut=0, bw=.2)
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
6
Q

seaborn.lmplot(*, x=None, y=None, data=None, hue=None, col=None, row=None, palette=None, col_wrap=None, height=5, aspect=1, markers=’o’, sharex=None, sharey=None, hue_order=None, col_order=None, row_order=None, legend=True, legend_out=None, x_estimator=None, x_bins=None, x_ci=’ci’, scatter=True, fit_reg=True, ci=95, n_boot=1000, units=None, seed=None, order=1, logistic=False, lowess=False, robust=False, logx=False, x_partial=None, y_partial=None, truncate=True, x_jitter=None, y_jitter=None, scatter_kws=None, line_kws=None, facet_kws=None, size=None)

A

Plot data and regression model fits across a FacetGrid. This function combines regplot() and FacetGrid.

tips = sns.load_dataset("tips")
g = sns.lmplot(x="total_bill", y="tip", data=tips)
g = sns.lmplot(x="total_bill", y="tip", hue="smoker", data=tips)
df = pd.read_csv('Tips.csv')
# scatter plot with regression
sns.lmplot(x ='total_bill', y ='tip', data = df)
plt.show()
df = pd.read_csv('Tips.csv')
# scatter plot without regression
sns.lmplot(x ='total_bill', y ='tip', fit_reg = False, data = df)
plt.show()
df = pd.read_csv('Tips.csv')
sns.lmplot(x ='total_bill', y ='tip', fit_reg = False, hue = 'sex', data = df)
plt.show()
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
7
Q

seaborn.regplot(*, x=None, y=None, data=None, x_estimator=None, x_bins=None, x_ci=’ci’,
scatter=True, fit_reg=True, ci=95, n_boot=1000, units=None, seed=None, order=1, logistic=False, lowess=False, robust=False, logx=False, x_partial=None, y_partial=None, truncate=True, dropna=True, x_jitter=None, y_jitter=None, label=None, color=None, marker=’o’, scatter_kws=None, line_kws=None, ax=None)

A

Plot data and a linear regression model fit.

tips = sns.load_dataset("tips")
ax = sns.regplot(x="total_bill", y="tip", data=tips)
mean, cov = [4, 6], [(1.5, .7), (.7, 1)]
x, y = np.random.multivariate_normal(mean, cov, 80).T
ax = sns.regplot(x=x, y=y, color="g")
data = sns.load_dataset("mpg")
sns.regplot(x = "mpg", y = "acceleration", data = data)
plt.show()
data = sns.load_dataset("titanic")
sns.regplot(x = "age", y = "fare", data = data, dropna = True)
plt.show()
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
8
Q

compile(source, filename, mode, flag, dont_inherit, optimize)

🎯 source - обязательный параметр. Может быть обычной строкой, байтовой строкой, либо объектом абстрактного синтаксического дерева.

🎯 filename - обязательный параметр. Имя файла, из которого будет читается код. Если код не будет считан из файла, вы можете написать в качестве параметра любую строку <string>.</string>

🎯 mode - обязательный параметр. Может принимать 3 значения:
💡 eval - если источником является одно выражение;
💡 exec - если источником является блок операторов;
💡 single - если код состоит из одного оператора;

🎯 flag - необязательный параметр. По умолчанию flags=0 и определяет, будет ли скомпилированный код содержать асинхронные операции или какие инструкции из __future__ следует использовать.

🎯 dont_inherit - необязательный параметр. По умолчанию dont_inherit=False. Указывает, следует ли использовать future определенные в коде, в дополнение в тем, что указаны во flags;

🎯 optimize - необязательный параметр. По умолчанию optimize=-1. Задаёт уровень оптимизации компилятора:
- 1 — использовать настройки интерпретатора (регулируются опцией -O);
💡 0 — не оптимизировать, включить debug;
💡 1 — убрать инструкции asserts, выключить debug;
💡 2 — то, что делает 1 + убрать строки документации.

A

возвращает переданный, в качестве аргумента источник, в виде объекта кода, готового к выполнению. Объекты кода, полученные в результате выполнения функции compile() могут быть выполнены с помощью exec() или eval().

x = compile('x = 1\nz = x + 5\nprint(z)', 'test', 'exec')
exec(x)
👉 6
y = compile("print('4 + 5 =', 4+5)", 'test', 'eval')
eval(y)
👉 4 + 5 = 9
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
9
Q

matplotlib.show(*, block=None)

🎯 blockbool - Whether to wait for all figures to be closed before returning. If True block and run the GUI main loop until all figure windows are closed. If False ensure that all figure windows are displayed and return immediately.

A

Display all open figures.

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
10
Q

matplotlib.set_ylim(bottom=None, top=None, emit=True, auto=False, *, ymin=None, ymax=None)

A

Set the y-axis view limits.

set_ylim(bottom, top)
set_ylim((bottom, top))
bottom, top = set_ylim(bottom, top)
set_ylim(top=top_lim)
set_ylim(5000, 0)
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
11
Q

matplotlib.set_title()

A

function in axes module of matplotlib library is used to set a title for the axes.

x = np.arange(0.1, 5, 0.1)
y = np.exp(-x)
  
yerr = 0.1 + 0.1 * np.sqrt(x)
  
fig, axs = plt.subplots(nrows = 1, ncols = 2, sharex = True)
ax = axs[0]
ax.errorbar(x, y, yerr = yerr, color ="green")
ax.set_title('Title of Axes 1', fontweight ="bold")
  
ax = axs[1]
ax.errorbar(x, y, yerr = yerr, errorevery = 5, color ="green")
  
ax.set_title('Title of Axes 2',fontweight ="bold")
  
fig.suptitle('matplotlib.axes.Axes.set_title() \ function Example\n')
plt.show()
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
12
Q

matplotlib.clf()

A

function in pyplot module of matplotlib library is used to clear the current
figure.

plt.plot([1, 2, 3, 4], [16, 4, 1, 8]) 
plt.clf()
 
plt.title('matplotlib.pyplot.clf Example')
plt.show()
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
13
Q

matplotlib.title(label, fontdict=None, loc=None, pad=None, *, y=None, **kwargs)

A

Set a title for the Axes. Set one of the three available Axes titles. The available titles are positioned above the Axes in the center, flush with the left edge, and flush with the right edge.

y = [0,1,2,3,4,5]
x= [0,5,10,15,20,25]

plt.plot(x, y, color='green') 
plt.xlabel('x') 
plt.ylabel('y') 
  
plt.title("Linear graph")
plt.show() 
foodPreference = ['Vegetarian', 'Non Vegetarian', 'Vegan', 'Eggitarian']
consumers = [30,100,10,60]
  
fig = plt.figure()
ax = fig.add_axes([0,0,1,1])
ax.axis('equal')
ax.pie(consumers, labels = foodPreference, autopct='%1.2f%%')

plt.title(label="Society Food Preference", loc="left", fontstyle='italic')
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
14
Q

matplotlib.ylabel(ylabel, fontdict=None, labelpad=None, *, loc=None, **kwargs)

A

Set the label for the y-axis.

x =['Geeks', 'for', 'geeks', 'tutorials']
y =[1, 2, 3, 4]
  
# Adding label on the y-axis
plt.ylabel('Numbers label')

plt.plot(x, y)
x =['Geeks', 'for', 'geeks', 'tutorials']
y =[1, 2, 3, 4]
  
font = {'family': 'Verdana', 'color':  'green', 'size': 20,}
  
# Adding the font styles to the label
plt.ylabel('Numbers label', fontdict = font)
plt.plot(x, y)
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
15
Q

matplotlib.figure(num=None, figsize=None, dpi=None, facecolor=None, edgecolor=None, frameon=True, FigureClass=<class ‘matplotlib.figure.Figure’>, clear=False, **kwargs)

A

Create a new figure, or activate an existing figure.

fig = plt.figure()
fig.add_artist(lines.Line2D([0, 1, 0.5], [0, 1, 0.3]))
fig.add_artist(lines.Line2D([0, 1, 0.5], [1, 0, 0.2]))
  
plt.title('matplotlib.pyplot.figure() Example\n',
                fontsize = 14, fontweight ='bold')
plt.show()
fig = plt.figure(figsize =(4, 4))
ax = Subplot(fig, 111)
fig.add_subplot(ax)
  
ax.axis["left"].set_visible(False)
ax.axis["bottom"].set_visible(False)
  
plt.title('matplotlib.pyplot.figure() Example\n', fontsize = 14, fontweight ='bold')
plt.show()
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
16
Q

matplotlib.yticks(ticks=None, labels=None, **kwargs)

A

Get or set the current tick locations and labels of the y-axis. Pass no arguments to return the current values without modifying them.

valx = [30, 35, 50, 5, 10, 40, 45, 15, 20, 25] 
valy = [1, 4, 3, 2, 7, 6, 9, 8, 10, 5] 
    
plt.plot(valx, valy) 
plt.xlabel('X-axis') 
plt.ylabel('Y-axis') 
    
plt.xticks(np.arange(0, 60, 5)) 
plt.yticks(np.arange(0, 15, 1)) 

plt.show()

How well did you know this?
1
Not at all
2
3
4
5
Perfectly
17
Q

matplotlib.set_ylabel(ylabel, fontdict=None, labelpad=None, *, loc=None, **kwargs)

A

Set the label for the y-axis

t = np.arange(0.01, 5.0, 0.01)
s = np.exp(-t)
   
fig, ax = plt.subplots()
   
ax.plot(t, s)
ax.set_ylim(1, 0)
ax.set_ylabel('Display Y-axis Label', fontweight ='bold')
ax.grid(True)
   
ax.set_title('matplotlib.axes.Axes.set_ylabel() \ Examples\n', fontsize = 14, fontweight ='bold')
plt.show()
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
18
Q

matplotlib.pie(x, explode=None, labels=None, colors=None, autopct=None, pctdistance=0.6, shadow=False, labeldistance=1.1, startangle=0, radius=1, counterclock=True, wedgeprops=None, textprops=None, center=(0, 0), frame=False, rotatelabels=False, *, normalize=True, data=None)

A

Plot a pie chart.

cars = ['AUDI', 'BMW', 'FORD', 'TESLA', 'JAGUAR', 'MERCEDES']
data = [23, 17, 35, 29, 12, 41]
fig = plt.figure(figsize =(10, 7))
plt.pie(data, labels = cars)
plt.show()
19
Q

matplotlib.get_yticks(*, minor=False)

A

function in axes module of matplotlib library is used to return the y ticks as a list of locations.

fig, ax = plt.subplots()
ax.plot(range(12, 24), range(12))
ax.set_yticks((2, 5, 7, 10))
  
w = ax.get_yticks()
ax.text(15, 9, "ytick values : "+str(w), fontweight ="bold")
  
fig.suptitle('matplotlib.axes.Axes.get_yticks() \ function Example\n\n', fontweight ="bold")
plt.show()
20
Q

matplotlib.suptitle(t, **kwargs)

A

Add a centered suptitle to the figure.

d = {'series a' : pd.Series([1., 2., 3.], index=['a', 'b', 'c']),
      'series b' : pd.Series([1., 2., 3., 4.], index=['a', 'b', 'c', 'd'])}
df = pd.DataFrame(d)

title_string = "This is the title"
subtitle_string = "This is the subtitle"

plt.figure()
df.plot(kind='bar')
plt.suptitle(title_string, y=1.05, fontsize=18)
plt.title(subtitle_string, fontsize=10)
21
Q

matplotlib..set_yticklabels(labels, *, fontdict=None, minor=False, **kwargs)

A

function in axes module of matplotlib library is used to Set the y-tick labels with list of string labels.

import matplotlib.pyplot as plt
import matplotlib.transforms as mtransforms
  
fig, ax = plt.subplots()
ax.plot(range(12, 24), range(12))
ax.set_yticks((2, 5, 7, 10))
ax.set_yticklabels(("Label-1", "Label-2", "Label-3", "Label-4"))
    
fig.suptitle('matplotlib.axes.Axes.set_yticklabels() \ function Example\n\n', fontweight ="bold")
fig.canvas.draw()
plt.show()
np.random.seed(19680801)
   
x = np.linspace(0, 2 * np.pi, 100)
y = np.sin(x)
y2 = y + 0.2 * np.random.normal(size = x.shape)
   
fig, ax = plt.subplots()
ax.plot(x, y)
ax.plot(x, y2)
   
ax.set_yticks([-1, 0, 1])
   
ax.spines['left'].set_bounds(-1, 1)
ax.spines['right'].set_visible(False)
ax.spines['top'].set_visible(False)
  
ax.set_yticklabels(("Val-1", "Val-2", "Val-3"))
    
fig.suptitle('matplotlib.axes.Axes.set_yticklabels() \ function Example\n\n', fontweight ="bold")
fig.canvas.draw()
plt.show()
22
Q

matplotlib.imshow(X, cmap=None, norm=None, *, aspect=None, interpolation=None, alpha=None, vmin=None, vmax=None, origin=None, extent=None, interpolation_stage=None, filternorm=True, filterrad=4.0, resample=None, url=None, data=None, **kwargs)

A

Display data as an image, i.e., on a 2D regular raster.

dx, dy = 0.015, 0.05
y, x = np.mgrid[slice(-4, 4 + dy, dy), slice(-4, 4 + dx, dx)]
z = (1 - x / 3. + x ** 5 + y ** 5) * np.exp(-x ** 2 - y ** 2)
z = z[:-1, :-1]
z_min, z_max = -np.abs(z).max(), np.abs(z).max()
  
c = plt.imshow(z, cmap ='Greens', vmin = z_min, vmax = z_max,
                 extent =[x.min(), x.max(), y.min(), y.max()],
                    interpolation ='nearest', origin ='lower')
plt.colorbar(c)
  
plt.title('matplotlib.pyplot.imshow() function Example', fontweight ="bold")
plt.show()
dx, dy = 0.015, 0.05
x = np.arange(-4.0, 4.0, dx)
y = np.arange(-4.0, 4.0, dy)
X, Y = np.meshgrid(x, y)
extent = np.min(x), np.max(x), np.min(y), np.max(y)
Z1 = np.add.outer(range(8), range(8)) % 2
plt.imshow(Z1, cmap ="binary_r", interpolation ='nearest', extent = extent, alpha = 1)
   
def geeks(x, y):
    return (1 - x / 2 + x**5 + y**6) * np.exp(-(x**2 + y**2))

Z2 = geeks(X, Y)

plt.imshow(Z2, cmap ="Greens", alpha = 0.7, interpolation ='bilinear', extent = extent)
  
plt.title('matplotlib.pyplot.imshow() function Example', fontweight ="bold")
plt.show()
23
Q

matplotlib.savefig(*args, **kwargs)

A
xaxis =[1, 4, 9, 16, 25, 36, 49, 64, 81, 100]
yaxis =[1, 2, 3, 4, 5, 6, 7, 8, 9, 10]

plotting 
plt.plot(xaxis, yaxis)
plt.xlabel("X")
plt.ylabel("Y")

saving the file.Make sure you 
# use savefig() before show().
plt.savefig("squares.png")

plt.show()
x =[1, 4, 9, 16, 25, 36, 49, 64, 81, 100]
plt.hist(x)

saving the figure.
plt.savefig("squares1.png",
            bbox_inches ="tight",
            pad_inches = 1,
            transparent = True,
            facecolor ="g",
            edgecolor ='w',
            orientation ='landscape')
plt.show()
24
Q

matplotlib.text(x, y, s, fontdict=None, **kwargs)

A

Add text to the Axes. Add the text s to the Axes at location x, y in data coordinates.

text(x, y, s, fontsize=12)
text(0.5, 0.5, 'matplotlib', horizontalalignment='center', 
        verticalalignment='center', transform=ax.transAxes)
text(x, y, s, bbox=dict(facecolor='red', alpha=0.5))
25
Q

matplotlib.fill_between(x, y1, y2=0, where=None, interpolate=False, step=None, *, data=None, **kwargs)

A

Fill the area between two horizontal curves. The curves are defined by the points (x, y1) and (x, y2). This creates one or multiple polygons describing the filled area.

a = np.linspace(0,2*3.14,50)
b = np.sin(a)
  
plt.fill_between(a, b, 0, where = (a > 2) & (a <= 3), color = 'g')
plt.plot(a,b)
26
Q

matplotlib.ion()

A

Enable interactive mode.

# if interactive mode is off then figures will not be shown on creation
plt.ioff()
fig = plt.figure()

with plt.ion():
    # interactive mode will be on figures will automatically be shown
    fig2 = plt.figure()
27
Q

matplotlib.hist(x, bins=None, range=None, density=False, weights=None, cumulative=False, bottom=None, histtype=’bar’, align=’mid’, orientation=’vertical’, rwidth=None, log=False, color=None, label=None, stacked=False, *, data=None, **kwargs)

A

Plot a histogram. Compute and draw the histogram of x.

np.random.seed(10**7)
mu = 121
sigma = 21
x = mu + sigma * np.random.randn(1000)

num_bins = 100
n, bins, patches = plt.hist(x, num_bins, density = 1, color ='green', alpha = 0.7)

y = ((1 / (np.sqrt(2 * np.pi) * sigma)) * np.exp(-0.5 * (1 / sigma * (bins - mu))**2))

plt.plot(bins, y, '--', color ='black')

plt.xlabel('X-Axis')
plt.ylabel('Y-Axis')
plt.title('matplotlib.pyplot.hist() function Example\n\n', fontweight ="bold")
plt.show()
np.random.seed(10**7)
n_bins = 20
x = np.random.randn(10000, 3)
	
colors = ['green', 'blue', 'lime']

plt.hist(x, n_bins, density = True,
		histtype ='bar',
		color = colors,
		label = colors)

plt.legend(prop ={'size': 10})
plt.title('matplotlib.pyplot.hist() function Example\n\n',
		fontweight ="bold")
plt.show()
28
Q

datetime.datetime(year, month, day, hour=0, minute=0, second=0, microsecond=0, tzinfo=None, *, fold=0)

A

is used to creat date. Requires three parameters to create a date: year, month, day.

x = datetime.datetime(2014, 2, 2)
print(x)
👉 2014-02-02 00:00:00
29
Q

datetime.datetime.now()

A

возвращает текущую локальную дату и время. Если необязательный аргумент tz равен None или не указан, то метод похож на datetime.datetime.today()

dt = datetime.datetime.now()
dt.date()
(2020, 5, 6)
30
Q

datetime.datetime.today()

A

возвращает текущую локальную дату и время с tzinfo=None.

datetime.datetime.today()
2022-03-31 00:18:48.271884
31
Q

datetime.datetime.now().time()

A

возвращает врем (часы, минуты, секуды и мелисекунды)

x = datetime.datetime.now().time()
print(x)
01:10:50.788294
32
Q

datetime.datetime.now().replace()

A

дает возможно поменять укзанные данные на новые данный

dt = datetime.datetime.now()
datetime.datetime(2020, 5, 6, 9, 56, 14, 920298)
dt.replace(year=2022, month=6, hour=15)
(2022, 6, 6, 15, 56, 14, 920298)
33
Q

datetime.datetime.now().weekday()

A

возвращает день недели в виде целого числа, где понедельник = 0, а воскресенье = 6.

dt = datetime.datetime.now()
dt.weekday()
👉 2
34
Q

datetime.datetime.now().isocalendar()

A

возвращает именованный кортеж с тремя компонентами: год year, неделя week и день недели weekday.

dt = datetime.datetime.now()
dt.isocalendar()
(year=2020, week=19, weekday=3)
35
Q

datetime.datetime.now().ctime()

A

возвращает строку, представляющую дату и время

dt.ctime()
'Wed May  6 09:56:14 2021'
36
Q

datetime.datetime()

A

🎯.year - возвращает год как целое число,
🎯.month - возвращает месяц как число от 1 до 12 включительно,
🎯.day - возвращает день от 1 до количества дней в данном месяце данного года,
🎯.hour - возвращает час в диапазоне range(24),
🎯.minute - возвращает минуты в диапазоне range(60),
🎯.second - возвращает секунды в диапазоне range(60),
🎯.microsecond - возвращает секунды в диапазоне range(1000000),
🎯.tzinfo - возвращает объект, переданный в качестве аргумента tzinfo или None, если ничего не было передано.
🎯.fold - возвращает зимнее 0 или летнее 1 время. Используется для устранения неоднозначности времени в момент перехода с зимнего на летнее время и обратно, когда смещение UTC для текущей зоны уменьшается или увеличивается.
🎯.date() - возвращает врем (год, месяц, число)
🎯.isoweekday() - возвращает день недели в виде целого числа, где понедельник = 1, а воскресенье = 6.
🎯.total_seconds() - возвращает общее количество секунд, содержащихся в разнице между двумя датами

37
Q

datetime.datetime.strptime(date_str, format)

🎯%a - Сокращенное название дня недели в локали по умолчанию. -> Sun, Mon, …(en_US); So, Mo, …, Sa (de_DE)
🎯%A - Полное название дня недели в локали по умолчанию. -> Sunday, Monday, …, (en_US); Sonntag, Montag, …, Samstag (de_DE)
🎯%w - День недели как число, где 0 это Воскресение и 6 — суббота. -> 0, 1, …, 6
🎯%d - День месяца в виде десятичного числа с нулем. -> 01, 02, …, 31
🎯%b - Месяц как сокращенное название в локали по умолчанию. -> Jan, Feb, …, Dec (en_US);Jan, Feb, …, Dez (de_DE)
🎯%B - Месяц как полное название в локали по умолчанию. -> January, February, …, December (en_US);Januar, Februar, …, Dezember (de_DE) (1)
🎯%m - Месяц в виде десятичного числа с добавлением нуля. -> 01, 02, …, 12
🎯%y - Год без столетия как десятичное число с нулем. -> 00, 01, …, 99
🎯%H - Час (24-ч форм) в виде десятичного числа с добавлением нуля. -> 00, 01, …, 23
🎯%I - Час (12-ч часы) в виде десятичного числа с добавлением нуля. -> 01, 02, …, 12
🎯%p - Локальный эквивалент либо AM, либо PM. -> AM, PM (en_US);am, pm (de_DE)
🎯%M - Минута как десятичное число с добавлением нуля. -> 00, 01, …, 59
🎯%S - Секунда как дополненное нулями десятичное число. -> 00, 01, …, 59
🎯%f - Микросек как десятичное число, дополнен нулями слева. -> 000000, 000001, …
🎯%z - Смещение UTC в форме ±HHMM[SS[.ffffff]] или пустая строка, если объект наивный. -> (empty), +0000, -0400, +1030, +063415, -030712.345216 (6)
🎯%Z - Имя час пояса или пустая строка, если объект наивн. -> (empty), UTC, EST, CST
🎯%j - День года в виде десятичного числа с нулем. -> 001, 002, …, 366
🎯%U - Номер недели в году (воскресенье - первый день недели) в виде десятичного числа с добавлением нуля. Все дни в новом году, предшествующем первому воскресенью, считаются на неделе -> 0. 00, 01, …, 53
🎯%W - Номер недели в году (понедельник - первый день недели) в виде десятичного числа. Все дни в новом году, предшествующем первому понедельнику, считаются на неделе -> 0. 00, 01,…, 53
🎯%c - Соответствие локали дате и времени. -> Tue Aug 16 21:30:00 1988 (en_US); Di 16 Aug 21:30:00 1988 (de_DE)
🎯%x - Соответствующее представление даты локали. -> 08/16/88 (None);08/16/1988 (en_US);16.08.1988 (de_DE)
🎯%X - Соответствующее время локали. -> 21:30:00 (en_US);21:30:00 (de_DE)%% - Буквальный символ ‘%’. -> %

A

возвращает объект даты и времени datetime.datetime(), соответствующее

date_str = 'Fri, 24 Apr 2021 16:22:54 +0000'
format = '%a, %d %b %Y %H:%M:%S +0000'
datetime.datetime.strptime(date_str, format)
(2021, 4, 24, 16, 22, 54)
first = datetime.datetime.strptime(t1,'%a %d %b %Y %H:%M:%S %z')
second = datetime.datetime.strptime(t2,'%a %d %b %Y %H:%M:%S %z')
return str(abs(int((first-second).total_seconds())))
38
Q

datetime - сколько времени прошло

A
d1 = datetime.datetime.now()
time.sleep(185.53538)
d2 = datetime.datetime.now()

dd = d2 - d1
all_seconds = dd.total_seconds()
print(all_seconds)

minutes = int(all_seconds / 60)
seconds = int(all_seconds % 60)
milliseconds = int((round(all_seconds % 60, 4) - int(round(all_seconds % 60, 4))) * 100)

print(minutes)
print(seconds)
print(milliseconds)
39
Q

datetime - add 5 minutes to the timer

A
now1 = datetime.datetime.now()
delta = now1 + datetime.timedelta(minutes=5)
2022-03-31 21:23:01.572009
2022-03-31 21:28:01.572009
40
Q

datetime - set up timer

A
self.start_timer_position = datetime.datetime.now() + datetime.timedelta(minutes=self.input_work_interval)  #установка веремени вперед
self.time_difference = (self.input_work_interval * 60) - (self.start_timer_position - datetime.datetime.now()).total_seconds() #разница между текущим временем и временем впереди
self.minutes = int(self.time_difference / 60)
self.seconds = int(self.time_difference % 60)
self.milliseconds = int((round(self.time_difference % 60, 4) - int(round(self.time_difference % 60, 4))) * 100)
41
Q

datetime - Convert string Month to number Month

A
datetime.datetime.strptime("May", "%b").month
42
Q

datetime.timedelta(days=0, seconds=0, microseconds=0, milliseconds=0, minutes=0, hours=0, weeks=0)

🎯millisecond преобразуется в 1000 microseconds.
🎯minute преобразуется в 60 seconds.
🎯hour преобразуется в 3600 seconds.
🎯week преобразуется в 7 days.

💡.total_seconds() - возвращает общее количество секунд, содержащихся в продолжительности timedelta.

A

представляет собой продолжительность, разницу между двумя датами или временем. Экземпляр datetime.timedelta продолжительность хранит как сочетание days, seconds и microseconds

d = timedelta(microseconds=-1)
(d.days, d.seconds, d.microseconds)
(-1, 86399, 999999)
> delta = timedelta(
...     days=50,
...     seconds=27,
...     microseconds=10,
...     milliseconds=29000,
...     minutes=5,
...     hours=8,
...     weeks=2
... )

Остались только дни, секунды и микросекунды
datetime.timedelta(days=64, seconds=29156, microseconds=10)

delta.days
👉 64

delta.seconds
👉 29156

delta.microseconds
👉 10

delta.total_seconds()
👉 5558756.00001
43
Q

__str__

A

екта в системе, если к нему применить str или print. То есть овечает за то как этот обьект увидет пользователи.

import datetime
now = datetime.datetime.now()
now.\_\_str\_\_()
👉 '2020-12-27 22:28:00.324317'

now.\_\_repr\_\_()
👉 'datetime.datetime(2020, 12, 27, 22, 28, 0, 324317)'
class Person:
    def \_\_init\_\_(self, person_name, person_age):
        self.name = person_name
        self.age = person_age
    def \_\_str\_\_(self):
        return f'Person name is {self.name} and age is {self.age}'
    def \_\_repr\_\_(self):
        return f'Person(name={self.name}, age={self.age})'

p = Person('Pankaj', 34)

print(p.\_\_str\_\_())
print(p.\_\_repr\_\_())
👉 Person name is Pankaj and age is 34
👉 Person(name=Pankaj, age=34)

What’s the difference between str and repr?
Well, the __str__ function is supposed to return a human-readable format, which is good for logging or to display some information about the object. Whereas, the __repr__ function is supposed to return an “official” string representation of the object, which can be used to construct the object again

44
Q

__repr__

A

Отвечает за текстовое отображение обьекта в системе. Как будут видет разработчики. Function returns the object representation in string format.

import datetime
now = datetime.datetime.now()
now.\_\_str\_\_()
👉 '2020-12-27 22:28:00.324317'

now.\_\_repr\_\_()
👉 'datetime.datetime(2020, 12, 27, 22, 28, 0, 324317)'
class Person:
    def \_\_init\_\_(self, person_name, person_age):
        self.name = person_name
        self.age = person_age
    def \_\_str\_\_(self):
        return f'Person name is {self.name} and age is {self.age}'
    def \_\_repr\_\_(self):
        return f'Person(name={self.name}, age={self.age})'

p = Person('Pankaj', 34)

print(p.\_\_str\_\_())
print(p.\_\_repr\_\_())
👉 Person name is Pankaj and age is 34
👉 Person(name=Pankaj, age=34)

What’s the difference between str and repr?
Well, the __str__ function is supposed to return a human-readable format, which is good for logging or to display some information about the object. Whereas, the __repr__ function is supposed to return an “official” string representation of the object, which can be used to construct the object again