302 - 350 Flashcards

1
Q

tf.keras.applications.vgg16.VGG16(include_top=True, weights=’imagenet’, input_tensor=None, input_shape=None, pooling=None, classes=1000, classifier_activation=’softmax’)

A

Заморозить обученную модель VGG16 и соединить её с собственным классификатором в Python-фреймворке TensorFlow.

from tensorflow.keras.applications import VGG16

conv_base = VGG16(weights=’imagenet’, # Источник весов
include_top=False,   # Не подключать полно связный слой
input_shape=(150, 150, 3))  # Форма входных тензоров

model = models.Sequential([conv_base, layers.Flatten(), layers.Dense(256, activation=’relu’), layers.Dense(1, activation=’sigmoid’)])
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
2
Q

tf.keras.layers.Flatten(data_format=None, **kwargs)

A

Flattens the input. Does not affect the batch size.

model = tf.keras.Sequential()
model.add(tf.keras.layers.Conv2D(64, 3, 3, input_shape=(3, 32, 32)))
model.output_shape
👉 (None, 1, 10, 64)

model.add(Flatten())
model.output_shape
👉 (None, 640)
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
3
Q

tf.keras.layers.Dense()

A

Просто твой обычный плотно связанный слой NN. Обычно не для картинок. Dense реализует операцию: output = activation(dot(input, kernel) + bias) где activation - это поэлементная функция активации.

model = tf.keras.models.Sequential()
model.add(tf.keras.Input(shape=(16,)))
model.add(tf.keras.layers.Dense(32, activation='relu'))

Now the model will take as input arrays of shape (None, 16) and output arrays of shape (None, 32).
# Note that after the first layer, you don't need to specify the size of the input anymore:
model.add(tf.keras.layers.Dense(32))

model.output_shape
👉 (None, 32)
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
4
Q

pandas.DataFrame.to_csv(path_or_buf=None, sep=’,’, na_rep=’’, float_format=None, columns=None, header=True, index=True, index_label=None, mode=’w’, encoding=None, compression=’infer’, quoting=None, quotechar=’”’, line_terminator=None, chunksize=None, date_format=None, doublequote=True, escapechar=None, decimal=’.’, errors=’strict’, storage_options=None)

A

Write object to a comma-separated values (csv) file.

👉sep - String of length 1. Field delimiter for the output file.
👉na_rep - Missing data representation.
👉float_format - Format string for floating point numbers.
👉columns - Columns to write.
👉header - Write out the column names. If a list of strings is given it is assumed to be aliases or the column names.
👉index - Write row names (index).
👉mode - Python write mode, default ‘w’.
👉encoding - A string representing the encoding to use in the output file, defaults to ‘utf-8’.
👉chunksize - Rows to write at a time.

df = pd.DataFrame({'name': ['Raphael', 'Donatello'], 'mask': ['red', 'purple'], 'weapon': ['sai', 'bo staff']})
df.to_csv("Name.csv", index=False)
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
5
Q

tf.keras.utils.pad_sequences(sequences, maxlen=None, dtype=’int32’, padding=’pre’, truncating=’pre’, value=0.0)

A

Эта функция преобразует список (длиной num_samples) последовательностей в двумерный массив Numpy формы (num_samples, num_timesteps).

num_timesteps - это либо аргумент maxlen , если он указан , либо длина самой длинной последовательности в списке.
Последовательности длиннее num_timesteps усекаются, чтобы соответствовать желаемой длине.

💡 Avoid padding with existing values
👉 In the initial dataset there are real 0’s, and we can’t differentiate them from the 0’s used for padding.
👉 For that reason, pad with values that are not in the initial dataset, as -1000 here

💡 Pad at the end instead of the beginning padding=’post’
👉 Padding at beginning may influence internal RNN state!
👉 Padding at the end is safe because you will stop your prediction at the last “real” value anyway

from tensorflow.keras.preprocessing.sequence import pad_sequences

X_pad = pad_sequences(X, dtype='float32')       # int32 by default
X_pad = pad_sequences(X, dtype='float32', padding='post', value=-1000)
sequence = [[1], [2, 3], [4, 5, 6]]
tf.keras.preprocessing.sequence.pad_sequences(sequence)
👉 array([[0, 0, 1], [0, 2, 3], [4, 5, 6]], dtype=int32)
tf.keras.preprocessing.sequence.pad_sequences(sequence, value=-1)
👉 array([[-1, -1,  1], [-1,  2,  3], [ 4,  5,  6]], dtype=int32)
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
6
Q

tf.keras.layers.LSTM(units, activation=’tanh’, recurrent_activation=’sigmoid’, use_bias=True, kernel_initializer=’glorot_uniform’, recurrent_initializer=’orthogonal’, bias_initializer=’zeros’, unit_forget_bias=True, kernel_regularizer=None, recurrent_regularizer=None, bias_regularizer=None, activity_regularizer=None, kernel_constraint=None, recurrent_constraint=None, bias_constraint=None, dropout=0.0, recurrent_dropout=0.0, return_sequences=False, return_state=False, go_backwards=False, stateful=False, time_major=False, unroll=False, **kwargs)

A

LSTM (Long Short Term Memory): Introduced to prevent the “vanishing gradient”.ля максимизации производительности.

inputs = tf.random.normal([32, 10, 8])
lstm = tf.keras.layers.LSTM(4)
output = lstm(inputs)

print(output.shape) 👉 (32, 4)

lstm = tf.keras.layers.LSTM(4, return_sequences=True, return_state=True)
whole_seq_output, final_memory_state, final_carry_state = lstm(inputs)

print(whole_seq_output.shape)   👉 (32, 10, 4)
print(final_memory_state.shape) 👉 (32, 4)
print(final_carry_state.shape)  👉 (32, 4)
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
7
Q

tf.keras.layers.GRU(units, activation=’tanh’, recurrent_activation=’sigmoid’, use_bias=True, kernel_initializer=’glorot_uniform’, recurrent_initializer=’orthogonal’, bias_initializer=’zeros’, kernel_regularizer=None, recurrent_regularizer=None, bias_regularizer=None, activity_regularizer=None, kernel_constraint=None, recurrent_constraint=None, bias_constraint=None, dropout=0.0, recurrent_dropout=0.0, return_sequences=False, return_state=False, go_backwards=False, stateful=False, unroll=False, time_major=False, reset_after=True, **kwargs)

A

GRU (Gated Recurrent Units) — обрабатывает целую последовательность.

👉 Introduced to reduce the number of parameters compared with LSTMs
👉 It implies a faster training, with potentially less training data

from tensorflow.keras.layers import SimpleRNN, LSTM, GRU

model = Sequential()
model.add(SimpleRNN(units=10, activation='tanh'))  

model = Sequential()
model.add(LSTM(units=10, activation='tanh'))

model = Sequential()
model.add(GRU(units=10, activation='tanh'))
model.compile(loss='mse', optimizer='rmsprop')
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
8
Q

tf.keras.layers.SimpleRNN(units, activation=’tanh’, use_bias=True, kernel_initializer=’glorot_uniform’, recurrent_initializer=’orthogonal’, bias_initializer=’zeros’, kernel_regularizer=None, recurrent_regularizer=None, bias_regularizer=None, activity_regularizer=None, kernel_constraint=None, recurrent_constraint=None, bias_constraint=None, dropout=0.0, recurrent_dropout=0.0, return_sequences=False, return_state=False, go_backwards=False, stateful=False, unroll=False, **kwargs)

A

Рекуррентные нейронные сети (Recurrent Neural Networks) — это класс нейронных сетей, которые хороши для моделирования последовательных данных, таких как временные ряды или естественный язык, например для текста, time series.

👉 input = sequence of repeated observations(сколько лет или дней подряд данные)
👉 X.shape = (n_SEQUENCES, n_OBSERVATIONS, n_FEATURES) EX = (16 cities, 100 days, 4 features)
👉 RNN: X_batch.shape = (16, 100, 3) 100 days of 3 atmospheric propertie
👉 RNN: X_batch.shape = (16, 100, 128, 128, 3) 100 frames in a video
👉 CNN: X_batch.shape = (16, 128, 128, 3) images with 3 colors
👉 DNN: X_batch.shape = (16, 49152) flattened image

👉 [rain, temperature] on next days based on past [rain, temperature, pressure…]
X.shape = (None, 100, 4) y.shape = (None, 8, 2)

inputs = np.random.random([32, 10, 8]).astype(np.float32)
simple_rnn = tf.keras.layers.SimpleRNN(4)

output = simple_rnn(inputs) # The output has shape `[32, 4]`.
simple_rnn = tf.keras.layers.SimpleRNN(4, return_sequences=True, return_state=True)

whole_sequence_output, final_state = simple_rnn(inputs)
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
9
Q

tf.keras.preprocessing.text.Tokenizer(num_words=None, filters=’!”#$%&()*+,-./:;<=>?@[\]^_`{|}~\t\n’, lower=True, split=’ ‘, char_level=False, oov_token=None, analyzer=None, **kwargs)

A

Данный класс позволяет векторизовать текстовый корпус, превращая каждый текст либо в последовательность целых чисел, либо в вектор, где коэффициент для каждой лексемы может быть двоичным, основанным на подсчете слов, на основе tf-idf…

from tensorflow.keras.preprocessing.text import Tokenizer

sentences = ['Life is so beautiful', 'Hope keeps us going', 'Let us celebrate life!']
tokenizer = Tokenizer()
tokenizer.fit_on_texts(sentences)
word_index = tokenizer.word_index

print(word_index)
👉 {'life': 1, 'us': 2, 'is': 3, 'so': 4, 'beautiful': 5, 'hope': 6, 'keeps': 7, 'going': 8, 'let': 9, 'celebrate': 10}
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
10
Q

numpy.radians(x, /, out=None, *, where=True, casting=’same_kind’, order=’K’, dtype=None, subok=True[, signature, extobj])

A

Преобразовывать углы от градусов в радиан.

np. radians(30)     #  30 градусов
👉 0. 5235987755982988
deg = np.arange(0,  30,  60,  90, 120, 150, 180)    #  Значения в градусах
👉 array([0.        , 0.52359878, 1.04719755, 1.57079633, 2.0943951 , 2.61799388, 3.14159265])
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
11
Q

git.gitignore

A

Файл в котором ведется запись тех файлов или папки которые должны быть проигнорированы гитом. Регистрируется в корневом каталоге репозитория. Необходимо вручную отредактировать файл .gitignore, чтобы указать в нем новые файлы, которые должны быть проигнорированы.

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

git curl

A

Утилита командной строки, которая позволяет выполнять HTTP-запросы с различными параметрами и методами.

`curl -X GET “https://api.openweathermap.org/data/2.5/weather?zip=95050&appid=fd4698c940c6d1da602a70ac34f0b147&units=imperial”

git curl

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

git cat-file

A

Предоставляет информацию о содержимом, типе и размере объектов из репозитория Git.

Получает размер ([s]ize) последнего (HEAD) коммита в байтах:
git cat-file -s HEAD
Получает тип ([t]ype, один из: blob, tree, commit, tag) для указанного Git объекта:
git cat-file -t {{8c442dc3}}
Выводит красиво ([p]rint) содержимое указанного Git объекта, учитывая его тип:
git cat-file -p {{HEAD~2}}
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
14
Q

git history

A

отображает весь список истории с номерами строк.

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

git CLS

A

Oчистить экран или окно консоли от команд и любого вывода, генерированного ими. Однако эта команда не очищает историю команд пользователя.

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

git rm

A

Remove files from the repository index and the local filesystem.

Remove file from repository index and filesystem:
git rm {{file}}
Remove directory:
git rm -r {{directory}}
Remove file from repository index but keep it untouched locally:
git rm --cached {{file}}
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
17
Q

git mv

A

Перемещение или переименование файлов и обновление индекса git.

Переместить файл в РЕПО и добавить перемещение в следующий коммит:
git mv {{path/to/file}} {{new/path/to/file}}
Переименовать файл и добавить переименование в следующий коммит:
git mv {{filename}} {{new_filename}}
Перезаписать файл в целевом пути, если он существует:
git mv --force {{file}} {{target}}
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
18
Q

git cp

A

Copy an existing file to a new location, preserving history.

Copy an existing file in a Git repo, staying in the same directory:
git cp {{file}} {{new_file}}
Copy an existing file in a Git repo and place it elsewhere:
git cp {{path/to/file}} {{path/to/new_file}}
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
19
Q

git find

A

Searches for files satisfying the EXPRESSION, a la find(1), anywhere in a Git repo.

git find [SWITCHES] [REVS] [--] [EXPRESSION]
How well did you know this?
1
Not at all
2
3
4
5
Perfectly
20
Q

git ls

A

Список каталогов и файлов.

git.ls (-a show hidden files, -l more info, -la even more info)
21
Q

git cd

A

Сменить расположения с одного каталог, с текущего на другой каталог.

cd .. --- go to one catalog back
22
Q

google colab

A

Позволяет писать и выполнять код Python в браузере.

23
Q

MLflow

A

Позволяет управлять жизненным циклом моделей машинного обучения. Это удобный инструмент с простым интерфейсом для просмотра экспериментов и мощными средствами упаковки управления, развертывания моделей.

24
Q

git mkdir

A

Создать пустую папку в текущей директории.

mkdir имя_каталога
Создание нескольких каталогов:
mkdir имя_каталога1 имя_каталога2 имя_каталога3
25
Q

git pwd

A

Показывает путь в котором находится командная строка в данный момент.

26
Q

git tree

A

Умеет изображать структуру всех каталогов, имеющихся на компьютере, в виде дерева.

27
Q

pandas.DataFrame.dropna(axis=0, how=’any’, thresh=None, subset=None, inplace=False)

A

Remove missing values.

df.dropna()
df.dropna(axis='columns')
28
Q

pandas.set_option(pat, value)

A

Sets the value of the specified option.

1. Showing more rows
pd. set_option('display.max_rows', 200)
2. Showing more columns
pd. set_option('display.max_columns', 30)
3. Changing column width
pd. set_option('display.max_colwidth', 500)
4. Setting the precision for float column (количество знаков после запятой)
pd. set_option('display.precision', 2
5. Formatting the display for numbers
pd. set_option('display.float_format',  '{:,}'.format)    # 1.00e + 05 будет 100000.12345
pd. set_option('display.float_format',  '{:,.2f}'.format) # 1.00e + 05 будет 100000.12
6. Printing out current settings and resetting all options
pd. describe_option()
pd. describe_option('rows')
pd. reset_option('all')
29
Q

ECHO

A

Выводить строку текста в терминал.

echo Linux Open Source Software Technologies
echo Наш сайт $VAR
echo -e "Linux \bopen \bsource \bsoftware \btechnologies"
30
Q

git touch

A

Create new files and add them to the index.

git touch {{path/to/file1 path/to/file2 ...}}
31
Q

git filter-branch

A

Для наведения порядка в огромных репозиториях с большим количеством созданного по ошибке двоичного «мусора» и старых, ненужных файлов. Она шаг за шагом проверяет всю историю проекта, фильтруя, изменяя или пропуская файлы по заданному алгоритму.

Это очень мощный инструмент, с которым вам потребуется лишь определить, какую часть репозитория нужно проредить.

git filter-branch --force --index-filter
git filter-branch --tree-filter 'rm -rf [/путь/к/папке/ненужных/файлов]'
32
Q

git reset

A

Сложный универсальный инструмент для отмены изменений. Она имеет три основные формы вызова, соответствующие аргументам командной строки –soft, –mixed, –hard.

git reset --hard
git reset --mixed
💡 Undo the latest commit but leave the working directory unchanged
git reset HEAD~1
💡 Discard all changes of the latest commit (no easy recovery)
git reset --hard HEAD~1
💡 Undo a single given commit, without modifying commits that come after it (a safe reset)
git revert [commit_id]
33
Q

git branch

A

Позволяет создавать, просматривать, переименовывать и удалять ветки.

Она не дает возможности переключаться между ветками или выполнять слияние разветвленной истории. Именно поэтому команда git branch тесно связана с командами git checkout и git merge.

git branch
git branch --list --- Отображение списка веток в репозитории.
git branch  --- Создание новой ветки
git branch -d  --- Удаление указанной ветки. 
git branch -D  --- Принудительное удаление указанной ветки, даже если в ней есть не слитые изменения
git branch -m  --- Изменение имени текущей ветки на <ветка>.
git branch -a --- Вывод списка всех удаленных веток.
34
Q

git checkout

A

Подразумевают переключение между различными версиями целевого объекта. Команда git checkout работает с тремя различными объектами: файлами, коммитами и ветками. Позволяет перемещаться между ветками, созданными командой git branch.

git checkout feature_inprogress_branch
git checkout -b <new-branch> 👉👉👉 Create a new branch and switch to it.
git checkout -b <new-branch> <existing-branch>
git checkout <branchname> 👉👉👉 Switch from one branch to another.
git checkout <remotebranch>
35
Q

git fetch

A

Собирает все коммиты из целевой ветки, которых нет в текущей ветке, и сохраняет их в локальном репозитории. Однако он не сливает их в текущую ветку.
Чтобы слить коммиты в основную ветвь, нужно использовать merge.

💡 Download all commits and branches from the  without applying them on the local repo
git fetch  from the 
git fetch  
36
Q

git clone <ссылка> <название></название></ссылка>

A

Bring a repository that is hosted somewhere like Github into a folder on your local machine.

💡 Clone a repository from remote hosts (GitHub, GitLab, DagsHub, etc.)
git clone   
37
Q

git init

A

Git “включается” или “запускается” для данного репозитория (т.е. папки). Git создает в указанной папке скрытую папку “.git”. В этой папке хранятся служебные файлы Git.

💡 Initialize git tracking inside the current directory
git init
💡 Create a git-tracked repository inside a new directory
git init [dir_name]
38
Q

git remote

A

Позволяет создавать, просматривать и удалять подключения к другим репозиториям. Удаленные подключения скорее похожи на закладки, чем на прямые ссылки на другие репозитории. Это интерфейс для управления списком записей об удаленных подключениях, которые хранятся в файле /.git/config репозитория.

💡 List remote repos
git remote
💡 Удаление подключения к удаленному репозиторию с именем
git remote rename  
💡 Remove a connection to a remote repo called 
git remote rm 
💡 Rename a remote connection
git remote rename  
39
Q

gh repo

A

Create a new repository (if the repository name is not set, the default name will be the name of the current directory

gh repo create {{name}}
Clone a repository:
gh repo clone {{owner}}/{{repository}}
Fork and clone a repository:
gh repo fork {{owner}}/{{repository}} --clone
View a repository in the web browser:
gh repo view {{repository}} --web
40
Q

git restore

A

если хотите, что бы файлы в коммите выглядели 1 коммит назад. Сбрасывает только до последнего коммита.

estore an unstaged file to the version of the current commit (HEAD):
git restore {{path/to/file}}
Restore an unstaged file to the version of a specific commit:
git restore --source {{commit}} {{path/to/file}}
Unstage a file:
git restore --staged {{path/to/file}}
Interactively select sections of files to restore:
git restore --patch
41
Q

git revert

A

Типичная команда отмены. Вместо удаления коммита из истории проекта эта команда отменяет внесенные в нем изменения и добавляет новый коммит с полученным содержимым. В результате история в Git не теряется, что важно для обеспечения целостной истории версий и надежной совместной работы.

42
Q

git commit

A

Делает для проекта снимок текущего состояния изменений, добавленных в раздел проиндексированных файлов. Перед выполнением команды git commit необходимо использовать команду git add, чтобы добавить в проект («проиндексировать») изменения, которые будут сохранены в коммите.

43
Q

git add

A

Добавляет изменение из рабочего каталога в раздел проиндексированных файлов. Она сообщает Git, что вы хотите включить изменения в конкретном файле в следующий коммит.
Однако на самом деле команда git add не оказывает существенного влияния на репозиторий: изменения регистрируются в нем только после выполнения команды git commit.

💡 Add a file or directory to git for tracking
git add 
💡 Add all untracked and tracked files inside the current directory to git
git add .
44
Q

git diff

A

Инициирует функцию сравнения источников данных Git — коммитов, веток, файлов и т. д.

💡 Show uncommitted changes since the last commit
git diff
💡 Show the differences between two commits (should provide the commit IDs)
git diff  
💡 Compare a single  between two branches
git diff 
45
Q

git log

A

Отображает отправленные снимки состояния и позволяет просматривать и фильтровать историю проекта, а также проводить поиск по ней.

💡 List all commits with their author, commit ID, date and message
git log
💡 List one commit per line(-n tag can be used to limit the number of commits displayed (e.g. -5)
git log --oneline [-n]
💡 Log all commits with diff information:
git log --stat
💡 Log commits after some date
git log --oneline --after="YYYY-MM-DD"
💡 Log commits before some date
git log --oneline --before="last year"
46
Q

git status

A

Отображает состояние рабочего каталога и раздела проиндексированных файлов. С ее помощью можно проверить индексацию изменений и увидеть файлы, которые не отслеживаются Git.

47
Q

git push

A

Upload Git commits to a remote repo, like Github.

💡 Push a copy of the local branch named branch to the remote repo
git push  branch
💡Delete a remote branch named branch
git push  :branch
git push  --delete branch
48
Q

git merge

A

Выполняет слияние отдельных направлений разработки, созданных с помощью команды git branch, в единую ветку. To merge a different branch into your active branch.

💡 Merging a branch into the main branch
git checkout main
git merge 
💡Merging a branch and creating a commit message
git merge --no-ff 
💡 Merge the fetched changes if accepted
git merge /
49
Q

git fetch

A

Собирает все коммиты из целевой ветки, которых нет в текущей ветке, и сохраняет их в локальном репозитории. Однако он не сливает их в текущую ветку.
Чтобы слить коммиты в основную ветвь, нужно использовать merge.

💡 Download all commits and branches from the  without applying them on the local repo
git fetch  from the 
git fetch