Compare commits
39 Commits
c0372d8e8f
...
master
Author | SHA1 | Date | |
---|---|---|---|
8b26371dab | |||
fd8fa12e75 | |||
a9fcfe6921 | |||
1cfd02843a | |||
87b6773ab6 | |||
3893b3256f | |||
7683c9118c | |||
8e2f04fa09 | |||
b045bc716e | |||
0ba4e489bb | |||
ac1272e123 | |||
0e94757c07 | |||
fd6e4f32a4 | |||
008ef906d7 | |||
bf2440ef86 | |||
b473ddc8e9 | |||
54ed4466bc | |||
2f0a6fc919 | |||
6c4723a633 | |||
343958653e | |||
b4a1aee0db | |||
1f289157e2 | |||
610d8b8678 | |||
5c911219b9 | |||
541a3b0850 | |||
3c35a2bc02 | |||
35fc6dd2e5 | |||
04cf5cb9bc | |||
26758224b7 | |||
90915efb7e | |||
7430ddac94 | |||
ab4460aeeb | |||
df7ac8b236 | |||
56da2ea4eb | |||
8f264f7958 | |||
30d8766e69 | |||
afd810a802 | |||
47b14362de | |||
d0a09e839f |
BIN
DeepFool.pdf
Before Width: | Height: | Size: 202 B |
Before Width: | Height: | Size: 44 KiB |
Before Width: | Height: | Size: 44 KiB |
Before Width: | Height: | Size: 14 KiB |
@ -1,187 +0,0 @@
|
||||
import torch
|
||||
import torch.nn as nn
|
||||
import torch.nn.functional as F
|
||||
import torch.optim as optim
|
||||
from torchvision import datasets, transforms
|
||||
import numpy as np
|
||||
import matplotlib.pyplot as plt
|
||||
import cv2
|
||||
from mnist import Net
|
||||
from pykuwahara import kuwahara
|
||||
|
||||
epsilons = np.arange(0.05,0.35,0.05)
|
||||
pretrained_model = "mnist_cnn_unfiltered.pt"
|
||||
use_cuda=False
|
||||
|
||||
torch.manual_seed(69)
|
||||
|
||||
|
||||
test_loader = torch.utils.data.DataLoader(
|
||||
datasets.MNIST('data/', train=False, download=True, transform=transforms.Compose([
|
||||
transforms.ToTensor(),
|
||||
transforms.Normalize((0.1307,), (0.3081,)),
|
||||
])),
|
||||
batch_size=1, shuffle=True)
|
||||
|
||||
print("CUDA Available: ", torch.cuda.is_available())
|
||||
device = torch.device("cuda" if use_cuda and torch.cuda.is_available() else "cpu")
|
||||
|
||||
model = Net().to(device)
|
||||
print(type(model))
|
||||
|
||||
model.load_state_dict(torch.load(pretrained_model, map_location=device))
|
||||
|
||||
model.eval()
|
||||
|
||||
def fgsm_attack(image, epsilon, data_grad):
|
||||
# Collect the element-wise sign of the data gradient
|
||||
sign_data_grad = data_grad.sign()
|
||||
|
||||
# Create the perturbed image by adjusting each pixel of the input image
|
||||
perturbed_image = image + epsilon*sign_data_grad
|
||||
|
||||
# Adding clipping to maintain [0, 1] range
|
||||
perturbed_image = torch.clamp(perturbed_image, 0, 1)
|
||||
|
||||
return perturbed_image
|
||||
|
||||
def denorm(batch, mean=[0.1307], std=[0.3081]):
|
||||
"""
|
||||
Convert a batch of tensors to their original scale.
|
||||
|
||||
Args:
|
||||
batch (torch.Tensor): Batch of normalized tensors.
|
||||
mean (torch.Tensor or list): Man used for normalization.
|
||||
std (torch.Tensor or list): Standard deviation used for normalization.
|
||||
|
||||
Returns:
|
||||
torch.Tensor: batch of tensors without normalization applied to them.
|
||||
"""
|
||||
|
||||
if isinstance(mean, list):
|
||||
mean = torch.tensor(mean).to(device)
|
||||
if isinstance(std, list):
|
||||
std = torch.tensor(std).to(device)
|
||||
|
||||
return batch * std.view(1, -1, 1, 1) + mean.view(1, -1, 1, 1)
|
||||
|
||||
def test(model, device, test_loader, epsilon):
|
||||
# Original dataset correct classifications
|
||||
orig_correct = 0
|
||||
# Attacked dataset correct classifications
|
||||
attacked_correct = 0
|
||||
# Filtered attacked dataset correct classifications
|
||||
filtered_correct = 0
|
||||
|
||||
adv_examples = []
|
||||
|
||||
for data, target in test_loader:
|
||||
data, target = data.to(device), target.to(device)
|
||||
data.requires_grad = True
|
||||
|
||||
output_orig = model(data)
|
||||
orig_pred = output_orig.max(1, keepdim=True)[1]
|
||||
|
||||
# Calculate the loss
|
||||
loss = F.nll_loss(output_orig, target)
|
||||
|
||||
# Zero all existing gradients
|
||||
model.zero_grad()
|
||||
|
||||
# Calculate gradients of model in backward pass
|
||||
loss.backward()
|
||||
|
||||
# Collect ''datagrad''
|
||||
data_grad = data.grad.data
|
||||
|
||||
# Restore the data to its original scale
|
||||
data_denorm = denorm(data)
|
||||
|
||||
# Apply the FGSM attack
|
||||
perturbed_data = fgsm_attack(data_denorm, epsilon, data_grad)
|
||||
|
||||
# Reapply normalization
|
||||
perturbed_data_normalized = transforms.Normalize((0.1307,), (0.3081,))(perturbed_data)
|
||||
|
||||
# Filter the attacked image
|
||||
perturbed_data_filtered = filtered(perturbed_data_normalized, len(perturbed_data_normalized))
|
||||
|
||||
# evaluate the model on the attacked and filtered images
|
||||
output_attacked = model(perturbed_data_normalized)
|
||||
output_filtered = model(perturbed_data_filtered)
|
||||
|
||||
attacked_pred = output_attacked.max(1, keepdim=True)[1]
|
||||
filtered_pred = output_filtered.max(1, keepdim=True)[1]
|
||||
|
||||
if orig_pred.item() == target.item():
|
||||
orig_correct += 1
|
||||
|
||||
if attacked_pred.item() == target.item():
|
||||
attacked_correct += 1
|
||||
|
||||
if epsilon == 0 and len(adv_examples) < 5:
|
||||
adv_ex = perturbed_data.squeeze().detach().cpu().numpy()
|
||||
adv_examples.append( (orig_pred.item(), attacked_pred.item(), adv_ex) )
|
||||
|
||||
if filtered_pred.item() == target.item():
|
||||
filtered_correct += 1
|
||||
|
||||
if epsilon == 0 and len(adv_examples) < 5:
|
||||
adv_ex = perturbed_data.squeeze().detach().cpu().numpy()
|
||||
adv_examples.append( (orig_pred.item(), filtered_pred.item(), adv_ex) )
|
||||
|
||||
orig_acc = orig_correct/float(len(test_loader))
|
||||
attacked_acc = attacked_correct/float(len(test_loader))
|
||||
filtered_acc = filtered_correct/float(len(test_loader))
|
||||
print(f"Epsilon: {epsilon}")
|
||||
print(f"Original Accuracy = {orig_correct} / {len(test_loader)} = {orig_acc}")
|
||||
print(f"Attacked Accuracy = {attacked_correct} / {len(test_loader)} = {attacked_acc}")
|
||||
print(f"Filtered Accuracy = {filtered_correct} / {len(test_loader)} = {filtered_acc}")
|
||||
print(f"Filtered:Attacked = {filtered_acc} / {attacked_acc} = {filtered_acc/attacked_acc}")
|
||||
|
||||
return attacked_acc, filtered_acc, adv_examples
|
||||
|
||||
|
||||
def filtered(data, batch_size=64):
|
||||
# Turn the tensor into an image
|
||||
images = None
|
||||
try:
|
||||
images = data.numpy().transpose(0,2,3,1)
|
||||
except RuntimeError:
|
||||
images = data.detach().numpy().transpose(0,2,3,1)
|
||||
|
||||
# Apply the Kuwahara filter
|
||||
filtered_images = np.ndarray((batch_size,28,28,1))
|
||||
|
||||
for i in range(batch_size):
|
||||
filtered_images[i] = kuwahara(images[i], method='gaussian', radius=5, image_2d=images[i])
|
||||
|
||||
# Modify the data with the filtered image
|
||||
filtered_images = filtered_images.transpose(0,3,1,2)
|
||||
return torch.tensor(filtered_images).float()
|
||||
|
||||
attacked_accuracies = []
|
||||
filtered_accuracies = []
|
||||
ratios = []
|
||||
examples = []
|
||||
|
||||
print(f"Model: {pretrained_model}")
|
||||
|
||||
for eps in epsilons:
|
||||
aacc, facc, ex = test(model, device, test_loader, eps)
|
||||
attacked_accuracies.append(aacc)
|
||||
filtered_accuracies.append(facc)
|
||||
ratios.append(facc/aacc)
|
||||
examples.append(ex)
|
||||
|
||||
# Plot the results
|
||||
plt.subplot(121)
|
||||
plt.plot(epsilons, attacked_accuracies, label="Attacked Accuracy")
|
||||
plt.plot(epsilons, filtered_accuracies, label="Filtered Accuracy")
|
||||
plt.legend()
|
||||
|
||||
plt.subplot(122)
|
||||
plt.plot(epsilons, ratios, label="Filtered:Attacked")
|
||||
plt.legend()
|
||||
plt.show()
|
||||
|
@ -1,13 +0,0 @@
|
||||
import cv2
|
||||
from pykuwahara import kuwahara
|
||||
import sys
|
||||
|
||||
def main(in_path1:str, in_path2:str, out_path:str) -> None:
|
||||
image1 = cv2.imread(in_path1);
|
||||
image2 = cv2.imread(in_path2);
|
||||
diff_image = cv2.absdiff(image1, image2)
|
||||
cv2.imwrite(out_path, diff_image)
|
||||
|
||||
|
||||
if __name__ == '__main__':
|
||||
main(in_path1=sys.argv[1], in_path2=sys.argv[2], out_path=sys.argv[3])
|
Before Width: | Height: | Size: 266 KiB |
@ -1,4 +0,0 @@
|
||||
# The Approach
|
||||
|
||||
The goal is to use a filtering algorithm such as the [[https://en.wikipedia.org/wiki/Kuwahara_filter#|Kuwahara Filter]] to
|
||||
|
9
LICENSE
Normal file
@ -0,0 +1,9 @@
|
||||
MIT License
|
||||
|
||||
Copyright (c) 2024 Aidan Sharpe
|
||||
|
||||
Permission is hereby granted, free of charge, to any person obtaining a copy of this software and associated documentation files (the “Software”), to deal in the Software without restriction, including without limitation the rights to use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies of the Software, and to permit persons to whom the Software is furnished to do so, subject to the following conditions:
|
||||
|
||||
The above copyright notice and this permission notice shall be included in all copies or substantial portions of the Software.
|
||||
|
||||
THE SOFTWARE IS PROVIDED “AS IS”, WITHOUT WARRANTY OF ANY KIND, EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE.
|
BIN
examples/bilateral_filter_eps_0.2.png
Normal file
After Width: | Height: | Size: 19 KiB |
BIN
examples/bit_depth_eps_0.2.png
Normal file
After Width: | Height: | Size: 17 KiB |
BIN
examples/gaussian_blur_eps_0.2.png
Normal file
After Width: | Height: | Size: 20 KiB |
BIN
examples/gaussian_kuwahara_eps_0.2.png
Normal file
After Width: | Height: | Size: 24 KiB |
BIN
examples/mean_kuwahara_eps_0.2.png
Normal file
After Width: | Height: | Size: 22 KiB |
21
examples/pseudocode.py
Normal file
@ -0,0 +1,21 @@
|
||||
model = Net()
|
||||
accuracies = {}
|
||||
|
||||
for filter_name in filters:
|
||||
for epsilon in epsilons:
|
||||
for strength in range(5):
|
||||
correct = 0
|
||||
total = 0
|
||||
|
||||
for data, target in dataset:
|
||||
atk_data = fgsm_attack(data, epsilon)
|
||||
filt_data = filtered(atk_data, filter_name, strength)
|
||||
prediction = model(filt_data)
|
||||
|
||||
total += 1
|
||||
if prediction == target:
|
||||
correct += 1
|
||||
|
||||
accuracies[filter_name][epsilon][strength] = correct/total
|
||||
|
||||
save_json("results.json", accuracies)
|
BIN
examples/random_noise_eps_0.2.png
Normal file
After Width: | Height: | Size: 24 KiB |
BIN
examples/threshold_eps_0.2.png
Normal file
After Width: | Height: | Size: 17 KiB |
BIN
examples/unfiltered_eps_0.2.png
Normal file
After Width: | Height: | Size: 17 KiB |
BIN
poster/CIFAR-10_excerpt.png
Normal file
After Width: | Height: | Size: 221 KiB |
BIN
poster/Concept.png
Normal file
After Width: | Height: | Size: 48 KiB |
BIN
poster/Concept.xcf
Normal file
BIN
poster/MNIST_excerpt.png
Normal file
After Width: | Height: | Size: 14 KiB |
BIN
poster/Poster.pdf
Normal file
BIN
poster/Poster.pptx
Normal file
BIN
poster/accuracy_equation.png
Normal file
After Width: | Height: | Size: 29 KiB |
0
poster/lu383bm0hz.tmp
Normal file
BIN
poster/references_dir.png
Normal file
After Width: | Height: | Size: 48 KiB |
BIN
poster/references_pdf.png
Normal file
After Width: | Height: | Size: 50 KiB |
BIN
poster/src_dir.png
Normal file
After Width: | Height: | Size: 50 KiB |
16
references/references.aux
Normal file
@ -0,0 +1,16 @@
|
||||
\relax
|
||||
\providecommand\babel@aux[2]{}
|
||||
\@nameuse{bbl@beforestart}
|
||||
\abx@aux@refcontext{nty/global//global/global}
|
||||
\abx@aux@nociteall
|
||||
\babel@aux{english}{}
|
||||
\abx@aux@read@bbl@mdfivesum{932E39044C0F680A4BFD9D34801B993B}
|
||||
\abx@aux@defaultrefcontext{0}{carlini2017evaluating}{nty/global//global/global}
|
||||
\abx@aux@defaultrefcontext{0}{ecma404}{nty/global//global/global}
|
||||
\abx@aux@defaultrefcontext{0}{goodfellow2015explaining}{nty/global//global/global}
|
||||
\abx@aux@defaultrefcontext{0}{ieee3129}{nty/global//global/global}
|
||||
\abx@aux@defaultrefcontext{0}{schapire1989strength}{nty/global//global/global}
|
||||
\abx@aux@defaultrefcontext{0}{simonyan2014very}{nty/global//global/global}
|
||||
\abx@aux@defaultrefcontext{0}{szegedy2014intriguing}{nty/global//global/global}
|
||||
\abx@aux@defaultrefcontext{0}{yu2019deep}{nty/global//global/global}
|
||||
\gdef \@abspage@last{1}
|
291
references/references.bbl
Normal file
@ -0,0 +1,291 @@
|
||||
% $ biblatex auxiliary file $
|
||||
% $ biblatex bbl format version 3.2 $
|
||||
% Do not modify the above lines!
|
||||
%
|
||||
% This is an auxiliary file used by the 'biblatex' package.
|
||||
% This file may safely be deleted. It will be recreated by
|
||||
% biber as required.
|
||||
%
|
||||
\begingroup
|
||||
\makeatletter
|
||||
\@ifundefined{ver@biblatex.sty}
|
||||
{\@latex@error
|
||||
{Missing 'biblatex' package}
|
||||
{The bibliography requires the 'biblatex' package.}
|
||||
\aftergroup\endinput}
|
||||
{}
|
||||
\endgroup
|
||||
|
||||
|
||||
\refsection{0}
|
||||
\datalist[entry]{nty/global//global/global}
|
||||
\entry{carlini2017evaluating}{misc}{}
|
||||
\name{author}{2}{}{%
|
||||
{{hash=93330b46aec6ec2750a8adced7fef821}{%
|
||||
family={Carlini},
|
||||
familyi={C\bibinitperiod},
|
||||
given={Nicholas},
|
||||
giveni={N\bibinitperiod}}}%
|
||||
{{hash=45a593fbd4e5b2f4d60199ccfdb4fe59}{%
|
||||
family={Wagner},
|
||||
familyi={W\bibinitperiod},
|
||||
given={David},
|
||||
giveni={D\bibinitperiod}}}%
|
||||
}
|
||||
\strng{namehash}{1841abd848ac2f8ced0f1b456d15ec8c}
|
||||
\strng{fullhash}{1841abd848ac2f8ced0f1b456d15ec8c}
|
||||
\strng{bibnamehash}{1841abd848ac2f8ced0f1b456d15ec8c}
|
||||
\strng{authorbibnamehash}{1841abd848ac2f8ced0f1b456d15ec8c}
|
||||
\strng{authornamehash}{1841abd848ac2f8ced0f1b456d15ec8c}
|
||||
\strng{authorfullhash}{1841abd848ac2f8ced0f1b456d15ec8c}
|
||||
\field{sortinit}{C}
|
||||
\field{sortinithash}{4d103a86280481745c9c897c925753c0}
|
||||
\field{labelnamesource}{author}
|
||||
\field{labeltitlesource}{title}
|
||||
\field{eprintclass}{cs.CR}
|
||||
\field{journaltitle}{arXiv}
|
||||
\field{title}{Towards Evaluating the Robustness of Neural Networks}
|
||||
\field{volume}{1608.04644}
|
||||
\field{year}{2017}
|
||||
\true{nocite}
|
||||
\endentry
|
||||
\entry{ecma404}{misc}{}
|
||||
\name{author}{2}{}{%
|
||||
{{hash=e289d8e4f4648ab33fb5d884998637aa}{%
|
||||
family={Crockford},
|
||||
familyi={C\bibinitperiod},
|
||||
given={Douglas},
|
||||
giveni={D\bibinitperiod}}}%
|
||||
{{hash=9dd40e63e249cc624c24d112ca8c5001}{%
|
||||
family={Morningstar},
|
||||
familyi={M\bibinitperiod},
|
||||
given={Chip},
|
||||
giveni={C\bibinitperiod}}}%
|
||||
}
|
||||
\strng{namehash}{de315b7eb28bc313037a1538f8f0ac1b}
|
||||
\strng{fullhash}{de315b7eb28bc313037a1538f8f0ac1b}
|
||||
\strng{bibnamehash}{de315b7eb28bc313037a1538f8f0ac1b}
|
||||
\strng{authorbibnamehash}{de315b7eb28bc313037a1538f8f0ac1b}
|
||||
\strng{authornamehash}{de315b7eb28bc313037a1538f8f0ac1b}
|
||||
\strng{authorfullhash}{de315b7eb28bc313037a1538f8f0ac1b}
|
||||
\field{sortinit}{C}
|
||||
\field{sortinithash}{4d103a86280481745c9c897c925753c0}
|
||||
\field{labelnamesource}{author}
|
||||
\field{labeltitlesource}{title}
|
||||
\field{month}{12}
|
||||
\field{title}{Standard ECMA-404 The JSON Data Interchange Syntax}
|
||||
\field{year}{2017}
|
||||
\true{nocite}
|
||||
\verb{doi}
|
||||
\verb 10.13140/RG.2.2.28181.14560
|
||||
\endverb
|
||||
\endentry
|
||||
\entry{goodfellow2015explaining}{misc}{}
|
||||
\name{author}{3}{}{%
|
||||
{{hash=d4f74ef4c79f3bb1e51e378184d8850e}{%
|
||||
family={Goodfellow},
|
||||
familyi={G\bibinitperiod},
|
||||
given={Ian\bibnamedelima J.},
|
||||
giveni={I\bibinitperiod\bibinitdelim J\bibinitperiod}}}%
|
||||
{{hash=8f128e70084608a2c29c497ebd794f87}{%
|
||||
family={Shlens},
|
||||
familyi={S\bibinitperiod},
|
||||
given={Jonathon},
|
||||
giveni={J\bibinitperiod}}}%
|
||||
{{hash=ed568d9c3bb059e6bf22899fbf170f86}{%
|
||||
family={Szegedy},
|
||||
familyi={S\bibinitperiod},
|
||||
given={Christian},
|
||||
giveni={C\bibinitperiod}}}%
|
||||
}
|
||||
\strng{namehash}{07b2928cf9addb6cf2d09332e9d7ce18}
|
||||
\strng{fullhash}{07b2928cf9addb6cf2d09332e9d7ce18}
|
||||
\strng{bibnamehash}{07b2928cf9addb6cf2d09332e9d7ce18}
|
||||
\strng{authorbibnamehash}{07b2928cf9addb6cf2d09332e9d7ce18}
|
||||
\strng{authornamehash}{07b2928cf9addb6cf2d09332e9d7ce18}
|
||||
\strng{authorfullhash}{07b2928cf9addb6cf2d09332e9d7ce18}
|
||||
\field{sortinit}{G}
|
||||
\field{sortinithash}{32d67eca0634bf53703493fb1090a2e8}
|
||||
\field{labelnamesource}{author}
|
||||
\field{labeltitlesource}{title}
|
||||
\field{eprintclass}{stat.ML}
|
||||
\field{journaltitle}{arXiv}
|
||||
\field{title}{Explaining and Harnessing Adversarial Examples}
|
||||
\field{volume}{1412.6572}
|
||||
\field{year}{2015}
|
||||
\true{nocite}
|
||||
\endentry
|
||||
\entry{ieee3129}{article}{}
|
||||
\field{sortinit}{I}
|
||||
\field{sortinithash}{8d291c51ee89b6cd86bf5379f0b151d8}
|
||||
\field{labeltitlesource}{title}
|
||||
\field{journaltitle}{IEEE Std 3129-2023}
|
||||
\field{title}{IEEE Standard for Robustness Testing and Evaluation of Artificial Intelligence (AI)-based Image Recognition Service}
|
||||
\field{year}{2023}
|
||||
\true{nocite}
|
||||
\field{pages}{1\bibrangedash 34}
|
||||
\range{pages}{34}
|
||||
\verb{doi}
|
||||
\verb 10.1109/IEEESTD.2023.10141539
|
||||
\endverb
|
||||
\keyw{IEEE Standards;Robustness;Image recording;Testing;Artificial intelligence;Performance evaluation;adversarial attacks;artificial Intelligence-based services;assessment framework;common corruption;IEEE 3129;robustness}
|
||||
\endentry
|
||||
\entry{schapire1989strength}{inproceedings}{}
|
||||
\name{author}{1}{}{%
|
||||
{{hash=bd36be65806a94f14599091fa7ddc7d3}{%
|
||||
family={Schapire},
|
||||
familyi={S\bibinitperiod},
|
||||
given={R.E.},
|
||||
giveni={R\bibinitperiod}}}%
|
||||
}
|
||||
\strng{namehash}{bd36be65806a94f14599091fa7ddc7d3}
|
||||
\strng{fullhash}{bd36be65806a94f14599091fa7ddc7d3}
|
||||
\strng{bibnamehash}{bd36be65806a94f14599091fa7ddc7d3}
|
||||
\strng{authorbibnamehash}{bd36be65806a94f14599091fa7ddc7d3}
|
||||
\strng{authornamehash}{bd36be65806a94f14599091fa7ddc7d3}
|
||||
\strng{authorfullhash}{bd36be65806a94f14599091fa7ddc7d3}
|
||||
\field{sortinit}{S}
|
||||
\field{sortinithash}{b164b07b29984b41daf1e85279fbc5ab}
|
||||
\field{labelnamesource}{author}
|
||||
\field{labeltitlesource}{title}
|
||||
\field{booktitle}{30th Annual Symposium on Foundations of Computer Science}
|
||||
\field{title}{The strength of weak learnability}
|
||||
\field{year}{1989}
|
||||
\true{nocite}
|
||||
\field{pages}{28\bibrangedash 33}
|
||||
\range{pages}{6}
|
||||
\verb{doi}
|
||||
\verb 10.1109/SFCS.1989.63451
|
||||
\endverb
|
||||
\keyw{Polynomials;Boosting;Laboratories;Computer science;Upper bound;Boolean functions;Filtering}
|
||||
\endentry
|
||||
\entry{simonyan2014very}{article}{}
|
||||
\name{author}{2}{}{%
|
||||
{{hash=9d16b7284df92c9adaee86c37ab992df}{%
|
||||
family={Simonyan},
|
||||
familyi={S\bibinitperiod},
|
||||
given={Karen},
|
||||
giveni={K\bibinitperiod}}}%
|
||||
{{hash=c72fc39e94030f67717052309266a44d}{%
|
||||
family={Zisserman},
|
||||
familyi={Z\bibinitperiod},
|
||||
given={Andrew},
|
||||
giveni={A\bibinitperiod}}}%
|
||||
}
|
||||
\strng{namehash}{25d2f3c4577a6632d37f0126cc781232}
|
||||
\strng{fullhash}{25d2f3c4577a6632d37f0126cc781232}
|
||||
\strng{bibnamehash}{25d2f3c4577a6632d37f0126cc781232}
|
||||
\strng{authorbibnamehash}{25d2f3c4577a6632d37f0126cc781232}
|
||||
\strng{authornamehash}{25d2f3c4577a6632d37f0126cc781232}
|
||||
\strng{authorfullhash}{25d2f3c4577a6632d37f0126cc781232}
|
||||
\field{sortinit}{S}
|
||||
\field{sortinithash}{b164b07b29984b41daf1e85279fbc5ab}
|
||||
\field{labelnamesource}{author}
|
||||
\field{labeltitlesource}{title}
|
||||
\field{journaltitle}{arXiv 1409.1556}
|
||||
\field{month}{09}
|
||||
\field{title}{Very Deep Convolutional Networks for Large-Scale Image Recognition}
|
||||
\field{year}{2014}
|
||||
\true{nocite}
|
||||
\endentry
|
||||
\entry{szegedy2014intriguing}{misc}{}
|
||||
\name{author}{7}{}{%
|
||||
{{hash=ed568d9c3bb059e6bf22899fbf170f86}{%
|
||||
family={Szegedy},
|
||||
familyi={S\bibinitperiod},
|
||||
given={Christian},
|
||||
giveni={C\bibinitperiod}}}%
|
||||
{{hash=e9fec85bbce1b087a6ebefe26e73f7bf}{%
|
||||
family={Zaremba},
|
||||
familyi={Z\bibinitperiod},
|
||||
given={Wojciech},
|
||||
giveni={W\bibinitperiod}}}%
|
||||
{{hash=8d569d1d5b8b5a7836017a98b430f959}{%
|
||||
family={Sutskever},
|
||||
familyi={S\bibinitperiod},
|
||||
given={Ilya},
|
||||
giveni={I\bibinitperiod}}}%
|
||||
{{hash=c83b564e32475f10dcc91be7e66d3e81}{%
|
||||
family={Bruna},
|
||||
familyi={B\bibinitperiod},
|
||||
given={Joan},
|
||||
giveni={J\bibinitperiod}}}%
|
||||
{{hash=8bbc4c5d96f205bada839e74e0202146}{%
|
||||
family={Erhan},
|
||||
familyi={E\bibinitperiod},
|
||||
given={Dumitru},
|
||||
giveni={D\bibinitperiod}}}%
|
||||
{{hash=5d2585c11210cf1d4512e6e0a03ec315}{%
|
||||
family={Goodfellow},
|
||||
familyi={G\bibinitperiod},
|
||||
given={Ian},
|
||||
giveni={I\bibinitperiod}}}%
|
||||
{{hash=a6784304d1cc890b2cb6c6c7f2f3fd76}{%
|
||||
family={Fergus},
|
||||
familyi={F\bibinitperiod},
|
||||
given={Rob},
|
||||
giveni={R\bibinitperiod}}}%
|
||||
}
|
||||
\strng{namehash}{80f8e6bfc3aff3e75b2807a6f6962740}
|
||||
\strng{fullhash}{c8c3e9b8f095d055ce92294b35ff475c}
|
||||
\strng{bibnamehash}{80f8e6bfc3aff3e75b2807a6f6962740}
|
||||
\strng{authorbibnamehash}{80f8e6bfc3aff3e75b2807a6f6962740}
|
||||
\strng{authornamehash}{80f8e6bfc3aff3e75b2807a6f6962740}
|
||||
\strng{authorfullhash}{c8c3e9b8f095d055ce92294b35ff475c}
|
||||
\field{sortinit}{S}
|
||||
\field{sortinithash}{b164b07b29984b41daf1e85279fbc5ab}
|
||||
\field{labelnamesource}{author}
|
||||
\field{labeltitlesource}{title}
|
||||
\field{eprintclass}{cs.CV}
|
||||
\field{journaltitle}{arXiv}
|
||||
\field{title}{Intriguing properties of neural networks}
|
||||
\field{volume}{1312.6199}
|
||||
\field{year}{2014}
|
||||
\true{nocite}
|
||||
\endentry
|
||||
\entry{yu2019deep}{misc}{}
|
||||
\name{author}{4}{}{%
|
||||
{{hash=7d644ffcde545cbf48ce06126689b74c}{%
|
||||
family={Yu},
|
||||
familyi={Y\bibinitperiod},
|
||||
given={Fisher},
|
||||
giveni={F\bibinitperiod}}}%
|
||||
{{hash=e7cf4cb73884dff2f3b4dcbb22c0e27d}{%
|
||||
family={Wang},
|
||||
familyi={W\bibinitperiod},
|
||||
given={Dequan},
|
||||
giveni={D\bibinitperiod}}}%
|
||||
{{hash=4ce499f8943cac7cba0a73388d289a2e}{%
|
||||
family={Shelhamer},
|
||||
familyi={S\bibinitperiod},
|
||||
given={Evan},
|
||||
giveni={E\bibinitperiod}}}%
|
||||
{{hash=90180e1a30742e0d15328bfe637c2ef4}{%
|
||||
family={Darrell},
|
||||
familyi={D\bibinitperiod},
|
||||
given={Trevor},
|
||||
giveni={T\bibinitperiod}}}%
|
||||
}
|
||||
\strng{namehash}{cc2a6fc8dcf01707f6150fb813b13113}
|
||||
\strng{fullhash}{1ac77bca64069bcc5cab294171bb674f}
|
||||
\strng{bibnamehash}{cc2a6fc8dcf01707f6150fb813b13113}
|
||||
\strng{authorbibnamehash}{cc2a6fc8dcf01707f6150fb813b13113}
|
||||
\strng{authornamehash}{cc2a6fc8dcf01707f6150fb813b13113}
|
||||
\strng{authorfullhash}{1ac77bca64069bcc5cab294171bb674f}
|
||||
\field{sortinit}{Y}
|
||||
\field{sortinithash}{fd67ad5a9ef0f7456bdd9aab10fe1495}
|
||||
\field{labelnamesource}{author}
|
||||
\field{labeltitlesource}{title}
|
||||
\field{eprintclass}{cs.CV}
|
||||
\field{journaltitle}{arXiv}
|
||||
\field{title}{Deep Layer Aggregation}
|
||||
\field{year}{2019}
|
||||
\true{nocite}
|
||||
\verb{eprint}
|
||||
\verb 1707.06484
|
||||
\endverb
|
||||
\endentry
|
||||
\enddatalist
|
||||
\endrefsection
|
||||
\endinput
|
||||
|
2405
references/references.bcf
Normal file
77
references/references.bib
Normal file
@ -0,0 +1,77 @@
|
||||
@misc{szegedy2014intriguing,
|
||||
title={Intriguing properties of neural networks},
|
||||
author={Christian Szegedy and Wojciech Zaremba and Ilya Sutskever and Joan Bruna and Dumitru Erhan and Ian Goodfellow and Rob Fergus},
|
||||
year={2014},
|
||||
volume={1312.6199},
|
||||
journal={arXiv},
|
||||
primaryClass={cs.CV}
|
||||
}
|
||||
|
||||
@misc{carlini2017evaluating,
|
||||
title={Towards Evaluating the Robustness of Neural Networks},
|
||||
author={Nicholas Carlini and David Wagner},
|
||||
year={2017},
|
||||
volume={1608.04644},
|
||||
journal={arXiv},
|
||||
primaryClass={cs.CR}
|
||||
}
|
||||
|
||||
@misc{ecma404,
|
||||
author = {Crockford, Douglas and Morningstar, Chip},
|
||||
year = {2017},
|
||||
month = {12},
|
||||
pages = {},
|
||||
title = {Standard ECMA-404 The JSON Data Interchange Syntax},
|
||||
doi = {10.13140/RG.2.2.28181.14560}
|
||||
}
|
||||
|
||||
@article{ieee3129,
|
||||
author={},
|
||||
journal={IEEE Std 3129-2023},
|
||||
title={IEEE Standard for Robustness Testing and Evaluation of Artificial Intelligence (AI)-based Image Recognition Service},
|
||||
year={2023},
|
||||
volume={},
|
||||
number={},
|
||||
pages={1-34},
|
||||
keywords={IEEE Standards;Robustness;Image recording;Testing;Artificial intelligence;Performance evaluation;adversarial attacks;artificial Intelligence-based services;assessment framework;common corruption;IEEE 3129;robustness},
|
||||
doi={10.1109/IEEESTD.2023.10141539}
|
||||
}
|
||||
|
||||
@misc{goodfellow2015explaining,
|
||||
title={Explaining and Harnessing Adversarial Examples},
|
||||
author={Ian J. Goodfellow and Jonathon Shlens and Christian Szegedy},
|
||||
year={2015},
|
||||
volume={1412.6572},
|
||||
journal={arXiv},
|
||||
primaryClass={stat.ML}
|
||||
}
|
||||
|
||||
@misc{yu2019deep,
|
||||
title={Deep Layer Aggregation},
|
||||
author={Fisher Yu and Dequan Wang and Evan Shelhamer and Trevor Darrell},
|
||||
year={2019},
|
||||
eprint={1707.06484},
|
||||
journal={arXiv},
|
||||
primaryClass={cs.CV}
|
||||
}
|
||||
|
||||
@article{simonyan2014very,
|
||||
author = {Simonyan, Karen and Zisserman, Andrew},
|
||||
year = {2014},
|
||||
month = {09},
|
||||
pages = {},
|
||||
title = {Very Deep Convolutional Networks for Large-Scale Image Recognition},
|
||||
journal = {arXiv 1409.1556}
|
||||
}
|
||||
|
||||
@inproceedings{schapire1989strength,
|
||||
author={Schapire, R.E.},
|
||||
booktitle={30th Annual Symposium on Foundations of Computer Science},
|
||||
title={The strength of weak learnability},
|
||||
year={1989},
|
||||
volume={},
|
||||
number={},
|
||||
pages={28-33},
|
||||
keywords={Polynomials;Boosting;Laboratories;Computer science;Upper bound;Boolean functions;Filtering},
|
||||
doi={10.1109/SFCS.1989.63451}
|
||||
}
|
15
references/references.blg
Normal file
@ -0,0 +1,15 @@
|
||||
[0] Config.pm:307> INFO - This is Biber 2.19
|
||||
[0] Config.pm:310> INFO - Logfile is 'references.blg'
|
||||
[78] biber:340> INFO - === Wed May 1, 2024, 18:09:19
|
||||
[93] Biber.pm:419> INFO - Reading 'references.bcf'
|
||||
[154] Biber.pm:976> INFO - Using all citekeys in bib section 0
|
||||
[165] Biber.pm:4419> INFO - Processing section 0
|
||||
[175] Biber.pm:4610> INFO - Looking for bibtex file 'references.bib' for section 0
|
||||
[176] bibtex.pm:1713> INFO - LaTeX decoding ...
|
||||
[184] bibtex.pm:1519> INFO - Found BibTeX data source 'references.bib'
|
||||
[265] UCollate.pm:68> INFO - Overriding locale 'en-US' defaults 'variable = shifted' with 'variable = non-ignorable'
|
||||
[265] UCollate.pm:68> INFO - Overriding locale 'en-US' defaults 'normalization = NFD' with 'normalization = prenormalized'
|
||||
[265] Biber.pm:4239> INFO - Sorting list 'nty/global//global/global' of type 'entry' with template 'nty' and locale 'en-US'
|
||||
[265] Biber.pm:4245> INFO - No sort tailoring available for locale 'en-US'
|
||||
[271] bbl.pm:660> INFO - Writing 'references.bbl' with encoding 'UTF-8'
|
||||
[274] bbl.pm:763> INFO - Output to references.bbl
|
BIN
references/references.dvi
Normal file
67
references/references.fdb_latexmk
Normal file
@ -0,0 +1,67 @@
|
||||
# Fdb version 4
|
||||
["biber references"] 1714601358.72507 "references.bcf" "references.bbl" "references" 1715216406.76852 0
|
||||
"references.bcf" 1715216406.71291 107768 b452c12a6c1eb942bd55a0ddcfe08430 "pdflatex"
|
||||
"references.bib" 1714600868.95255 2441 f193a65709efc2ed8de9d15b2f878a6c ""
|
||||
(generated)
|
||||
"references.bbl"
|
||||
"references.blg"
|
||||
(rewritten before read)
|
||||
["pdflatex"] 1715216405.97824 "references.tex" "references.pdf" "references" 1715216406.76885 0
|
||||
"/usr/share/texlive/texmf-dist/fonts/map/fontname/texfonts.map" 1577235249 3524 cb3e574dea2d1052e39280babc910dc8 ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmbx12.tfm" 1136768653 1324 c910af8c371558dc20f2d7822f66fe64 ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmcsc10.tfm" 1136768653 1300 63a6111ee6274895728663cf4b4e7e81 ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmr12.tfm" 1136768653 1288 655e228510b4c2a1abe905c368440826 ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmti10.tfm" 1136768653 1480 aa8e34af0eb6a2941b776984cf1dfdc4 ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmtt10.tfm" 1136768653 768 1321e9409b4137d6fb428ac9dc956269 ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmbx12.pfb" 1248133631 32080 340ef9bf63678554ee606688e7b5339d ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmcsc10.pfb" 1248133631 32001 6aeea3afe875097b1eb0da29acd61e28 ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmr10.pfb" 1248133631 35752 024fb6c41858982481f6968b5fc26508 ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmti10.pfb" 1248133631 37944 359e864bd06cde3b1cf57bb20757fb06 ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmtt10.pfb" 1248133631 31099 c85edf1dd5b9e826d67c9c7293b6786c ""
|
||||
"/usr/share/texlive/texmf-dist/tex/generic/babel-english/english.ldf" 1496785618 7008 9ff5fdcc865b01beca2b0fe4a46231d4 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/generic/babel/babel.sty" 1676321701 151363 1f5971af3ef874d432e8fb43e0edb71d ""
|
||||
"/usr/share/texlive/texmf-dist/tex/generic/babel/locale/en/babel-en.ini" 1661803479 3966 caeee5a9e5771d4446aa1ca9015ba1b2 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/generic/babel/locale/en/babel-english.tex" 1498512262 336 ed676b5e7dfd862bc78d634f6a973f37 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/generic/babel/txtbabel.def" 1674507072 6927 64b53e78feab932ab94f892bb5a5facf ""
|
||||
"/usr/share/texlive/texmf-dist/tex/generic/iftex/iftex.sty" 1644112042 7237 bdd120a32c8fdb4b433cf9ca2e7cd98a ""
|
||||
"/usr/share/texlive/texmf-dist/tex/generic/infwarerr/infwarerr.sty" 1575499628 8356 7bbb2c2373aa810be568c29e333da8ed ""
|
||||
"/usr/share/texlive/texmf-dist/tex/generic/ltxcmds/ltxcmds.sty" 1600895880 17859 4409f8f50cd365c68e684407e5350b1b ""
|
||||
"/usr/share/texlive/texmf-dist/tex/generic/pdftexcmds/pdftexcmds.sty" 1593379760 20089 80423eac55aa175305d35b49e04fe23b ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/base/article.cls" 1689984000 20144 d5ecf0a5140c8d8d8b72cbe86e320eff ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/base/ifthen.sty" 1689984000 5319 48d7f3cfa322abd2788e3c09d624b922 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/base/inputenc.sty" 1689984000 5048 84b05796b49b69e2d4257d537721c960 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/base/size10.clo" 1689984000 8448 c33a4e1cb35cee9b33c2b21033b73e39 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/biblatex/bbx/numeric.bbx" 1609451401 1818 9ed166ac0a9204a8ebe450ca09db5dde ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/biblatex/bbx/standard.bbx" 1609451401 25680 409c3f3d570418bc545e8065bebd0688 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.cfg" 1342308459 69 249fa6df04d948e51b6d5c67bea30c42 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.def" 1678141846 92527 8f6b3a677f74ea525477a813f33c4e65 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.sty" 1678141846 528517 7eed285c714f532e12ae48b360c080f8 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-case-expl3.sty" 1609451401 8433 72f8188742e7214b7068f345cd0287ac ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-compat.def" 1643926307 13919 5426dbe90e723f089052b4e908b56ef9 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-dm.def" 1643926307 32455 8d3e554836db11aab80a8e11be62e1b1 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/biblatex/cbx/numeric.cbx" 1678141846 4629 cda468e8a0b1cfa0f61872e171037a4b ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/biblatex/lbx/english.lbx" 1643926307 39965 48ce9ce3350aba9457f1020b1deba5cf ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/etoolbox/etoolbox.sty" 1601931149 46845 3b58f70c6e861a13d927bff09d35ecbc ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/graphics/keyval.sty" 1654720880 2671 7e67d78d9b88c845599a85b2d41f2e39 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/kvoptions/kvoptions.sty" 1655478651 22555 6d8e155cfef6d82c3d5c742fea7c992e ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/kvsetkeys/kvsetkeys.sty" 1665067230 13815 760b0c02f691ea230f5359c4e1de23a7 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/l3backend/l3backend-pdftex.def" 1673989714 30429 213676d4c7327a21d91ddaed900e7b81 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/l3kernel/expl3.sty" 1677186603 6107 5cfea8a675c58918b8c04be10261e48c ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/l3packages/xparse/xparse.sty" 1675461949 6812 3c152a1c8d562d7b7291c4839b61a5c3 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/logreq/logreq.def" 1284153563 1620 fb1c32b818f2058eca187e5c41dfae77 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/logreq/logreq.sty" 1284153563 6187 b27afc771af565d3a9ff1ca7d16d0d46 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/url/url.sty" 1388531844 12796 8edb7d69a20b857904dd0ea757c14ec9 ""
|
||||
"/usr/share/texlive/texmf-dist/web2c/texmf.cnf" 1689984000 40900 887e0dc8cac988a9e9c574af364cf837 ""
|
||||
"/var/lib/texmf/fonts/map/pdftex/updmap/pdftex.map" 1705885142.27725 4602615 ac1019cb4c4ba39710c2cf7f752b378d ""
|
||||
"/var/lib/texmf/web2c/pdftex/pdflatex.fmt" 1710776733 7871985 a923b025655ef6c2f0aa4b5ff9642a36 ""
|
||||
"references.aux" 1715216406.71091 839 f3c24594d35be9076a835bc418c0c130 "pdflatex"
|
||||
"references.bbl" 1714601359.61367 11240 932e39044c0f680a4bfd9d34801b993b "biber references"
|
||||
"references.run.xml" 1715216406.71391 2347 0557d215658653956cbc3e52e832328f "pdflatex"
|
||||
"references.tex" 1714601352.9257 215 2ec9764fcbe4fad5e1125e85d6f48d78 ""
|
||||
(generated)
|
||||
"references.aux"
|
||||
"references.bcf"
|
||||
"references.log"
|
||||
"references.pdf"
|
||||
"references.run.xml"
|
||||
(rewritten before read)
|
289
references/references.fls
Normal file
@ -0,0 +1,289 @@
|
||||
PWD /home/sharpe/Documents/Rowan/Rowan-Projects/Adversarial-Machine-Learning-Clinic/references
|
||||
INPUT /usr/share/texlive/texmf-dist/web2c/texmf.cnf
|
||||
INPUT /usr/share/texlive/texmf-dist/web2c/texmf.cnf
|
||||
INPUT /var/lib/texmf/web2c/pdftex/pdflatex.fmt
|
||||
INPUT references.tex
|
||||
OUTPUT references.log
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/article.cls
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/article.cls
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/article.cls
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/article.cls
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/article.cls
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/article.cls
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/article.cls
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/article.cls
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/article.cls
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/article.cls
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/article.cls
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/size10.clo
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/size10.clo
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/size10.clo
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/size10.clo
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/inputenc.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/inputenc.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/inputenc.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/inputenc.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/inputenc.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/inputenc.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/inputenc.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/inputenc.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/inputenc.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/inputenc.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/inputenc.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/babel/babel.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/babel/babel.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/babel/babel.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/babel/babel.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/babel/babel.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/babel/babel.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/babel/babel.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/babel/babel.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/babel/babel.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/babel/babel.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/babel/babel.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/babel/txtbabel.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/babel-english/english.ldf
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/babel-english/english.ldf
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/babel-english/english.ldf
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/babel-english/english.ldf
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/babel/locale/en/babel-english.tex
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/babel/locale/en/babel-english.tex
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/babel/locale/en/babel-english.tex
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/babel/locale/en/babel-english.tex
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/babel/locale/en/babel-en.ini
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/pdftexcmds/pdftexcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/pdftexcmds/pdftexcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/pdftexcmds/pdftexcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/pdftexcmds/pdftexcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/pdftexcmds/pdftexcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/pdftexcmds/pdftexcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/pdftexcmds/pdftexcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/pdftexcmds/pdftexcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/pdftexcmds/pdftexcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/pdftexcmds/pdftexcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/pdftexcmds/pdftexcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/infwarerr/infwarerr.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/infwarerr/infwarerr.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/infwarerr/infwarerr.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/infwarerr/infwarerr.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/infwarerr/infwarerr.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/infwarerr/infwarerr.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/infwarerr/infwarerr.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/infwarerr/infwarerr.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/infwarerr/infwarerr.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/infwarerr/infwarerr.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/infwarerr/infwarerr.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/iftex/iftex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/iftex/iftex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/iftex/iftex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/iftex/iftex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/iftex/iftex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/iftex/iftex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/iftex/iftex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/iftex/iftex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/iftex/iftex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/iftex/iftex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/iftex/iftex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/ltxcmds/ltxcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/ltxcmds/ltxcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/ltxcmds/ltxcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/ltxcmds/ltxcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/ltxcmds/ltxcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/ltxcmds/ltxcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/ltxcmds/ltxcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/ltxcmds/ltxcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/ltxcmds/ltxcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/ltxcmds/ltxcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/ltxcmds/ltxcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/etoolbox/etoolbox.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/etoolbox/etoolbox.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/etoolbox/etoolbox.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/etoolbox/etoolbox.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/etoolbox/etoolbox.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/etoolbox/etoolbox.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/etoolbox/etoolbox.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/etoolbox/etoolbox.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/etoolbox/etoolbox.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/etoolbox/etoolbox.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/etoolbox/etoolbox.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/keyval.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/keyval.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/keyval.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/keyval.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/keyval.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/keyval.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/keyval.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/keyval.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/keyval.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/keyval.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/keyval.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvoptions/kvoptions.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvoptions/kvoptions.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvoptions/kvoptions.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvoptions/kvoptions.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvoptions/kvoptions.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvoptions/kvoptions.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvoptions/kvoptions.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvoptions/kvoptions.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvoptions/kvoptions.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvoptions/kvoptions.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvoptions/kvoptions.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/ltxcmds/ltxcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvsetkeys/kvsetkeys.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvsetkeys/kvsetkeys.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvsetkeys/kvsetkeys.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvsetkeys/kvsetkeys.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvsetkeys/kvsetkeys.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvsetkeys/kvsetkeys.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvsetkeys/kvsetkeys.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvsetkeys/kvsetkeys.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvsetkeys/kvsetkeys.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvsetkeys/kvsetkeys.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvsetkeys/kvsetkeys.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/logreq/logreq.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/logreq/logreq.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/logreq/logreq.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/logreq/logreq.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/logreq/logreq.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/logreq/logreq.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/logreq/logreq.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/logreq/logreq.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/logreq/logreq.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/logreq/logreq.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/logreq/logreq.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/etoolbox/etoolbox.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/keyval.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/logreq/logreq.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/logreq/logreq.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/logreq/logreq.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/logreq/logreq.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/ifthen.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/ifthen.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/ifthen.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/ifthen.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/ifthen.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/ifthen.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/ifthen.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/ifthen.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/ifthen.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/ifthen.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/ifthen.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/url/url.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/url/url.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/url/url.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/url/url.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/url/url.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/url/url.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/url/url.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/url/url.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/url/url.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/url/url.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/url/url.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-dm.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-dm.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-dm.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-compat.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-compat.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-compat.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/bbx/numeric.bbx
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/bbx/numeric.bbx
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/bbx/numeric.bbx
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/bbx/standard.bbx
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/bbx/standard.bbx
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/bbx/standard.bbx
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/cbx/numeric.cbx
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/cbx/numeric.cbx
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/cbx/numeric.cbx
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.cfg
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.cfg
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.cfg
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3kernel/expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3kernel/expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3kernel/expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3kernel/expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3kernel/expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3kernel/expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3kernel/expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3kernel/expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3kernel/expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3kernel/expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3kernel/expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3backend/l3backend-pdftex.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3backend/l3backend-pdftex.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3backend/l3backend-pdftex.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3backend/l3backend-pdftex.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3backend/l3backend-pdftex.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3backend/l3backend-pdftex.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3backend/l3backend-pdftex.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3backend/l3backend-pdftex.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3backend/l3backend-pdftex.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3backend/l3backend-pdftex.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3backend/l3backend-pdftex.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-case-expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-case-expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-case-expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-case-expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-case-expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-case-expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-case-expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-case-expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-case-expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-case-expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-case-expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3kernel/expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3packages/xparse/xparse.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3packages/xparse/xparse.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3packages/xparse/xparse.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3packages/xparse/xparse.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3packages/xparse/xparse.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3packages/xparse/xparse.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3packages/xparse/xparse.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3packages/xparse/xparse.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3packages/xparse/xparse.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3packages/xparse/xparse.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3packages/xparse/xparse.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3kernel/expl3.sty
|
||||
INPUT ./references.aux
|
||||
INPUT references.aux
|
||||
INPUT references.aux
|
||||
OUTPUT references.aux
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/lbx/english.lbx
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/lbx/english.lbx
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/lbx/english.lbx
|
||||
OUTPUT references.bcf
|
||||
INPUT references.bbl
|
||||
INPUT ./references.bbl
|
||||
INPUT references.bbl
|
||||
INPUT ./references.bbl
|
||||
INPUT ./references.bbl
|
||||
INPUT references.bbl
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/map/fontname/texfonts.map
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmr12.tfm
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmbx12.tfm
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmti10.tfm
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmcsc10.tfm
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmtt10.tfm
|
||||
OUTPUT references.pdf
|
||||
INPUT /var/lib/texmf/fonts/map/pdftex/updmap/pdftex.map
|
||||
INPUT references.aux
|
||||
INPUT references.run.xml
|
||||
OUTPUT references.run.xml
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmbx12.pfb
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmcsc10.pfb
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmr10.pfb
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmti10.pfb
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmtt10.pfb
|
366
references/references.log
Normal file
@ -0,0 +1,366 @@
|
||||
This is pdfTeX, Version 3.141592653-2.6-1.40.25 (TeX Live 2023) (preloaded format=pdflatex 2024.3.18) 8 MAY 2024 21:00
|
||||
entering extended mode
|
||||
restricted \write18 enabled.
|
||||
file:line:error style messages enabled.
|
||||
%&-line parsing enabled.
|
||||
**references.tex
|
||||
(./references.tex
|
||||
LaTeX2e <2022-11-01> patch level 1
|
||||
L3 programming layer <2023-02-22> (/usr/share/texlive/texmf-dist/tex/latex/base/article.cls
|
||||
Document Class: article 2022/07/02 v1.4n Standard LaTeX document class
|
||||
(/usr/share/texlive/texmf-dist/tex/latex/base/size10.clo
|
||||
File: size10.clo 2022/07/02 v1.4n Standard LaTeX file (size option)
|
||||
)
|
||||
\c@part=\count185
|
||||
\c@section=\count186
|
||||
\c@subsection=\count187
|
||||
\c@subsubsection=\count188
|
||||
\c@paragraph=\count189
|
||||
\c@subparagraph=\count190
|
||||
\c@figure=\count191
|
||||
\c@table=\count192
|
||||
\abovecaptionskip=\skip48
|
||||
\belowcaptionskip=\skip49
|
||||
\bibindent=\dimen140
|
||||
) (/usr/share/texlive/texmf-dist/tex/latex/base/inputenc.sty
|
||||
Package: inputenc 2021/02/14 v1.3d Input encoding file
|
||||
\inpenc@prehook=\toks16
|
||||
\inpenc@posthook=\toks17
|
||||
) (/usr/share/texlive/texmf-dist/tex/generic/babel/babel.sty
|
||||
Package: babel 2023/02/13 3.86 The Babel package
|
||||
\babel@savecnt=\count193
|
||||
\U@D=\dimen141
|
||||
\l@unhyphenated=\language85
|
||||
(/usr/share/texlive/texmf-dist/tex/generic/babel/txtbabel.def)
|
||||
\bbl@readstream=\read2
|
||||
\bbl@dirlevel=\count194
|
||||
(/usr/share/texlive/texmf-dist/tex/generic/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) (\language26). Reported on input line 105.
|
||||
Package babel Info: Hyphen rules for 'newzealand' set to \l@ukenglish
|
||||
(babel) (\language26). Reported on input line 108.
|
||||
)) (/usr/share/texlive/texmf-dist/tex/generic/babel/locale/en/babel-english.tex
|
||||
Package babel Info: Importing font and identification data for english
|
||||
(babel) from babel-en.ini. Reported on input line 11.
|
||||
) (/usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.sty
|
||||
Package: biblatex 2023/03/05 v3.19 programmable bibliographies (PK/MW)
|
||||
(/usr/share/texlive/texmf-dist/tex/generic/pdftexcmds/pdftexcmds.sty
|
||||
Package: pdftexcmds 2020-06-27 v0.33 Utility functions of pdfTeX for LuaTeX (HO)
|
||||
(/usr/share/texlive/texmf-dist/tex/generic/infwarerr/infwarerr.sty
|
||||
Package: infwarerr 2019/12/03 v1.5 Providing info/warning/error messages (HO)
|
||||
) (/usr/share/texlive/texmf-dist/tex/generic/iftex/iftex.sty
|
||||
Package: iftex 2022/02/03 v1.0f TeX engine tests
|
||||
) (/usr/share/texlive/texmf-dist/tex/generic/ltxcmds/ltxcmds.sty
|
||||
Package: ltxcmds 2020-05-10 v1.25 LaTeX kernel commands for general use (HO)
|
||||
)
|
||||
Package pdftexcmds Info: \pdf@primitive is available.
|
||||
Package pdftexcmds Info: \pdf@ifprimitive is available.
|
||||
Package pdftexcmds Info: \pdfdraftmode found.
|
||||
) (/usr/share/texlive/texmf-dist/tex/latex/etoolbox/etoolbox.sty
|
||||
Package: etoolbox 2020/10/05 v2.5k e-TeX tools for LaTeX (JAW)
|
||||
\etb@tempcnta=\count195
|
||||
) (/usr/share/texlive/texmf-dist/tex/latex/graphics/keyval.sty
|
||||
Package: keyval 2022/05/29 v1.15 key=value parser (DPC)
|
||||
\KV@toks@=\toks18
|
||||
) (/usr/share/texlive/texmf-dist/tex/latex/kvoptions/kvoptions.sty
|
||||
Package: kvoptions 2022-06-15 v3.15 Key value format for package options (HO)
|
||||
(/usr/share/texlive/texmf-dist/tex/latex/kvsetkeys/kvsetkeys.sty
|
||||
Package: kvsetkeys 2022-10-05 v1.19 Key value parser (HO)
|
||||
)) (/usr/share/texlive/texmf-dist/tex/latex/logreq/logreq.sty
|
||||
Package: logreq 2010/08/04 v1.0 xml request logger
|
||||
\lrq@indent=\count196
|
||||
(/usr/share/texlive/texmf-dist/tex/latex/logreq/logreq.def
|
||||
File: logreq.def 2010/08/04 v1.0 logreq spec v1.0
|
||||
)) (/usr/share/texlive/texmf-dist/tex/latex/base/ifthen.sty
|
||||
Package: ifthen 2022/04/13 v1.1d Standard LaTeX ifthen package (DPC)
|
||||
) (/usr/share/texlive/texmf-dist/tex/latex/url/url.sty
|
||||
\Urlmuskip=\muskip16
|
||||
Package: url 2013/09/16 ver 3.4 Verb mode for urls, etc.
|
||||
)
|
||||
\c@tabx@nest=\count197
|
||||
\c@listtotal=\count198
|
||||
\c@listcount=\count199
|
||||
\c@liststart=\count266
|
||||
\c@liststop=\count267
|
||||
\c@citecount=\count268
|
||||
\c@citetotal=\count269
|
||||
\c@multicitecount=\count270
|
||||
\c@multicitetotal=\count271
|
||||
\c@instcount=\count272
|
||||
\c@maxnames=\count273
|
||||
\c@minnames=\count274
|
||||
\c@maxitems=\count275
|
||||
\c@minitems=\count276
|
||||
\c@citecounter=\count277
|
||||
\c@maxcitecounter=\count278
|
||||
\c@savedcitecounter=\count279
|
||||
\c@uniquelist=\count280
|
||||
\c@uniquename=\count281
|
||||
\c@refsection=\count282
|
||||
\c@refsegment=\count283
|
||||
\c@maxextratitle=\count284
|
||||
\c@maxextratitleyear=\count285
|
||||
\c@maxextraname=\count286
|
||||
\c@maxextradate=\count287
|
||||
\c@maxextraalpha=\count288
|
||||
\c@abbrvpenalty=\count289
|
||||
\c@highnamepenalty=\count290
|
||||
\c@lownamepenalty=\count291
|
||||
\c@maxparens=\count292
|
||||
\c@parenlevel=\count293
|
||||
\blx@tempcnta=\count294
|
||||
\blx@tempcntb=\count295
|
||||
\blx@tempcntc=\count296
|
||||
\c@blx@maxsection=\count297
|
||||
\blx@maxsegment@0=\count298
|
||||
\blx@notetype=\count299
|
||||
\blx@parenlevel@text=\count300
|
||||
\blx@parenlevel@foot=\count301
|
||||
\blx@sectionciteorder@0=\count302
|
||||
\blx@sectionciteorderinternal@0=\count303
|
||||
\blx@entrysetcounter=\count304
|
||||
\blx@biblioinstance=\count305
|
||||
\labelnumberwidth=\skip50
|
||||
\labelalphawidth=\skip51
|
||||
\biblabelsep=\skip52
|
||||
\bibitemsep=\skip53
|
||||
\bibnamesep=\skip54
|
||||
\bibinitsep=\skip55
|
||||
\bibparsep=\skip56
|
||||
\bibhang=\skip57
|
||||
\blx@bcfin=\read3
|
||||
\blx@bcfout=\write3
|
||||
\blx@langwohyphens=\language86
|
||||
\c@mincomprange=\count306
|
||||
\c@maxcomprange=\count307
|
||||
\c@mincompwidth=\count308
|
||||
Package biblatex Info: Trying to load biblatex default data model...
|
||||
Package biblatex Info: ... file 'blx-dm.def' found.
|
||||
(/usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-dm.def
|
||||
File: blx-dm.def 2023/03/05 v3.19 biblatex localization (PK/MW)
|
||||
)
|
||||
Package biblatex Info: Trying to load biblatex custom data model...
|
||||
Package biblatex Info: ... file 'biblatex-dm.cfg' not found.
|
||||
\c@afterword=\count309
|
||||
\c@savedafterword=\count310
|
||||
\c@annotator=\count311
|
||||
\c@savedannotator=\count312
|
||||
\c@author=\count313
|
||||
\c@savedauthor=\count314
|
||||
\c@bookauthor=\count315
|
||||
\c@savedbookauthor=\count316
|
||||
\c@commentator=\count317
|
||||
\c@savedcommentator=\count318
|
||||
\c@editor=\count319
|
||||
\c@savededitor=\count320
|
||||
\c@editora=\count321
|
||||
\c@savededitora=\count322
|
||||
\c@editorb=\count323
|
||||
\c@savededitorb=\count324
|
||||
\c@editorc=\count325
|
||||
\c@savededitorc=\count326
|
||||
\c@foreword=\count327
|
||||
\c@savedforeword=\count328
|
||||
\c@holder=\count329
|
||||
\c@savedholder=\count330
|
||||
\c@introduction=\count331
|
||||
\c@savedintroduction=\count332
|
||||
\c@namea=\count333
|
||||
\c@savednamea=\count334
|
||||
\c@nameb=\count335
|
||||
\c@savednameb=\count336
|
||||
\c@namec=\count337
|
||||
\c@savednamec=\count338
|
||||
\c@translator=\count339
|
||||
\c@savedtranslator=\count340
|
||||
\c@shortauthor=\count341
|
||||
\c@savedshortauthor=\count342
|
||||
\c@shorteditor=\count343
|
||||
\c@savedshorteditor=\count344
|
||||
\c@labelname=\count345
|
||||
\c@savedlabelname=\count346
|
||||
\c@institution=\count347
|
||||
\c@savedinstitution=\count348
|
||||
\c@lista=\count349
|
||||
\c@savedlista=\count350
|
||||
\c@listb=\count351
|
||||
\c@savedlistb=\count352
|
||||
\c@listc=\count353
|
||||
\c@savedlistc=\count354
|
||||
\c@listd=\count355
|
||||
\c@savedlistd=\count356
|
||||
\c@liste=\count357
|
||||
\c@savedliste=\count358
|
||||
\c@listf=\count359
|
||||
\c@savedlistf=\count360
|
||||
\c@location=\count361
|
||||
\c@savedlocation=\count362
|
||||
\c@organization=\count363
|
||||
\c@savedorganization=\count364
|
||||
\c@origlocation=\count365
|
||||
\c@savedoriglocation=\count366
|
||||
\c@origpublisher=\count367
|
||||
\c@savedorigpublisher=\count368
|
||||
\c@publisher=\count369
|
||||
\c@savedpublisher=\count370
|
||||
\c@language=\count371
|
||||
\c@savedlanguage=\count372
|
||||
\c@origlanguage=\count373
|
||||
\c@savedoriglanguage=\count374
|
||||
\c@pageref=\count375
|
||||
\c@savedpageref=\count376
|
||||
\shorthandwidth=\skip58
|
||||
\shortjournalwidth=\skip59
|
||||
\shortserieswidth=\skip60
|
||||
\shorttitlewidth=\skip61
|
||||
\shortauthorwidth=\skip62
|
||||
\shorteditorwidth=\skip63
|
||||
\locallabelnumberwidth=\skip64
|
||||
\locallabelalphawidth=\skip65
|
||||
\localshorthandwidth=\skip66
|
||||
\localshortjournalwidth=\skip67
|
||||
\localshortserieswidth=\skip68
|
||||
\localshorttitlewidth=\skip69
|
||||
\localshortauthorwidth=\skip70
|
||||
\localshorteditorwidth=\skip71
|
||||
Package biblatex Info: Trying to load compatibility code...
|
||||
Package biblatex Info: ... file 'blx-compat.def' found.
|
||||
(/usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-compat.def
|
||||
File: blx-compat.def 2023/03/05 v3.19 biblatex compatibility (PK/MW)
|
||||
)
|
||||
Package biblatex Info: Trying to load generic definitions...
|
||||
Package biblatex Info: ... file 'biblatex.def' found.
|
||||
(/usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.def
|
||||
File: biblatex.def 2023/03/05 v3.19 biblatex compatibility (PK/MW)
|
||||
\c@textcitecount=\count377
|
||||
\c@textcitetotal=\count378
|
||||
\c@textcitemaxnames=\count379
|
||||
\c@biburlbigbreakpenalty=\count380
|
||||
\c@biburlbreakpenalty=\count381
|
||||
\c@biburlnumpenalty=\count382
|
||||
\c@biburlucpenalty=\count383
|
||||
\c@biburllcpenalty=\count384
|
||||
\biburlbigskip=\muskip17
|
||||
\biburlnumskip=\muskip18
|
||||
\biburlucskip=\muskip19
|
||||
\biburllcskip=\muskip20
|
||||
\c@smartand=\count385
|
||||
)
|
||||
Package biblatex Info: Trying to load bibliography style 'numeric'...
|
||||
Package biblatex Info: ... file 'numeric.bbx' found.
|
||||
(/usr/share/texlive/texmf-dist/tex/latex/biblatex/bbx/numeric.bbx
|
||||
File: numeric.bbx 2023/03/05 v3.19 biblatex bibliography style (PK/MW)
|
||||
Package biblatex Info: Trying to load bibliography style 'standard'...
|
||||
Package biblatex Info: ... file 'standard.bbx' found.
|
||||
(/usr/share/texlive/texmf-dist/tex/latex/biblatex/bbx/standard.bbx
|
||||
File: standard.bbx 2023/03/05 v3.19 biblatex bibliography style (PK/MW)
|
||||
\c@bbx:relatedcount=\count386
|
||||
\c@bbx:relatedtotal=\count387
|
||||
))
|
||||
Package biblatex Info: Trying to load citation style 'numeric'...
|
||||
Package biblatex Info: ... file 'numeric.cbx' found.
|
||||
(/usr/share/texlive/texmf-dist/tex/latex/biblatex/cbx/numeric.cbx
|
||||
File: numeric.cbx 2023/03/05 v3.19 biblatex citation style (PK/MW)
|
||||
Package biblatex Info: Redefining '\cite'.
|
||||
Package biblatex Info: Redefining '\parencite'.
|
||||
Package biblatex Info: Redefining '\footcite'.
|
||||
Package biblatex Info: Redefining '\footcitetext'.
|
||||
Package biblatex Info: Redefining '\smartcite'.
|
||||
Package biblatex Info: Redefining '\supercite'.
|
||||
Package biblatex Info: Redefining '\textcite'.
|
||||
Package biblatex Info: Redefining '\textcites'.
|
||||
Package biblatex Info: Redefining '\cites'.
|
||||
Package biblatex Info: Redefining '\parencites'.
|
||||
Package biblatex Info: Redefining '\smartcites'.
|
||||
)
|
||||
Package biblatex Info: Trying to load configuration file...
|
||||
Package biblatex Info: ... file 'biblatex.cfg' found.
|
||||
(/usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.cfg
|
||||
File: biblatex.cfg
|
||||
)
|
||||
Package biblatex Info: Input encoding 'utf8' detected.
|
||||
Package biblatex Info: Document encoding is UTF8 ....
|
||||
(/usr/share/texlive/texmf-dist/tex/latex/l3kernel/expl3.sty
|
||||
Package: expl3 2023-02-22 L3 programming layer (loader)
|
||||
(/usr/share/texlive/texmf-dist/tex/latex/l3backend/l3backend-pdftex.def
|
||||
File: l3backend-pdftex.def 2023-01-16 L3 backend support: PDF output (pdfTeX)
|
||||
\l__color_backend_stack_int=\count388
|
||||
\l__pdf_internal_box=\box51
|
||||
))
|
||||
Package biblatex Info: ... and expl3
|
||||
(biblatex) 2023-02-22 L3 programming layer (loader)
|
||||
(biblatex) is new enough (at least 2020/04/06),
|
||||
(biblatex) setting 'casechanger=expl3'.
|
||||
(/usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-case-expl3.sty (/usr/share/texlive/texmf-dist/tex/latex/l3packages/xparse/xparse.sty
|
||||
Package: xparse 2023-02-02 L3 Experimental document command parser
|
||||
)
|
||||
Package: blx-case-expl3 2023/03/05 v3.19 expl3 case changing code for biblatex
|
||||
))
|
||||
|
||||
Package biblatex Warning: 'babel/polyglossia' detected but 'csquotes' missing.
|
||||
(biblatex) Loading 'csquotes' recommended.
|
||||
|
||||
\@quotelevel=\count389
|
||||
\@quotereset=\count390
|
||||
(./references.aux)
|
||||
\openout1 = `references.aux'.
|
||||
|
||||
LaTeX Font Info: Checking defaults for OML/cmm/m/it on input line 8.
|
||||
LaTeX Font Info: ... okay on input line 8.
|
||||
LaTeX Font Info: Checking defaults for OMS/cmsy/m/n on input line 8.
|
||||
LaTeX Font Info: ... okay on input line 8.
|
||||
LaTeX Font Info: Checking defaults for OT1/cmr/m/n on input line 8.
|
||||
LaTeX Font Info: ... okay on input line 8.
|
||||
LaTeX Font Info: Checking defaults for T1/cmr/m/n on input line 8.
|
||||
LaTeX Font Info: ... okay on input line 8.
|
||||
LaTeX Font Info: Checking defaults for TS1/cmr/m/n on input line 8.
|
||||
LaTeX Font Info: ... okay on input line 8.
|
||||
LaTeX Font Info: Checking defaults for OMX/cmex/m/n on input line 8.
|
||||
LaTeX Font Info: ... okay on input line 8.
|
||||
LaTeX Font Info: Checking defaults for U/cmr/m/n on input line 8.
|
||||
LaTeX Font Info: ... okay on input line 8.
|
||||
Package biblatex Info: Trying to load language 'english'...
|
||||
Package biblatex Info: ... file 'english.lbx' found.
|
||||
(/usr/share/texlive/texmf-dist/tex/latex/biblatex/lbx/english.lbx
|
||||
File: english.lbx 2023/03/05 v3.19 biblatex localization (PK/MW)
|
||||
)
|
||||
Package biblatex Info: Input encoding 'utf8' detected.
|
||||
Package biblatex Info: Automatic encoding selection.
|
||||
(biblatex) Assuming data encoding 'utf8'.
|
||||
\openout3 = `references.bcf'.
|
||||
|
||||
Package biblatex Info: Trying to load bibliographic data...
|
||||
Package biblatex Info: ... file 'references.bbl' found.
|
||||
(./references.bbl)
|
||||
Package biblatex Info: Reference section=0 on input line 8.
|
||||
Package biblatex Info: Reference segment=0 on input line 8.
|
||||
LaTeX Font Info: External font `cmex10' loaded for size
|
||||
(Font) <7> on input line 11.
|
||||
LaTeX Font Info: External font `cmex10' loaded for size
|
||||
(Font) <5> on input line 11.
|
||||
[1
|
||||
|
||||
{/var/lib/texmf/fonts/map/pdftex/updmap/pdftex.map}] (./references.aux)
|
||||
Package logreq Info: Writing requests to 'references.run.xml'.
|
||||
\openout1 = `references.run.xml'.
|
||||
|
||||
)
|
||||
Here is how much of TeX's memory you used:
|
||||
9590 strings out of 476041
|
||||
188428 string characters out of 5793174
|
||||
1854388 words of memory out of 6000000
|
||||
30009 multiletter control sequences out of 15000+600000
|
||||
513707 words of font info for 37 fonts, out of 8000000 for 9000
|
||||
1137 hyphenation exceptions out of 8191
|
||||
63i,5n,68p,683b,1725s stack positions out of 10000i,1000n,20000p,200000b,200000s
|
||||
</usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmbx12.pfb></usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmcsc10.pfb></usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmr10.pfb></usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmti10.pfb></usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmtt10.pfb>
|
||||
Output written on references.pdf (1 page, 74937 bytes).
|
||||
PDF statistics:
|
||||
33 PDF objects out of 1000 (max. 8388607)
|
||||
19 compressed objects within 1 object stream
|
||||
0 named destinations out of 1000 (max. 500000)
|
||||
1 words of extra memory for PDF output out of 10000 (max. 10000000)
|
||||
|
BIN
references/references.pdf
Normal file
85
references/references.run.xml
Normal file
@ -0,0 +1,85 @@
|
||||
<?xml version="1.0" standalone="yes"?>
|
||||
<!-- logreq request file -->
|
||||
<!-- logreq version 1.0 / dtd version 1.0 -->
|
||||
<!-- Do not edit this file! -->
|
||||
<!DOCTYPE requests [
|
||||
<!ELEMENT requests (internal | external)*>
|
||||
<!ELEMENT internal (generic, (provides | requires)*)>
|
||||
<!ELEMENT external (generic, cmdline?, input?, output?, (provides | requires)*)>
|
||||
<!ELEMENT cmdline (binary, (option | infile | outfile)*)>
|
||||
<!ELEMENT input (file)+>
|
||||
<!ELEMENT output (file)+>
|
||||
<!ELEMENT provides (file)+>
|
||||
<!ELEMENT requires (file)+>
|
||||
<!ELEMENT generic (#PCDATA)>
|
||||
<!ELEMENT binary (#PCDATA)>
|
||||
<!ELEMENT option (#PCDATA)>
|
||||
<!ELEMENT infile (#PCDATA)>
|
||||
<!ELEMENT outfile (#PCDATA)>
|
||||
<!ELEMENT file (#PCDATA)>
|
||||
<!ATTLIST requests
|
||||
version CDATA #REQUIRED
|
||||
>
|
||||
<!ATTLIST internal
|
||||
package CDATA #REQUIRED
|
||||
priority (9) #REQUIRED
|
||||
active (0 | 1) #REQUIRED
|
||||
>
|
||||
<!ATTLIST external
|
||||
package CDATA #REQUIRED
|
||||
priority (1 | 2 | 3 | 4 | 5 | 6 | 7 | 8) #REQUIRED
|
||||
active (0 | 1) #REQUIRED
|
||||
>
|
||||
<!ATTLIST provides
|
||||
type (static | dynamic | editable) #REQUIRED
|
||||
>
|
||||
<!ATTLIST requires
|
||||
type (static | dynamic | editable) #REQUIRED
|
||||
>
|
||||
<!ATTLIST file
|
||||
type CDATA #IMPLIED
|
||||
>
|
||||
]>
|
||||
<requests version="1.0">
|
||||
<internal package="biblatex" priority="9" active="0">
|
||||
<generic>latex</generic>
|
||||
<provides type="dynamic">
|
||||
<file>references.bcf</file>
|
||||
</provides>
|
||||
<requires type="dynamic">
|
||||
<file>references.bbl</file>
|
||||
</requires>
|
||||
<requires type="static">
|
||||
<file>blx-dm.def</file>
|
||||
<file>blx-compat.def</file>
|
||||
<file>biblatex.def</file>
|
||||
<file>standard.bbx</file>
|
||||
<file>numeric.bbx</file>
|
||||
<file>numeric.cbx</file>
|
||||
<file>biblatex.cfg</file>
|
||||
<file>english.lbx</file>
|
||||
</requires>
|
||||
</internal>
|
||||
<external package="biblatex" priority="5" active="0">
|
||||
<generic>biber</generic>
|
||||
<cmdline>
|
||||
<binary>biber</binary>
|
||||
<infile>references</infile>
|
||||
</cmdline>
|
||||
<input>
|
||||
<file>references.bcf</file>
|
||||
</input>
|
||||
<output>
|
||||
<file>references.bbl</file>
|
||||
</output>
|
||||
<provides type="dynamic">
|
||||
<file>references.bbl</file>
|
||||
</provides>
|
||||
<requires type="dynamic">
|
||||
<file>references.bcf</file>
|
||||
</requires>
|
||||
<requires type="editable">
|
||||
<file>references.bib</file>
|
||||
</requires>
|
||||
</external>
|
||||
</requests>
|
BIN
references/references.synctex.gz
Normal file
13
references/references.tex
Normal file
@ -0,0 +1,13 @@
|
||||
\documentclass{article}
|
||||
\usepackage[utf8]{inputenc}
|
||||
\usepackage[english]{babel}
|
||||
|
||||
\usepackage[backend=biber]{biblatex}
|
||||
\addbibresource{references.bib}
|
||||
|
||||
\begin{document}
|
||||
|
||||
\nocite{*}
|
||||
\printbibliography
|
||||
|
||||
\end{document}
|
@ -0,0 +1,96 @@
|
||||
\relax
|
||||
\abx@aux@refcontext{nty/global//global/global}
|
||||
\abx@aux@cite{0}{carlini2017evaluating}
|
||||
\abx@aux@segm{0}{0}{carlini2017evaluating}
|
||||
\abx@aux@cite{0}{szegedy2014intriguing}
|
||||
\abx@aux@segm{0}{0}{szegedy2014intriguing}
|
||||
\abx@aux@cite{0}{goodfellow2015explaining}
|
||||
\abx@aux@segm{0}{0}{goodfellow2015explaining}
|
||||
\abx@aux@cite{0}{goodfellow2015explaining}
|
||||
\abx@aux@segm{0}{0}{goodfellow2015explaining}
|
||||
\@writefile{toc}{\contentsline {section}{\numberline {1}Introduction}{2}{}\protected@file@percent }
|
||||
\@writefile{toc}{\contentsline {section}{\numberline {2}Approach and Background}{2}{}\protected@file@percent }
|
||||
\newlabel{sec:approach_background}{{2}{2}}
|
||||
\newlabel{eqn:fgsm}{{2}{2}}
|
||||
\abx@aux@cite{0}{goodfellow2016deep}
|
||||
\abx@aux@segm{0}{0}{goodfellow2016deep}
|
||||
\abx@aux@cite{0}{carlini2017evaluating}
|
||||
\abx@aux@segm{0}{0}{carlini2017evaluating}
|
||||
\@writefile{lof}{\contentsline {figure}{\numberline {1}{\ignorespaces Excerpts each dataset used with elements arranged by class\relax }}{3}{}\protected@file@percent }
|
||||
\providecommand*\caption@xref[2]{\@setref\relax\@undefined{#1}}
|
||||
\newlabel{fig:dataset_excerpts}{{1}{3}}
|
||||
\@writefile{toc}{\contentsline {section}{\numberline {3}Experimental Timeline}{3}{}\protected@file@percent }
|
||||
\newlabel{sec:exp_timeline}{{3}{3}}
|
||||
\abx@aux@cite{0}{ecma404}
|
||||
\abx@aux@segm{0}{0}{ecma404}
|
||||
\abx@aux@cite{0}{yu2019deep}
|
||||
\abx@aux@segm{0}{0}{yu2019deep}
|
||||
\abx@aux@cite{0}{simonyan2014very}
|
||||
\abx@aux@segm{0}{0}{simonyan2014very}
|
||||
\abx@aux@cite{0}{carlini2017evaluating}
|
||||
\abx@aux@segm{0}{0}{carlini2017evaluating}
|
||||
\abx@aux@cite{0}{ieee3129}
|
||||
\abx@aux@segm{0}{0}{ieee3129}
|
||||
\@writefile{lof}{\contentsline {figure}{\numberline {2}{\ignorespaces Simple block diagram of the proposed pipeline\relax }}{4}{}\protected@file@percent }
|
||||
\newlabel{fig:concept-overview}{{2}{4}}
|
||||
\@writefile{toc}{\contentsline {section}{\numberline {4}Constraints}{4}{}\protected@file@percent }
|
||||
\abx@aux@cite{0}{ieee3129}
|
||||
\abx@aux@segm{0}{0}{ieee3129}
|
||||
\abx@aux@cite{0}{ecma404}
|
||||
\abx@aux@segm{0}{0}{ecma404}
|
||||
\abx@aux@cite{0}{kuwahara1976processing}
|
||||
\abx@aux@segm{0}{0}{kuwahara1976processing}
|
||||
\@writefile{toc}{\contentsline {section}{\numberline {5}Applicable Engineering Standards}{5}{}\protected@file@percent }
|
||||
\@writefile{toc}{\contentsline {subsection}{\numberline {5.1}IEEE 3129-2023}{5}{}\protected@file@percent }
|
||||
\@writefile{toc}{\contentsline {subsection}{\numberline {5.2}ECMA-404}{5}{}\protected@file@percent }
|
||||
\@writefile{toc}{\contentsline {section}{\numberline {6}Alternative Filters}{5}{}\protected@file@percent }
|
||||
\@writefile{lof}{\contentsline {figure}{\numberline {3}{\ignorespaces The seven selected filters operating on a randomly selected sample from MNIST attacked with FGSM with $\epsilon =0.2$\relax }}{5}{}\protected@file@percent }
|
||||
\newlabel{fig:alternative_filters}{{3}{5}}
|
||||
\newlabel{eqn:rad_odd_strength}{{6}{5}}
|
||||
\@writefile{toc}{\contentsline {section}{\numberline {7}Results and Evaluation}{6}{}\protected@file@percent }
|
||||
\@writefile{lol}{\contentsline {lstlisting}{\numberline {1}{\ignorespaces Testing procedure overview}}{6}{}\protected@file@percent }
|
||||
\abx@aux@cite{0}{schapire1989strength}
|
||||
\abx@aux@segm{0}{0}{schapire1989strength}
|
||||
\@writefile{lof}{\contentsline {figure}{\numberline {4}{\ignorespaces The highest rank filter and its accuracy for each attack strength and filter strength\relax }}{7}{}\protected@file@percent }
|
||||
\newlabel{fig:filter_performances}{{4}{7}}
|
||||
\@writefile{toc}{\contentsline {section}{\numberline {8}Conclusions}{8}{}\protected@file@percent }
|
||||
\@writefile{toc}{\contentsline {section}{\numberline {9}Ethical Considerations and Impact Factors}{8}{}\protected@file@percent }
|
||||
\@writefile{toc}{\contentsline {subsection}{\numberline {9.1}Health and Safety Ethical Considerations}{8}{}\protected@file@percent }
|
||||
\@writefile{toc}{\contentsline {subsection}{\numberline {9.2}Heath and Safety Impact Factors}{8}{}\protected@file@percent }
|
||||
\@writefile{toc}{\contentsline {subsection}{\numberline {9.3}Social and Cultural Ethical Considerations}{8}{}\protected@file@percent }
|
||||
\@writefile{toc}{\contentsline {subsection}{\numberline {9.4}Social and Cultural Impact Factors}{8}{}\protected@file@percent }
|
||||
\abx@aux@cite{0}{carlini2017evaluating}
|
||||
\abx@aux@segm{0}{0}{carlini2017evaluating}
|
||||
\abx@aux@cite{0}{ieee3129}
|
||||
\abx@aux@segm{0}{0}{ieee3129}
|
||||
\@writefile{toc}{\contentsline {subsection}{\numberline {9.5}Environmental Ethical Considerations}{9}{}\protected@file@percent }
|
||||
\@writefile{toc}{\contentsline {subsection}{\numberline {9.6}Environmental Impact Factors}{9}{}\protected@file@percent }
|
||||
\@writefile{toc}{\contentsline {subsection}{\numberline {9.7}Economic and Financial Ethical Considerations}{9}{}\protected@file@percent }
|
||||
\@writefile{toc}{\contentsline {subsection}{\numberline {9.8}Economic and Financial Impact Factors}{9}{}\protected@file@percent }
|
||||
\@writefile{toc}{\contentsline {subsection}{\numberline {9.9}Generative AI Disclaimer}{9}{}\protected@file@percent }
|
||||
\@writefile{toc}{\contentsline {section}{\numberline {10}Key Takeaways}{9}{}\protected@file@percent }
|
||||
\@writefile{toc}{\contentsline {section}{\numberline {11}Future Work}{10}{}\protected@file@percent }
|
||||
\newlabel{sec:future_work}{{11}{10}}
|
||||
\@writefile{toc}{\contentsline {section}{\numberline {12}Acknowledgements}{10}{}\protected@file@percent }
|
||||
\@writefile{toc}{\contentsline {section}{\numberline {A}Additional Views of MNIST Results}{12}{}\protected@file@percent }
|
||||
\@writefile{lof}{\contentsline {figure}{\numberline {5}{\ignorespaces Performances for each filter with filter strength 1 on MNIST attacked with FGSM\relax }}{12}{}\protected@file@percent }
|
||||
\newlabel{fig:mnist_fgsm_strength1}{{5}{12}}
|
||||
\@writefile{lof}{\contentsline {figure}{\numberline {6}{\ignorespaces Performances for each filter with filter strength 4 on MNIST attacked with FGSM\relax }}{12}{}\protected@file@percent }
|
||||
\newlabel{fig:mnist_fgsm_strength4}{{6}{12}}
|
||||
\@writefile{toc}{\contentsline {section}{\numberline {B}Additional Views of CIFAR-10 Results}{13}{}\protected@file@percent }
|
||||
\@writefile{lof}{\contentsline {figure}{\numberline {7}{\ignorespaces Performances for each filter with filter strength 1 on CIFAR-10 attacked with FGSM\relax }}{13}{}\protected@file@percent }
|
||||
\newlabel{fig:mnist_fgsm_strength1}{{7}{13}}
|
||||
\@writefile{lof}{\contentsline {figure}{\numberline {8}{\ignorespaces Performances for each filter with filter strength 4 on CIFAR-10 attacked with FGSM\relax }}{13}{}\protected@file@percent }
|
||||
\newlabel{fig:mnist_fgsm_strength4}{{8}{13}}
|
||||
\abx@aux@read@bbl@mdfivesum{9BF6AC5F7471C86B73B3CF4964B65FD9}
|
||||
\abx@aux@defaultrefcontext{0}{carlini2017evaluating}{nty/global//global/global}
|
||||
\abx@aux@defaultrefcontext{0}{ecma404}{nty/global//global/global}
|
||||
\abx@aux@defaultrefcontext{0}{goodfellow2016deep}{nty/global//global/global}
|
||||
\abx@aux@defaultrefcontext{0}{goodfellow2015explaining}{nty/global//global/global}
|
||||
\abx@aux@defaultrefcontext{0}{ieee3129}{nty/global//global/global}
|
||||
\abx@aux@defaultrefcontext{0}{kuwahara1976processing}{nty/global//global/global}
|
||||
\abx@aux@defaultrefcontext{0}{schapire1989strength}{nty/global//global/global}
|
||||
\abx@aux@defaultrefcontext{0}{simonyan2014very}{nty/global//global/global}
|
||||
\abx@aux@defaultrefcontext{0}{szegedy2014intriguing}{nty/global//global/global}
|
||||
\abx@aux@defaultrefcontext{0}{yu2019deep}{nty/global//global/global}
|
||||
\gdef \@abspage@last{14}
|
@ -0,0 +1,360 @@
|
||||
% $ biblatex auxiliary file $
|
||||
% $ biblatex bbl format version 3.2 $
|
||||
% Do not modify the above lines!
|
||||
%
|
||||
% This is an auxiliary file used by the 'biblatex' package.
|
||||
% This file may safely be deleted. It will be recreated by
|
||||
% biber as required.
|
||||
%
|
||||
\begingroup
|
||||
\makeatletter
|
||||
\@ifundefined{ver@biblatex.sty}
|
||||
{\@latex@error
|
||||
{Missing 'biblatex' package}
|
||||
{The bibliography requires the 'biblatex' package.}
|
||||
\aftergroup\endinput}
|
||||
{}
|
||||
\endgroup
|
||||
|
||||
|
||||
\refsection{0}
|
||||
\datalist[entry]{nty/global//global/global}
|
||||
\entry{carlini2017evaluating}{misc}{}
|
||||
\name{author}{2}{}{%
|
||||
{{hash=93330b46aec6ec2750a8adced7fef821}{%
|
||||
family={Carlini},
|
||||
familyi={C\bibinitperiod},
|
||||
given={Nicholas},
|
||||
giveni={N\bibinitperiod}}}%
|
||||
{{hash=45a593fbd4e5b2f4d60199ccfdb4fe59}{%
|
||||
family={Wagner},
|
||||
familyi={W\bibinitperiod},
|
||||
given={David},
|
||||
giveni={D\bibinitperiod}}}%
|
||||
}
|
||||
\strng{namehash}{1841abd848ac2f8ced0f1b456d15ec8c}
|
||||
\strng{fullhash}{1841abd848ac2f8ced0f1b456d15ec8c}
|
||||
\strng{bibnamehash}{1841abd848ac2f8ced0f1b456d15ec8c}
|
||||
\strng{authorbibnamehash}{1841abd848ac2f8ced0f1b456d15ec8c}
|
||||
\strng{authornamehash}{1841abd848ac2f8ced0f1b456d15ec8c}
|
||||
\strng{authorfullhash}{1841abd848ac2f8ced0f1b456d15ec8c}
|
||||
\field{sortinit}{C}
|
||||
\field{sortinithash}{4d103a86280481745c9c897c925753c0}
|
||||
\field{labelnamesource}{author}
|
||||
\field{labeltitlesource}{title}
|
||||
\field{eprintclass}{cs.CR}
|
||||
\field{journaltitle}{arXiv}
|
||||
\field{title}{Towards Evaluating the Robustness of Neural Networks}
|
||||
\field{volume}{1608.04644}
|
||||
\field{year}{2017}
|
||||
\endentry
|
||||
\entry{ecma404}{misc}{}
|
||||
\name{author}{2}{}{%
|
||||
{{hash=e289d8e4f4648ab33fb5d884998637aa}{%
|
||||
family={Crockford},
|
||||
familyi={C\bibinitperiod},
|
||||
given={Douglas},
|
||||
giveni={D\bibinitperiod}}}%
|
||||
{{hash=9dd40e63e249cc624c24d112ca8c5001}{%
|
||||
family={Morningstar},
|
||||
familyi={M\bibinitperiod},
|
||||
given={Chip},
|
||||
giveni={C\bibinitperiod}}}%
|
||||
}
|
||||
\strng{namehash}{de315b7eb28bc313037a1538f8f0ac1b}
|
||||
\strng{fullhash}{de315b7eb28bc313037a1538f8f0ac1b}
|
||||
\strng{bibnamehash}{de315b7eb28bc313037a1538f8f0ac1b}
|
||||
\strng{authorbibnamehash}{de315b7eb28bc313037a1538f8f0ac1b}
|
||||
\strng{authornamehash}{de315b7eb28bc313037a1538f8f0ac1b}
|
||||
\strng{authorfullhash}{de315b7eb28bc313037a1538f8f0ac1b}
|
||||
\field{sortinit}{C}
|
||||
\field{sortinithash}{4d103a86280481745c9c897c925753c0}
|
||||
\field{labelnamesource}{author}
|
||||
\field{labeltitlesource}{title}
|
||||
\field{month}{12}
|
||||
\field{title}{Standard ECMA-404 The JSON Data Interchange Syntax}
|
||||
\field{year}{2017}
|
||||
\verb{doi}
|
||||
\verb 10.13140/RG.2.2.28181.14560
|
||||
\endverb
|
||||
\endentry
|
||||
\entry{goodfellow2016deep}{book}{}
|
||||
\name{author}{3}{}{%
|
||||
{{hash=5d2585c11210cf1d4512e6e0a03ec315}{%
|
||||
family={Goodfellow},
|
||||
familyi={G\bibinitperiod},
|
||||
given={Ian},
|
||||
giveni={I\bibinitperiod}}}%
|
||||
{{hash=40a8e4774982146adc2688546f54efb2}{%
|
||||
family={Bengio},
|
||||
familyi={B\bibinitperiod},
|
||||
given={Yoshua},
|
||||
giveni={Y\bibinitperiod}}}%
|
||||
{{hash=ccec1ccd2e1aa86960eb2e872c6b7020}{%
|
||||
family={Courville},
|
||||
familyi={C\bibinitperiod},
|
||||
given={Aaron},
|
||||
giveni={A\bibinitperiod}}}%
|
||||
}
|
||||
\list{publisher}{1}{%
|
||||
{MIT Press}%
|
||||
}
|
||||
\strng{namehash}{3ae53fe582e8a815b118d26947eaa326}
|
||||
\strng{fullhash}{3ae53fe582e8a815b118d26947eaa326}
|
||||
\strng{bibnamehash}{3ae53fe582e8a815b118d26947eaa326}
|
||||
\strng{authorbibnamehash}{3ae53fe582e8a815b118d26947eaa326}
|
||||
\strng{authornamehash}{3ae53fe582e8a815b118d26947eaa326}
|
||||
\strng{authorfullhash}{3ae53fe582e8a815b118d26947eaa326}
|
||||
\field{sortinit}{G}
|
||||
\field{sortinithash}{32d67eca0634bf53703493fb1090a2e8}
|
||||
\field{labelnamesource}{author}
|
||||
\field{labeltitlesource}{title}
|
||||
\field{note}{\url{http://www.deeplearningbook.org}}
|
||||
\field{title}{Deep Learning}
|
||||
\field{year}{2016}
|
||||
\endentry
|
||||
\entry{goodfellow2015explaining}{misc}{}
|
||||
\name{author}{3}{}{%
|
||||
{{hash=d4f74ef4c79f3bb1e51e378184d8850e}{%
|
||||
family={Goodfellow},
|
||||
familyi={G\bibinitperiod},
|
||||
given={Ian\bibnamedelima J.},
|
||||
giveni={I\bibinitperiod\bibinitdelim J\bibinitperiod}}}%
|
||||
{{hash=8f128e70084608a2c29c497ebd794f87}{%
|
||||
family={Shlens},
|
||||
familyi={S\bibinitperiod},
|
||||
given={Jonathon},
|
||||
giveni={J\bibinitperiod}}}%
|
||||
{{hash=ed568d9c3bb059e6bf22899fbf170f86}{%
|
||||
family={Szegedy},
|
||||
familyi={S\bibinitperiod},
|
||||
given={Christian},
|
||||
giveni={C\bibinitperiod}}}%
|
||||
}
|
||||
\strng{namehash}{07b2928cf9addb6cf2d09332e9d7ce18}
|
||||
\strng{fullhash}{07b2928cf9addb6cf2d09332e9d7ce18}
|
||||
\strng{bibnamehash}{07b2928cf9addb6cf2d09332e9d7ce18}
|
||||
\strng{authorbibnamehash}{07b2928cf9addb6cf2d09332e9d7ce18}
|
||||
\strng{authornamehash}{07b2928cf9addb6cf2d09332e9d7ce18}
|
||||
\strng{authorfullhash}{07b2928cf9addb6cf2d09332e9d7ce18}
|
||||
\field{sortinit}{G}
|
||||
\field{sortinithash}{32d67eca0634bf53703493fb1090a2e8}
|
||||
\field{labelnamesource}{author}
|
||||
\field{labeltitlesource}{title}
|
||||
\field{eprintclass}{stat.ML}
|
||||
\field{journaltitle}{arXiv}
|
||||
\field{title}{Explaining and Harnessing Adversarial Examples}
|
||||
\field{volume}{1412.6572}
|
||||
\field{year}{2015}
|
||||
\endentry
|
||||
\entry{ieee3129}{article}{}
|
||||
\field{sortinit}{I}
|
||||
\field{sortinithash}{8d291c51ee89b6cd86bf5379f0b151d8}
|
||||
\field{labeltitlesource}{title}
|
||||
\field{journaltitle}{IEEE Std 3129-2023}
|
||||
\field{title}{IEEE Standard for Robustness Testing and Evaluation of Artificial Intelligence (AI)-based Image Recognition Service}
|
||||
\field{year}{2023}
|
||||
\field{pages}{1\bibrangedash 34}
|
||||
\range{pages}{34}
|
||||
\verb{doi}
|
||||
\verb 10.1109/IEEESTD.2023.10141539
|
||||
\endverb
|
||||
\keyw{IEEE Standards;Robustness;Image recording;Testing;Artificial intelligence;Performance evaluation;adversarial attacks;artificial Intelligence-based services;assessment framework;common corruption;IEEE 3129;robustness}
|
||||
\endentry
|
||||
\entry{kuwahara1976processing}{article}{}
|
||||
\name{author}{4}{}{%
|
||||
{{hash=e077062b201f8062a843696e049f1d4c}{%
|
||||
family={Kuwahara},
|
||||
familyi={K\bibinitperiod},
|
||||
given={Michiyoshi},
|
||||
giveni={M\bibinitperiod}}}%
|
||||
{{hash=6705d5d1e6e98310b2573ef86932db43}{%
|
||||
family={Hachimura},
|
||||
familyi={H\bibinitperiod},
|
||||
given={Kozaburo},
|
||||
giveni={K\bibinitperiod}}}%
|
||||
{{hash=98ef475cc1e3b5074a936fa33f9f9779}{%
|
||||
family={Eiho},
|
||||
familyi={E\bibinitperiod},
|
||||
given={Shigeru},
|
||||
giveni={S\bibinitperiod}}}%
|
||||
{{hash=cc0ad21ec13c2ea4b0298461ba398f71}{%
|
||||
family={Kinoshita},
|
||||
familyi={K\bibinitperiod},
|
||||
given={Masato},
|
||||
giveni={M\bibinitperiod}}}%
|
||||
}
|
||||
\list{publisher}{1}{%
|
||||
{Springer}%
|
||||
}
|
||||
\strng{namehash}{a037d1ada4691c92e3038b8c35dd1687}
|
||||
\strng{fullhash}{3da0266797fdf6e191adf4724303264c}
|
||||
\strng{bibnamehash}{a037d1ada4691c92e3038b8c35dd1687}
|
||||
\strng{authorbibnamehash}{a037d1ada4691c92e3038b8c35dd1687}
|
||||
\strng{authornamehash}{a037d1ada4691c92e3038b8c35dd1687}
|
||||
\strng{authorfullhash}{3da0266797fdf6e191adf4724303264c}
|
||||
\field{sortinit}{K}
|
||||
\field{sortinithash}{c02bf6bff1c488450c352b40f5d853ab}
|
||||
\field{labelnamesource}{author}
|
||||
\field{labeltitlesource}{title}
|
||||
\field{journaltitle}{Digital processing of biomedical images}
|
||||
\field{title}{Processing of RI-angiocardiographic images}
|
||||
\field{year}{1976}
|
||||
\field{pages}{187\bibrangedash 202}
|
||||
\range{pages}{16}
|
||||
\endentry
|
||||
\entry{schapire1989strength}{inproceedings}{}
|
||||
\name{author}{1}{}{%
|
||||
{{hash=bd36be65806a94f14599091fa7ddc7d3}{%
|
||||
family={Schapire},
|
||||
familyi={S\bibinitperiod},
|
||||
given={R.E.},
|
||||
giveni={R\bibinitperiod}}}%
|
||||
}
|
||||
\strng{namehash}{bd36be65806a94f14599091fa7ddc7d3}
|
||||
\strng{fullhash}{bd36be65806a94f14599091fa7ddc7d3}
|
||||
\strng{bibnamehash}{bd36be65806a94f14599091fa7ddc7d3}
|
||||
\strng{authorbibnamehash}{bd36be65806a94f14599091fa7ddc7d3}
|
||||
\strng{authornamehash}{bd36be65806a94f14599091fa7ddc7d3}
|
||||
\strng{authorfullhash}{bd36be65806a94f14599091fa7ddc7d3}
|
||||
\field{sortinit}{S}
|
||||
\field{sortinithash}{b164b07b29984b41daf1e85279fbc5ab}
|
||||
\field{labelnamesource}{author}
|
||||
\field{labeltitlesource}{title}
|
||||
\field{booktitle}{30th Annual Symposium on Foundations of Computer Science}
|
||||
\field{title}{The strength of weak learnability}
|
||||
\field{year}{1989}
|
||||
\field{pages}{28\bibrangedash 33}
|
||||
\range{pages}{6}
|
||||
\verb{doi}
|
||||
\verb 10.1109/SFCS.1989.63451
|
||||
\endverb
|
||||
\keyw{Polynomials;Boosting;Laboratories;Computer science;Upper bound;Boolean functions;Filtering}
|
||||
\endentry
|
||||
\entry{simonyan2014very}{article}{}
|
||||
\name{author}{2}{}{%
|
||||
{{hash=9d16b7284df92c9adaee86c37ab992df}{%
|
||||
family={Simonyan},
|
||||
familyi={S\bibinitperiod},
|
||||
given={Karen},
|
||||
giveni={K\bibinitperiod}}}%
|
||||
{{hash=c72fc39e94030f67717052309266a44d}{%
|
||||
family={Zisserman},
|
||||
familyi={Z\bibinitperiod},
|
||||
given={Andrew},
|
||||
giveni={A\bibinitperiod}}}%
|
||||
}
|
||||
\strng{namehash}{25d2f3c4577a6632d37f0126cc781232}
|
||||
\strng{fullhash}{25d2f3c4577a6632d37f0126cc781232}
|
||||
\strng{bibnamehash}{25d2f3c4577a6632d37f0126cc781232}
|
||||
\strng{authorbibnamehash}{25d2f3c4577a6632d37f0126cc781232}
|
||||
\strng{authornamehash}{25d2f3c4577a6632d37f0126cc781232}
|
||||
\strng{authorfullhash}{25d2f3c4577a6632d37f0126cc781232}
|
||||
\field{sortinit}{S}
|
||||
\field{sortinithash}{b164b07b29984b41daf1e85279fbc5ab}
|
||||
\field{labelnamesource}{author}
|
||||
\field{labeltitlesource}{title}
|
||||
\field{journaltitle}{arXiv 1409.1556}
|
||||
\field{month}{09}
|
||||
\field{title}{Very Deep Convolutional Networks for Large-Scale Image Recognition}
|
||||
\field{year}{2014}
|
||||
\endentry
|
||||
\entry{szegedy2014intriguing}{misc}{}
|
||||
\name{author}{7}{}{%
|
||||
{{hash=ed568d9c3bb059e6bf22899fbf170f86}{%
|
||||
family={Szegedy},
|
||||
familyi={S\bibinitperiod},
|
||||
given={Christian},
|
||||
giveni={C\bibinitperiod}}}%
|
||||
{{hash=e9fec85bbce1b087a6ebefe26e73f7bf}{%
|
||||
family={Zaremba},
|
||||
familyi={Z\bibinitperiod},
|
||||
given={Wojciech},
|
||||
giveni={W\bibinitperiod}}}%
|
||||
{{hash=8d569d1d5b8b5a7836017a98b430f959}{%
|
||||
family={Sutskever},
|
||||
familyi={S\bibinitperiod},
|
||||
given={Ilya},
|
||||
giveni={I\bibinitperiod}}}%
|
||||
{{hash=c83b564e32475f10dcc91be7e66d3e81}{%
|
||||
family={Bruna},
|
||||
familyi={B\bibinitperiod},
|
||||
given={Joan},
|
||||
giveni={J\bibinitperiod}}}%
|
||||
{{hash=8bbc4c5d96f205bada839e74e0202146}{%
|
||||
family={Erhan},
|
||||
familyi={E\bibinitperiod},
|
||||
given={Dumitru},
|
||||
giveni={D\bibinitperiod}}}%
|
||||
{{hash=5d2585c11210cf1d4512e6e0a03ec315}{%
|
||||
family={Goodfellow},
|
||||
familyi={G\bibinitperiod},
|
||||
given={Ian},
|
||||
giveni={I\bibinitperiod}}}%
|
||||
{{hash=a6784304d1cc890b2cb6c6c7f2f3fd76}{%
|
||||
family={Fergus},
|
||||
familyi={F\bibinitperiod},
|
||||
given={Rob},
|
||||
giveni={R\bibinitperiod}}}%
|
||||
}
|
||||
\strng{namehash}{80f8e6bfc3aff3e75b2807a6f6962740}
|
||||
\strng{fullhash}{c8c3e9b8f095d055ce92294b35ff475c}
|
||||
\strng{bibnamehash}{80f8e6bfc3aff3e75b2807a6f6962740}
|
||||
\strng{authorbibnamehash}{80f8e6bfc3aff3e75b2807a6f6962740}
|
||||
\strng{authornamehash}{80f8e6bfc3aff3e75b2807a6f6962740}
|
||||
\strng{authorfullhash}{c8c3e9b8f095d055ce92294b35ff475c}
|
||||
\field{sortinit}{S}
|
||||
\field{sortinithash}{b164b07b29984b41daf1e85279fbc5ab}
|
||||
\field{labelnamesource}{author}
|
||||
\field{labeltitlesource}{title}
|
||||
\field{eprintclass}{cs.CV}
|
||||
\field{journaltitle}{arXiv}
|
||||
\field{title}{Intriguing properties of neural networks}
|
||||
\field{volume}{1312.6199}
|
||||
\field{year}{2014}
|
||||
\endentry
|
||||
\entry{yu2019deep}{misc}{}
|
||||
\name{author}{4}{}{%
|
||||
{{hash=7d644ffcde545cbf48ce06126689b74c}{%
|
||||
family={Yu},
|
||||
familyi={Y\bibinitperiod},
|
||||
given={Fisher},
|
||||
giveni={F\bibinitperiod}}}%
|
||||
{{hash=e7cf4cb73884dff2f3b4dcbb22c0e27d}{%
|
||||
family={Wang},
|
||||
familyi={W\bibinitperiod},
|
||||
given={Dequan},
|
||||
giveni={D\bibinitperiod}}}%
|
||||
{{hash=4ce499f8943cac7cba0a73388d289a2e}{%
|
||||
family={Shelhamer},
|
||||
familyi={S\bibinitperiod},
|
||||
given={Evan},
|
||||
giveni={E\bibinitperiod}}}%
|
||||
{{hash=90180e1a30742e0d15328bfe637c2ef4}{%
|
||||
family={Darrell},
|
||||
familyi={D\bibinitperiod},
|
||||
given={Trevor},
|
||||
giveni={T\bibinitperiod}}}%
|
||||
}
|
||||
\strng{namehash}{cc2a6fc8dcf01707f6150fb813b13113}
|
||||
\strng{fullhash}{1ac77bca64069bcc5cab294171bb674f}
|
||||
\strng{bibnamehash}{cc2a6fc8dcf01707f6150fb813b13113}
|
||||
\strng{authorbibnamehash}{cc2a6fc8dcf01707f6150fb813b13113}
|
||||
\strng{authornamehash}{cc2a6fc8dcf01707f6150fb813b13113}
|
||||
\strng{authorfullhash}{1ac77bca64069bcc5cab294171bb674f}
|
||||
\field{sortinit}{Y}
|
||||
\field{sortinithash}{fd67ad5a9ef0f7456bdd9aab10fe1495}
|
||||
\field{labelnamesource}{author}
|
||||
\field{labeltitlesource}{title}
|
||||
\field{eprintclass}{cs.CV}
|
||||
\field{journaltitle}{arXiv}
|
||||
\field{title}{Deep Layer Aggregation}
|
||||
\field{year}{2019}
|
||||
\verb{eprint}
|
||||
\verb 1707.06484
|
||||
\endverb
|
||||
\endentry
|
||||
\enddatalist
|
||||
\endrefsection
|
||||
\endinput
|
||||
|
@ -0,0 +1,325 @@
|
||||
% $ biblatex auxiliary file $
|
||||
% $ biblatex bbl format version 3.2 $
|
||||
% Do not modify the above lines!
|
||||
%
|
||||
% This is an auxiliary file used by the 'biblatex' package.
|
||||
% This file may safely be deleted. It will be recreated by
|
||||
% biber as required.
|
||||
%
|
||||
\begingroup
|
||||
\makeatletter
|
||||
\@ifundefined{ver@biblatex.sty}
|
||||
{\@latex@error
|
||||
{Missing 'biblatex' package}
|
||||
{The bibliography requires the 'biblatex' package.}
|
||||
\aftergroup\endinput}
|
||||
{}
|
||||
\endgroup
|
||||
|
||||
|
||||
\refsection{0}
|
||||
\datalist[entry]{nty/global//global/global}
|
||||
\entry{carlini2017evaluating}{misc}{}
|
||||
\name{author}{2}{}{%
|
||||
{{hash=93330b46aec6ec2750a8adced7fef821}{%
|
||||
family={Carlini},
|
||||
familyi={C\bibinitperiod},
|
||||
given={Nicholas},
|
||||
giveni={N\bibinitperiod}}}%
|
||||
{{hash=45a593fbd4e5b2f4d60199ccfdb4fe59}{%
|
||||
family={Wagner},
|
||||
familyi={W\bibinitperiod},
|
||||
given={David},
|
||||
giveni={D\bibinitperiod}}}%
|
||||
}
|
||||
\strng{namehash}{1841abd848ac2f8ced0f1b456d15ec8c}
|
||||
\strng{fullhash}{1841abd848ac2f8ced0f1b456d15ec8c}
|
||||
\strng{bibnamehash}{1841abd848ac2f8ced0f1b456d15ec8c}
|
||||
\strng{authorbibnamehash}{1841abd848ac2f8ced0f1b456d15ec8c}
|
||||
\strng{authornamehash}{1841abd848ac2f8ced0f1b456d15ec8c}
|
||||
\strng{authorfullhash}{1841abd848ac2f8ced0f1b456d15ec8c}
|
||||
\field{sortinit}{C}
|
||||
\field{sortinithash}{4d103a86280481745c9c897c925753c0}
|
||||
\field{labelnamesource}{author}
|
||||
\field{labeltitlesource}{title}
|
||||
\field{eprintclass}{cs.CR}
|
||||
\field{journaltitle}{arXiv}
|
||||
\field{title}{Towards Evaluating the Robustness of Neural Networks}
|
||||
\field{volume}{1608.04644}
|
||||
\field{year}{2017}
|
||||
\endentry
|
||||
\entry{ecma404}{misc}{}
|
||||
\name{author}{2}{}{%
|
||||
{{hash=e289d8e4f4648ab33fb5d884998637aa}{%
|
||||
family={Crockford},
|
||||
familyi={C\bibinitperiod},
|
||||
given={Douglas},
|
||||
giveni={D\bibinitperiod}}}%
|
||||
{{hash=9dd40e63e249cc624c24d112ca8c5001}{%
|
||||
family={Morningstar},
|
||||
familyi={M\bibinitperiod},
|
||||
given={Chip},
|
||||
giveni={C\bibinitperiod}}}%
|
||||
}
|
||||
\strng{namehash}{de315b7eb28bc313037a1538f8f0ac1b}
|
||||
\strng{fullhash}{de315b7eb28bc313037a1538f8f0ac1b}
|
||||
\strng{bibnamehash}{de315b7eb28bc313037a1538f8f0ac1b}
|
||||
\strng{authorbibnamehash}{de315b7eb28bc313037a1538f8f0ac1b}
|
||||
\strng{authornamehash}{de315b7eb28bc313037a1538f8f0ac1b}
|
||||
\strng{authorfullhash}{de315b7eb28bc313037a1538f8f0ac1b}
|
||||
\field{sortinit}{C}
|
||||
\field{sortinithash}{4d103a86280481745c9c897c925753c0}
|
||||
\field{labelnamesource}{author}
|
||||
\field{labeltitlesource}{title}
|
||||
\field{month}{12}
|
||||
\field{title}{Standard ECMA-404 The JSON Data Interchange Syntax}
|
||||
\field{year}{2017}
|
||||
\verb{doi}
|
||||
\verb 10.13140/RG.2.2.28181.14560
|
||||
\endverb
|
||||
\endentry
|
||||
\entry{goodfellow2015explaining}{misc}{}
|
||||
\name{author}{3}{}{%
|
||||
{{hash=d4f74ef4c79f3bb1e51e378184d8850e}{%
|
||||
family={Goodfellow},
|
||||
familyi={G\bibinitperiod},
|
||||
given={Ian\bibnamedelima J.},
|
||||
giveni={I\bibinitperiod\bibinitdelim J\bibinitperiod}}}%
|
||||
{{hash=8f128e70084608a2c29c497ebd794f87}{%
|
||||
family={Shlens},
|
||||
familyi={S\bibinitperiod},
|
||||
given={Jonathon},
|
||||
giveni={J\bibinitperiod}}}%
|
||||
{{hash=ed568d9c3bb059e6bf22899fbf170f86}{%
|
||||
family={Szegedy},
|
||||
familyi={S\bibinitperiod},
|
||||
given={Christian},
|
||||
giveni={C\bibinitperiod}}}%
|
||||
}
|
||||
\strng{namehash}{07b2928cf9addb6cf2d09332e9d7ce18}
|
||||
\strng{fullhash}{07b2928cf9addb6cf2d09332e9d7ce18}
|
||||
\strng{bibnamehash}{07b2928cf9addb6cf2d09332e9d7ce18}
|
||||
\strng{authorbibnamehash}{07b2928cf9addb6cf2d09332e9d7ce18}
|
||||
\strng{authornamehash}{07b2928cf9addb6cf2d09332e9d7ce18}
|
||||
\strng{authorfullhash}{07b2928cf9addb6cf2d09332e9d7ce18}
|
||||
\field{sortinit}{G}
|
||||
\field{sortinithash}{32d67eca0634bf53703493fb1090a2e8}
|
||||
\field{labelnamesource}{author}
|
||||
\field{labeltitlesource}{title}
|
||||
\field{eprintclass}{stat.ML}
|
||||
\field{journaltitle}{arXiv}
|
||||
\field{title}{Explaining and Harnessing Adversarial Examples}
|
||||
\field{volume}{1412.6572}
|
||||
\field{year}{2015}
|
||||
\endentry
|
||||
\entry{ieee3129}{article}{}
|
||||
\field{sortinit}{I}
|
||||
\field{sortinithash}{8d291c51ee89b6cd86bf5379f0b151d8}
|
||||
\field{labeltitlesource}{title}
|
||||
\field{journaltitle}{IEEE Std 3129-2023}
|
||||
\field{title}{IEEE Standard for Robustness Testing and Evaluation of Artificial Intelligence (AI)-based Image Recognition Service}
|
||||
\field{year}{2023}
|
||||
\field{pages}{1\bibrangedash 34}
|
||||
\range{pages}{34}
|
||||
\verb{doi}
|
||||
\verb 10.1109/IEEESTD.2023.10141539
|
||||
\endverb
|
||||
\keyw{IEEE Standards;Robustness;Image recording;Testing;Artificial intelligence;Performance evaluation;adversarial attacks;artificial Intelligence-based services;assessment framework;common corruption;IEEE 3129;robustness}
|
||||
\endentry
|
||||
\entry{kuwahara1976processing}{article}{}
|
||||
\name{author}{4}{}{%
|
||||
{{hash=e077062b201f8062a843696e049f1d4c}{%
|
||||
family={Kuwahara},
|
||||
familyi={K\bibinitperiod},
|
||||
given={Michiyoshi},
|
||||
giveni={M\bibinitperiod}}}%
|
||||
{{hash=6705d5d1e6e98310b2573ef86932db43}{%
|
||||
family={Hachimura},
|
||||
familyi={H\bibinitperiod},
|
||||
given={Kozaburo},
|
||||
giveni={K\bibinitperiod}}}%
|
||||
{{hash=98ef475cc1e3b5074a936fa33f9f9779}{%
|
||||
family={Eiho},
|
||||
familyi={E\bibinitperiod},
|
||||
given={Shigeru},
|
||||
giveni={S\bibinitperiod}}}%
|
||||
{{hash=cc0ad21ec13c2ea4b0298461ba398f71}{%
|
||||
family={Kinoshita},
|
||||
familyi={K\bibinitperiod},
|
||||
given={Masato},
|
||||
giveni={M\bibinitperiod}}}%
|
||||
}
|
||||
\list{publisher}{1}{%
|
||||
{Springer}%
|
||||
}
|
||||
\strng{namehash}{a037d1ada4691c92e3038b8c35dd1687}
|
||||
\strng{fullhash}{3da0266797fdf6e191adf4724303264c}
|
||||
\strng{bibnamehash}{a037d1ada4691c92e3038b8c35dd1687}
|
||||
\strng{authorbibnamehash}{a037d1ada4691c92e3038b8c35dd1687}
|
||||
\strng{authornamehash}{a037d1ada4691c92e3038b8c35dd1687}
|
||||
\strng{authorfullhash}{3da0266797fdf6e191adf4724303264c}
|
||||
\field{sortinit}{K}
|
||||
\field{sortinithash}{c02bf6bff1c488450c352b40f5d853ab}
|
||||
\field{labelnamesource}{author}
|
||||
\field{labeltitlesource}{title}
|
||||
\field{journaltitle}{Digital processing of biomedical images}
|
||||
\field{title}{Processing of RI-angiocardiographic images}
|
||||
\field{year}{1976}
|
||||
\field{pages}{187\bibrangedash 202}
|
||||
\range{pages}{16}
|
||||
\endentry
|
||||
\entry{schapire1989strength}{inproceedings}{}
|
||||
\name{author}{1}{}{%
|
||||
{{hash=bd36be65806a94f14599091fa7ddc7d3}{%
|
||||
family={Schapire},
|
||||
familyi={S\bibinitperiod},
|
||||
given={R.E.},
|
||||
giveni={R\bibinitperiod}}}%
|
||||
}
|
||||
\strng{namehash}{bd36be65806a94f14599091fa7ddc7d3}
|
||||
\strng{fullhash}{bd36be65806a94f14599091fa7ddc7d3}
|
||||
\strng{bibnamehash}{bd36be65806a94f14599091fa7ddc7d3}
|
||||
\strng{authorbibnamehash}{bd36be65806a94f14599091fa7ddc7d3}
|
||||
\strng{authornamehash}{bd36be65806a94f14599091fa7ddc7d3}
|
||||
\strng{authorfullhash}{bd36be65806a94f14599091fa7ddc7d3}
|
||||
\field{sortinit}{S}
|
||||
\field{sortinithash}{b164b07b29984b41daf1e85279fbc5ab}
|
||||
\field{labelnamesource}{author}
|
||||
\field{labeltitlesource}{title}
|
||||
\field{booktitle}{30th Annual Symposium on Foundations of Computer Science}
|
||||
\field{title}{The strength of weak learnability}
|
||||
\field{year}{1989}
|
||||
\field{pages}{28\bibrangedash 33}
|
||||
\range{pages}{6}
|
||||
\verb{doi}
|
||||
\verb 10.1109/SFCS.1989.63451
|
||||
\endverb
|
||||
\keyw{Polynomials;Boosting;Laboratories;Computer science;Upper bound;Boolean functions;Filtering}
|
||||
\endentry
|
||||
\entry{simonyan2014very}{article}{}
|
||||
\name{author}{2}{}{%
|
||||
{{hash=9d16b7284df92c9adaee86c37ab992df}{%
|
||||
family={Simonyan},
|
||||
familyi={S\bibinitperiod},
|
||||
given={Karen},
|
||||
giveni={K\bibinitperiod}}}%
|
||||
{{hash=c72fc39e94030f67717052309266a44d}{%
|
||||
family={Zisserman},
|
||||
familyi={Z\bibinitperiod},
|
||||
given={Andrew},
|
||||
giveni={A\bibinitperiod}}}%
|
||||
}
|
||||
\strng{namehash}{25d2f3c4577a6632d37f0126cc781232}
|
||||
\strng{fullhash}{25d2f3c4577a6632d37f0126cc781232}
|
||||
\strng{bibnamehash}{25d2f3c4577a6632d37f0126cc781232}
|
||||
\strng{authorbibnamehash}{25d2f3c4577a6632d37f0126cc781232}
|
||||
\strng{authornamehash}{25d2f3c4577a6632d37f0126cc781232}
|
||||
\strng{authorfullhash}{25d2f3c4577a6632d37f0126cc781232}
|
||||
\field{sortinit}{S}
|
||||
\field{sortinithash}{b164b07b29984b41daf1e85279fbc5ab}
|
||||
\field{labelnamesource}{author}
|
||||
\field{labeltitlesource}{title}
|
||||
\field{journaltitle}{arXiv 1409.1556}
|
||||
\field{month}{09}
|
||||
\field{title}{Very Deep Convolutional Networks for Large-Scale Image Recognition}
|
||||
\field{year}{2014}
|
||||
\endentry
|
||||
\entry{szegedy2014intriguing}{misc}{}
|
||||
\name{author}{7}{}{%
|
||||
{{hash=ed568d9c3bb059e6bf22899fbf170f86}{%
|
||||
family={Szegedy},
|
||||
familyi={S\bibinitperiod},
|
||||
given={Christian},
|
||||
giveni={C\bibinitperiod}}}%
|
||||
{{hash=e9fec85bbce1b087a6ebefe26e73f7bf}{%
|
||||
family={Zaremba},
|
||||
familyi={Z\bibinitperiod},
|
||||
given={Wojciech},
|
||||
giveni={W\bibinitperiod}}}%
|
||||
{{hash=8d569d1d5b8b5a7836017a98b430f959}{%
|
||||
family={Sutskever},
|
||||
familyi={S\bibinitperiod},
|
||||
given={Ilya},
|
||||
giveni={I\bibinitperiod}}}%
|
||||
{{hash=c83b564e32475f10dcc91be7e66d3e81}{%
|
||||
family={Bruna},
|
||||
familyi={B\bibinitperiod},
|
||||
given={Joan},
|
||||
giveni={J\bibinitperiod}}}%
|
||||
{{hash=8bbc4c5d96f205bada839e74e0202146}{%
|
||||
family={Erhan},
|
||||
familyi={E\bibinitperiod},
|
||||
given={Dumitru},
|
||||
giveni={D\bibinitperiod}}}%
|
||||
{{hash=5d2585c11210cf1d4512e6e0a03ec315}{%
|
||||
family={Goodfellow},
|
||||
familyi={G\bibinitperiod},
|
||||
given={Ian},
|
||||
giveni={I\bibinitperiod}}}%
|
||||
{{hash=a6784304d1cc890b2cb6c6c7f2f3fd76}{%
|
||||
family={Fergus},
|
||||
familyi={F\bibinitperiod},
|
||||
given={Rob},
|
||||
giveni={R\bibinitperiod}}}%
|
||||
}
|
||||
\strng{namehash}{80f8e6bfc3aff3e75b2807a6f6962740}
|
||||
\strng{fullhash}{c8c3e9b8f095d055ce92294b35ff475c}
|
||||
\strng{bibnamehash}{80f8e6bfc3aff3e75b2807a6f6962740}
|
||||
\strng{authorbibnamehash}{80f8e6bfc3aff3e75b2807a6f6962740}
|
||||
\strng{authornamehash}{80f8e6bfc3aff3e75b2807a6f6962740}
|
||||
\strng{authorfullhash}{c8c3e9b8f095d055ce92294b35ff475c}
|
||||
\field{sortinit}{S}
|
||||
\field{sortinithash}{b164b07b29984b41daf1e85279fbc5ab}
|
||||
\field{labelnamesource}{author}
|
||||
\field{labeltitlesource}{title}
|
||||
\field{eprintclass}{cs.CV}
|
||||
\field{journaltitle}{arXiv}
|
||||
\field{title}{Intriguing properties of neural networks}
|
||||
\field{volume}{1312.6199}
|
||||
\field{year}{2014}
|
||||
\endentry
|
||||
\entry{yu2019deep}{misc}{}
|
||||
\name{author}{4}{}{%
|
||||
{{hash=7d644ffcde545cbf48ce06126689b74c}{%
|
||||
family={Yu},
|
||||
familyi={Y\bibinitperiod},
|
||||
given={Fisher},
|
||||
giveni={F\bibinitperiod}}}%
|
||||
{{hash=e7cf4cb73884dff2f3b4dcbb22c0e27d}{%
|
||||
family={Wang},
|
||||
familyi={W\bibinitperiod},
|
||||
given={Dequan},
|
||||
giveni={D\bibinitperiod}}}%
|
||||
{{hash=4ce499f8943cac7cba0a73388d289a2e}{%
|
||||
family={Shelhamer},
|
||||
familyi={S\bibinitperiod},
|
||||
given={Evan},
|
||||
giveni={E\bibinitperiod}}}%
|
||||
{{hash=90180e1a30742e0d15328bfe637c2ef4}{%
|
||||
family={Darrell},
|
||||
familyi={D\bibinitperiod},
|
||||
given={Trevor},
|
||||
giveni={T\bibinitperiod}}}%
|
||||
}
|
||||
\strng{namehash}{cc2a6fc8dcf01707f6150fb813b13113}
|
||||
\strng{fullhash}{1ac77bca64069bcc5cab294171bb674f}
|
||||
\strng{bibnamehash}{cc2a6fc8dcf01707f6150fb813b13113}
|
||||
\strng{authorbibnamehash}{cc2a6fc8dcf01707f6150fb813b13113}
|
||||
\strng{authornamehash}{cc2a6fc8dcf01707f6150fb813b13113}
|
||||
\strng{authorfullhash}{1ac77bca64069bcc5cab294171bb674f}
|
||||
\field{sortinit}{Y}
|
||||
\field{sortinithash}{fd67ad5a9ef0f7456bdd9aab10fe1495}
|
||||
\field{labelnamesource}{author}
|
||||
\field{labeltitlesource}{title}
|
||||
\field{eprintclass}{cs.CV}
|
||||
\field{journaltitle}{arXiv}
|
||||
\field{title}{Deep Layer Aggregation}
|
||||
\field{year}{2019}
|
||||
\verb{eprint}
|
||||
\verb 1707.06484
|
||||
\endverb
|
||||
\endentry
|
||||
\enddatalist
|
||||
\endrefsection
|
||||
\endinput
|
||||
|
@ -0,0 +1,15 @@
|
||||
[0] Config.pm:307> INFO - This is Biber 2.19
|
||||
[0] Config.pm:310> INFO - Logfile is 'Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.blg'
|
||||
[77] biber:340> INFO - === Sat May 11, 2024, 14:28:39
|
||||
[92] Biber.pm:419> INFO - Reading 'Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.bcf'
|
||||
[154] Biber.pm:979> INFO - Found 10 citekeys in bib section 0
|
||||
[170] Biber.pm:4419> INFO - Processing section 0
|
||||
[180] Biber.pm:4610> INFO - Looking for bibtex file 'references.bib' for section 0
|
||||
[190] bibtex.pm:1713> INFO - LaTeX decoding ...
|
||||
[199] bibtex.pm:1519> INFO - Found BibTeX data source 'references.bib'
|
||||
[297] UCollate.pm:68> INFO - Overriding locale 'en-US' defaults 'variable = shifted' with 'variable = non-ignorable'
|
||||
[297] UCollate.pm:68> INFO - Overriding locale 'en-US' defaults 'normalization = NFD' with 'normalization = prenormalized'
|
||||
[297] Biber.pm:4239> INFO - Sorting list 'nty/global//global/global' of type 'entry' with template 'nty' and locale 'en-US'
|
||||
[297] Biber.pm:4245> INFO - No sort tailoring available for locale 'en-US'
|
||||
[306] bbl.pm:660> INFO - Writing 'Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.bbl' with encoding 'UTF-8'
|
||||
[309] bbl.pm:763> INFO - Output to Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.bbl
|
@ -0,0 +1,149 @@
|
||||
# Fdb version 4
|
||||
["biber Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar"] 1715452119.28702 "Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.bcf" "Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.bbl" "Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar" 1715469651.47844 0
|
||||
"Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.bcf" 1715469651.37563 108921 6820876556521df27b59f0d479a70cf7 "pdflatex"
|
||||
"references.bib" 1715404651.38054 2956 732703545485ef32f8dba6d55b81c8ac ""
|
||||
(generated)
|
||||
"Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.bbl"
|
||||
"Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.blg"
|
||||
(rewritten before read)
|
||||
["pdflatex"] 1715469649.0722 "Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.tex" "Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.pdf" "Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar" 1715469651.47884 0
|
||||
"../examples/bilateral_filter_eps_0.2.png" 1714589885.31582 19297 a377e84c1b2287303d66a65095c4f66f ""
|
||||
"../examples/bit_depth_eps_0.2.png" 1714589885.31582 17392 8fbda7f34c4a1b766481d7448d6c6a6d ""
|
||||
"../examples/gaussian_blur_eps_0.2.png" 1714589885.31682 20939 b8f00f2cf22ad296bc257cef04fbd329 ""
|
||||
"../examples/gaussian_kuwahara_eps_0.2.png" 1714589885.31682 24613 40ffc963acce3b07a9ae332bbda1b96a ""
|
||||
"../examples/mean_kuwahara_eps_0.2.png" 1714589885.31682 22802 40baccf677bc3568b40aa6cc2e8129fa ""
|
||||
"../examples/pseudocode.py" 1715298588.97525 593 1df67f3e89331a32b1b0d665c8def003 ""
|
||||
"../examples/random_noise_eps_0.2.png" 1714589885.31682 24314 c5738d11c496c013f543d0ceca6f4c76 ""
|
||||
"../examples/threshold_eps_0.2.png" 1714589885.31682 17748 16fe06b182d4b12cd0ff0db1f22818cc ""
|
||||
"../examples/unfiltered_eps_0.2.png" 1714589885.31782 17055 9bd4320ffca5bddf882ef20a12722551 ""
|
||||
"../poster/CIFAR-10_excerpt.png" 1715390814.37055 225943 68ee413abe2c512ff9a7dbbf32192933 ""
|
||||
"../poster/Concept.png" 1714589885.34182 49562 1f25e2373f82dec47edf226266717baf ""
|
||||
"../poster/MNIST_excerpt.png" 1715390802.80857 13965 76c7545efc248683798ae505d9525d07 ""
|
||||
"../results/CIFAR-10_FGSM_3d.png" 1714589885.68882 171512 62693c4d9adfd475017080143dadb6c4 ""
|
||||
"../results/CIFAR-10_FGSM_line_strength1.png" 1715405918.24979 108521 810050b2be240ec1650e04c5ef2d3bc6 ""
|
||||
"../results/CIFAR-10_FGSM_line_strength4.png" 1715405938.41475 99784 2e1f739f81b6ae35fb26cf0b2935be57 ""
|
||||
"../results/MNIST_FGSM_3d_new.png" 1714589885.70382 174972 e032c9953482469a5639e79b7085256e ""
|
||||
"../results/MNIST_FGSM_line_strength1.png" 1715376687.87043 133036 9303bd76a3caab8c478882bf5619e2d4 ""
|
||||
"../results/MNIST_FGSM_line_strength4.png" 1715374256.82344 136901 da7f401a87183eddbc433cc6081bad6e ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/map/fontname/texfonts.map" 1577235249 3524 cb3e574dea2d1052e39280babc910dc8 ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/tfm/public/amsfonts/cmextra/cmbsy5.tfm" 1246382020 1120 1e8878807317373affa7f7bba4cf2f6a ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/tfm/public/amsfonts/cmextra/cmbsy6.tfm" 1246382020 1124 14ccf5552bc7f77ca02a8a402bea8bfb ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/tfm/public/amsfonts/cmextra/cmbsy7.tfm" 1246382020 1120 7f9f170e8aa57527ad6c49feafd45d54 ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/tfm/public/amsfonts/cmextra/cmbsy8.tfm" 1246382020 1120 200be8b775682cdf80acad4be5ef57e4 ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/tfm/public/amsfonts/cmextra/cmex7.tfm" 1246382020 1004 54797486969f23fa377b128694d548df ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/tfm/public/amsfonts/cmextra/cmex8.tfm" 1246382020 988 bdf658c3bfc2d96d3c8b02cfc1c94c20 ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/tfm/public/amsfonts/cmextra/cmmib5.tfm" 1246382020 1496 c79f6914c6d39ffb3759967363d1be79 ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/tfm/public/amsfonts/cmextra/cmmib6.tfm" 1246382020 1516 a3bf6a5e7ec4401b1f52092dfaaed242 ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/tfm/public/amsfonts/cmextra/cmmib7.tfm" 1246382020 1508 6e807ff901c35a5f1fde0ca275533df8 ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/tfm/public/amsfonts/cmextra/cmmib8.tfm" 1246382020 1528 dab402b9d3774ca98baa037071cee7ae ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmbsy10.tfm" 1136768653 1116 4e6ba9d7914baa6482fd69f67d126380 ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmbx10.tfm" 1136768653 1328 c834bbb027764024c09d3d2bf908b5f0 ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmbx12.tfm" 1136768653 1324 c910af8c371558dc20f2d7822f66fe64 ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmbx5.tfm" 1136768653 1332 f817c21a1ba54560425663374f1b651a ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmbx6.tfm" 1136768653 1344 8a0be4fe4d376203000810ad4dc81558 ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmbx7.tfm" 1136768653 1336 3125ccb448c1a09074e3aa4a9832f130 ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmbx8.tfm" 1136768653 1332 1fde11373e221473104d6cc5993f046e ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmbx9.tfm" 1136768653 1328 5442e22a7072966dbaf88ca900acf3f0 ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmcsc10.tfm" 1136768653 1300 63a6111ee6274895728663cf4b4e7e81 ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmex10.tfm" 1136768653 992 662f679a0b3d2d53c1b94050fdaa3f50 ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmmi12.tfm" 1136768653 1524 4414a8315f39513458b80dfc63bff03a ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmmi6.tfm" 1136768653 1512 f21f83efb36853c0b70002322c1ab3ad ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmmi8.tfm" 1136768653 1520 eccf95517727cb11801f4f1aee3a21b4 ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmmib10.tfm" 1136768653 1524 554068197b70979a55370e6c6495f441 ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmr12.tfm" 1136768653 1288 655e228510b4c2a1abe905c368440826 ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmr17.tfm" 1136768653 1292 296a67155bdbfc32aa9c636f21e91433 ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmr6.tfm" 1136768653 1300 b62933e007d01cfd073f79b963c01526 ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmr8.tfm" 1136768653 1292 21c1c5bfeaebccffdb478fd231a0997d ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmr9.tfm" 1136768653 1292 6b21b9c2c7bebb38aa2273f7ca0fb3af ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmsy10.tfm" 1136768653 1124 6c73e740cf17375f03eec0ee63599741 ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmsy6.tfm" 1136768653 1116 933a60c408fc0a863a92debe84b2d294 ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmsy8.tfm" 1136768653 1120 8b7d695260f3cff42e636090a8002094 ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmti10.tfm" 1136768653 1480 aa8e34af0eb6a2941b776984cf1dfdc4 ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmtt10.tfm" 1136768653 768 1321e9409b4137d6fb428ac9dc956269 ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmbx10.pfb" 1248133631 34811 78b52f49e893bcba91bd7581cdc144c0 ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmbx12.pfb" 1248133631 32080 340ef9bf63678554ee606688e7b5339d ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmbx9.pfb" 1248133631 32298 c6d25bb16d1eac01ebdc6d7084126a1e ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmcsc10.pfb" 1248133631 32001 6aeea3afe875097b1eb0da29acd61e28 ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmmi10.pfb" 1248133631 36299 5f9df58c2139e7edcf37c8fca4bd384d ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmmi7.pfb" 1248133631 36281 c355509802a035cadc5f15869451dcee ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmmib10.pfb" 1248133631 36912 b448ef9ad9d7228ec3c6e71005136d55 ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmr10.pfb" 1248133631 35752 024fb6c41858982481f6968b5fc26508 ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmr12.pfb" 1248133631 32722 d7379af29a190c3f453aba36302ff5a9 ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmr17.pfb" 1248133631 32362 179c33bbf43f19adbb3825bb4e36e57a ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmr7.pfb" 1248133631 32762 224316ccc9ad3ca0423a14971cfa7fc1 ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmr9.pfb" 1248133631 33993 9b89b85fd2d9df0482bd47194d1d3bf3 ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmsy10.pfb" 1248133631 32569 5e5ddc8df908dea60932f3c484a54c0d ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmsy7.pfb" 1248133631 32716 08e384dc442464e7285e891af9f45947 ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmti10.pfb" 1248133631 37944 359e864bd06cde3b1cf57bb20757fb06 ""
|
||||
"/usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmtt10.pfb" 1248133631 31099 c85edf1dd5b9e826d67c9c7293b6786c ""
|
||||
"/usr/share/texlive/texmf-dist/tex/context/base/mkii/supp-pdf.mkii" 1689984000 71627 94eb9990bed73c364d7f53f960cc8c5b ""
|
||||
"/usr/share/texlive/texmf-dist/tex/generic/iftex/iftex.sty" 1644112042 7237 bdd120a32c8fdb4b433cf9ca2e7cd98a ""
|
||||
"/usr/share/texlive/texmf-dist/tex/generic/iftex/ifvtex.sty" 1572645307 1057 525c2192b5febbd8c1f662c9468335bb ""
|
||||
"/usr/share/texlive/texmf-dist/tex/generic/infwarerr/infwarerr.sty" 1575499628 8356 7bbb2c2373aa810be568c29e333da8ed ""
|
||||
"/usr/share/texlive/texmf-dist/tex/generic/kvdefinekeys/kvdefinekeys.sty" 1576878844 5412 d5a2436094cd7be85769db90f29250a6 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/generic/ltxcmds/ltxcmds.sty" 1600895880 17859 4409f8f50cd365c68e684407e5350b1b ""
|
||||
"/usr/share/texlive/texmf-dist/tex/generic/pdftexcmds/pdftexcmds.sty" 1593379760 20089 80423eac55aa175305d35b49e04fe23b ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/amsmath/amsbsy.sty" 1654720880 2222 78b930a5a6e3dc2ac69b78c2057b94d7 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/amsmath/amsgen.sty" 1654720880 4173 c989ee3ced31418e3593916ab26c793a ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/amsmath/amsmath.sty" 1654720880 88393 1adf6fa3f245270d06e3d4f8910f7fc5 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/amsmath/amsopn.sty" 1654720880 4474 f04cd1cc7bd76eb033e6fb12eb6a0d77 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/amsmath/amstext.sty" 1654720880 2444 70065bddd85997dc1fd0bb7ae634e5fa ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/appendix/appendix.sty" 1581200180 8878 d9f65b39ca82f1d70030390eca653b1c ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/base/article.cls" 1689984000 20144 d5ecf0a5140c8d8d8b72cbe86e320eff ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/base/ifthen.sty" 1689984000 5319 48d7f3cfa322abd2788e3c09d624b922 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/base/omscmr.fd" 1689984000 2469 24e8437abfd2393aed5f0ac9f00f801e ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/base/size10.clo" 1689984000 8448 c33a4e1cb35cee9b33c2b21033b73e39 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/biblatex/bbx/numeric.bbx" 1609451401 1818 9ed166ac0a9204a8ebe450ca09db5dde ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/biblatex/bbx/standard.bbx" 1609451401 25680 409c3f3d570418bc545e8065bebd0688 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.cfg" 1342308459 69 249fa6df04d948e51b6d5c67bea30c42 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.def" 1678141846 92527 8f6b3a677f74ea525477a813f33c4e65 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.sty" 1678141846 528517 7eed285c714f532e12ae48b360c080f8 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-case-expl3.sty" 1609451401 8433 72f8188742e7214b7068f345cd0287ac ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-compat.def" 1643926307 13919 5426dbe90e723f089052b4e908b56ef9 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-dm.def" 1643926307 32455 8d3e554836db11aab80a8e11be62e1b1 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/biblatex/cbx/numeric.cbx" 1678141846 4629 cda468e8a0b1cfa0f61872e171037a4b ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/biblatex/lbx/english.lbx" 1643926307 39965 48ce9ce3350aba9457f1020b1deba5cf ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/caption/caption.sty" 1678653221 55778 14d5c99aa26410e440820bb9ea5b8b3a ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/caption/caption3.sty" 1678653221 71836 1a735454ad10692452eb2f2fc37f3865 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/caption/subcaption.sty" 1678653221 12462 ecf33913ce1e8012075d24e1f47f0d9b ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/epstopdf-pkg/epstopdf-base.sty" 1579991033 13886 d1306dcf79a944f6988e688c1785f9ce ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/etoolbox/etoolbox.sty" 1601931149 46845 3b58f70c6e861a13d927bff09d35ecbc ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/float/float.sty" 1137110151 6749 16d2656a1984957e674b149555f1ea1d ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/geometry/geometry.sty" 1578002852 41601 9cf6c5257b1bc7af01a58859749dd37a ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/graphics-cfg/graphics.cfg" 1465944070 1224 978390e9c2234eab29404bc21b268d1e ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/graphics-def/pdftex.def" 1663965824 19448 1e988b341dda20961a6b931bcde55519 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/graphics/graphics.sty" 1654720880 18387 8f900a490197ebaf93c02ae9476d4b09 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/graphics/graphicx.sty" 1654720880 8010 a8d949cbdbc5c983593827c9eec252e1 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/graphics/keyval.sty" 1654720880 2671 7e67d78d9b88c845599a85b2d41f2e39 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/graphics/trig.sty" 1654720880 4023 293ea1c16429fc0c4cf605f4da1791a9 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/grfext/grfext.sty" 1575499774 7133 b94bbacbee6e4fdccdc7f810b2aec370 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/kvoptions/kvoptions.sty" 1655478651 22555 6d8e155cfef6d82c3d5c742fea7c992e ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/kvsetkeys/kvsetkeys.sty" 1665067230 13815 760b0c02f691ea230f5359c4e1de23a7 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/l3backend/l3backend-pdftex.def" 1673989714 30429 213676d4c7327a21d91ddaed900e7b81 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/l3kernel/expl3.sty" 1677186603 6107 5cfea8a675c58918b8c04be10261e48c ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/l3packages/xparse/xparse.sty" 1675461949 6812 3c152a1c8d562d7b7291c4839b61a5c3 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/latexconfig/epstopdf-sys.cfg" 1279039959 678 4792914a8f45be57bb98413425e4c7af ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/listings/listings.cfg" 1677530001 1829 d8258b7d94f5f955e70c623e525f9f45 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/listings/listings.sty" 1677530001 80947 75a96bb4c9f40ae31d54a01d924df2ff ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/listings/lstlang1.sty" 1677530001 205154 31132370016e8c97e49bc3862419679b ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/listings/lstmisc.sty" 1677530001 77021 d05e9115c67855816136d82929db8892 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/logreq/logreq.def" 1284153563 1620 fb1c32b818f2058eca187e5c41dfae77 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/logreq/logreq.sty" 1284153563 6187 b27afc771af565d3a9ff1ca7d16d0d46 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/tools/bm.sty" 1654720880 13231 b52297489a0e9d929aae403417d92a02 ""
|
||||
"/usr/share/texlive/texmf-dist/tex/latex/url/url.sty" 1388531844 12796 8edb7d69a20b857904dd0ea757c14ec9 ""
|
||||
"/usr/share/texlive/texmf-dist/web2c/texmf.cnf" 1689984000 40900 887e0dc8cac988a9e9c574af364cf837 ""
|
||||
"/var/lib/texmf/fonts/map/pdftex/updmap/pdftex.map" 1705885142.27725 4602615 ac1019cb4c4ba39710c2cf7f752b378d ""
|
||||
"/var/lib/texmf/web2c/pdftex/pdflatex.fmt" 1715441823 7871986 49831ca64e8868b85935ca2a969d18f1 ""
|
||||
"Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.aux" 1715469651.37363 7290 57452a6170a517a7a574c82201992b31 "pdflatex"
|
||||
"Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.bbl" 1715452120.22387 14072 9bf6ac5f7471c86b73b3cf4964b65fd9 "biber Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar"
|
||||
"Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.run.xml" 1715469651.37663 2809 f4f54a2692c91e06b589c996b2bb321b "pdflatex"
|
||||
"Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.tex" 1715469624.76728 30234 682006c047f8c209ed8e8cbd309d21a1 ""
|
||||
"Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.toc" 1715469651.37663 1877 eed594d04747640f866b7bbf9a508b00 "pdflatex"
|
||||
(generated)
|
||||
"Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.aux"
|
||||
"Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.bcf"
|
||||
"Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.log"
|
||||
"Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.pdf"
|
||||
"Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.run.xml"
|
||||
"Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.toc"
|
||||
(rewritten before read)
|
@ -0,0 +1,664 @@
|
||||
PWD /home/sharpe/Documents/Rowan/Rowan-Projects/Adversarial-Machine-Learning-Clinic/report
|
||||
INPUT /usr/share/texlive/texmf-dist/web2c/texmf.cnf
|
||||
INPUT /usr/share/texlive/texmf-dist/web2c/texmf.cnf
|
||||
INPUT /var/lib/texmf/web2c/pdftex/pdflatex.fmt
|
||||
INPUT Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.tex
|
||||
OUTPUT Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.log
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/article.cls
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/article.cls
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/article.cls
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/article.cls
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/article.cls
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/article.cls
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/article.cls
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/article.cls
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/article.cls
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/article.cls
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/article.cls
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/size10.clo
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/size10.clo
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/size10.clo
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/size10.clo
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/graphicx.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/graphicx.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/graphicx.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/graphicx.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/graphicx.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/graphicx.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/graphicx.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/graphicx.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/graphicx.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/graphicx.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/graphicx.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/keyval.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/keyval.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/keyval.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/keyval.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/keyval.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/keyval.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/keyval.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/keyval.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/keyval.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/keyval.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/keyval.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/graphics.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/graphics.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/graphics.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/graphics.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/graphics.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/graphics.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/graphics.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/graphics.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/graphics.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/graphics.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/graphics.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/trig.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/trig.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/trig.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/trig.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/trig.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/trig.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/trig.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/trig.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/trig.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/trig.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/trig.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics-cfg/graphics.cfg
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics-cfg/graphics.cfg
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics-cfg/graphics.cfg
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics-cfg/graphics.cfg
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics-def/pdftex.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics-def/pdftex.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics-def/pdftex.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics-def/pdftex.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/float/float.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/float/float.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/float/float.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/float/float.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/float/float.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/float/float.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/float/float.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/float/float.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/float/float.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/float/float.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/float/float.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/geometry/geometry.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/geometry/geometry.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/geometry/geometry.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/geometry/geometry.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/geometry/geometry.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/geometry/geometry.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/geometry/geometry.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/geometry/geometry.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/geometry/geometry.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/geometry/geometry.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/geometry/geometry.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/keyval.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/iftex/ifvtex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/iftex/ifvtex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/iftex/ifvtex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/iftex/ifvtex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/iftex/ifvtex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/iftex/ifvtex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/iftex/ifvtex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/iftex/ifvtex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/iftex/ifvtex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/iftex/ifvtex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/iftex/ifvtex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/iftex/iftex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/iftex/iftex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/iftex/iftex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/iftex/iftex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/iftex/iftex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/iftex/iftex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/iftex/iftex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/iftex/iftex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/iftex/iftex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/iftex/iftex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/iftex/iftex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/pdftexcmds/pdftexcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/pdftexcmds/pdftexcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/pdftexcmds/pdftexcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/pdftexcmds/pdftexcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/pdftexcmds/pdftexcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/pdftexcmds/pdftexcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/pdftexcmds/pdftexcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/pdftexcmds/pdftexcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/pdftexcmds/pdftexcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/pdftexcmds/pdftexcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/pdftexcmds/pdftexcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/infwarerr/infwarerr.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/infwarerr/infwarerr.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/infwarerr/infwarerr.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/infwarerr/infwarerr.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/infwarerr/infwarerr.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/infwarerr/infwarerr.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/infwarerr/infwarerr.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/infwarerr/infwarerr.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/infwarerr/infwarerr.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/infwarerr/infwarerr.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/infwarerr/infwarerr.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/iftex/iftex.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/ltxcmds/ltxcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/ltxcmds/ltxcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/ltxcmds/ltxcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/ltxcmds/ltxcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/ltxcmds/ltxcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/ltxcmds/ltxcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/ltxcmds/ltxcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/ltxcmds/ltxcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/ltxcmds/ltxcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/ltxcmds/ltxcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/ltxcmds/ltxcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/etoolbox/etoolbox.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/etoolbox/etoolbox.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/etoolbox/etoolbox.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/etoolbox/etoolbox.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/etoolbox/etoolbox.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/etoolbox/etoolbox.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/etoolbox/etoolbox.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/etoolbox/etoolbox.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/etoolbox/etoolbox.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/etoolbox/etoolbox.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/etoolbox/etoolbox.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/keyval.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvoptions/kvoptions.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvoptions/kvoptions.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvoptions/kvoptions.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvoptions/kvoptions.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvoptions/kvoptions.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvoptions/kvoptions.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvoptions/kvoptions.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvoptions/kvoptions.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvoptions/kvoptions.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvoptions/kvoptions.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvoptions/kvoptions.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/ltxcmds/ltxcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvsetkeys/kvsetkeys.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvsetkeys/kvsetkeys.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvsetkeys/kvsetkeys.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvsetkeys/kvsetkeys.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvsetkeys/kvsetkeys.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvsetkeys/kvsetkeys.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvsetkeys/kvsetkeys.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvsetkeys/kvsetkeys.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvsetkeys/kvsetkeys.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvsetkeys/kvsetkeys.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvsetkeys/kvsetkeys.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/logreq/logreq.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/logreq/logreq.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/logreq/logreq.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/logreq/logreq.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/logreq/logreq.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/logreq/logreq.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/logreq/logreq.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/logreq/logreq.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/logreq/logreq.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/logreq/logreq.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/logreq/logreq.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/etoolbox/etoolbox.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/keyval.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/logreq/logreq.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/logreq/logreq.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/logreq/logreq.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/logreq/logreq.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/ifthen.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/ifthen.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/ifthen.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/ifthen.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/ifthen.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/ifthen.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/ifthen.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/ifthen.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/ifthen.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/ifthen.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/ifthen.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/url/url.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/url/url.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/url/url.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/url/url.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/url/url.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/url/url.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/url/url.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/url/url.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/url/url.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/url/url.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/url/url.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-dm.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-dm.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-dm.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-compat.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-compat.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-compat.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/bbx/numeric.bbx
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/bbx/numeric.bbx
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/bbx/numeric.bbx
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/bbx/standard.bbx
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/bbx/standard.bbx
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/bbx/standard.bbx
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/cbx/numeric.cbx
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/cbx/numeric.cbx
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/cbx/numeric.cbx
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.cfg
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.cfg
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.cfg
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3kernel/expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3kernel/expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3kernel/expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3kernel/expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3kernel/expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3kernel/expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3kernel/expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3kernel/expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3kernel/expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3kernel/expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3kernel/expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3backend/l3backend-pdftex.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3backend/l3backend-pdftex.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3backend/l3backend-pdftex.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3backend/l3backend-pdftex.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3backend/l3backend-pdftex.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3backend/l3backend-pdftex.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3backend/l3backend-pdftex.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3backend/l3backend-pdftex.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3backend/l3backend-pdftex.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3backend/l3backend-pdftex.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3backend/l3backend-pdftex.def
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-case-expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-case-expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-case-expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-case-expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-case-expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-case-expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-case-expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-case-expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-case-expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-case-expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-case-expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3kernel/expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3packages/xparse/xparse.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3packages/xparse/xparse.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3packages/xparse/xparse.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3packages/xparse/xparse.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3packages/xparse/xparse.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3packages/xparse/xparse.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3packages/xparse/xparse.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3packages/xparse/xparse.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3packages/xparse/xparse.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3packages/xparse/xparse.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3packages/xparse/xparse.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/l3kernel/expl3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/caption/caption.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/caption/caption.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/caption/caption.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/caption/caption.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/caption/caption.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/caption/caption.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/caption/caption.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/caption/caption.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/caption/caption.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/caption/caption.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/caption/caption.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/caption/caption3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/caption/caption3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/caption/caption3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/caption/caption3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/caption/caption3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/caption/caption3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/caption/caption3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/caption/caption3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/caption/caption3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/caption/caption3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/caption/caption3.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/keyval.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/caption/subcaption.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/caption/subcaption.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/caption/subcaption.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/caption/subcaption.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/caption/subcaption.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/caption/subcaption.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/caption/subcaption.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/caption/subcaption.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/caption/subcaption.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/caption/subcaption.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/caption/subcaption.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/caption/caption.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/tools/bm.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/tools/bm.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/tools/bm.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/tools/bm.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/tools/bm.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/tools/bm.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/tools/bm.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/tools/bm.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/tools/bm.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/tools/bm.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/tools/bm.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsmath.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsmath.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsmath.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsmath.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsmath.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsmath.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsmath.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsmath.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsmath.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsmath.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsmath.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsopn.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsopn.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amstext.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amstext.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amstext.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amstext.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amstext.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amstext.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amstext.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amstext.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amstext.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amstext.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amstext.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsgen.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsgen.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsgen.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsgen.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsgen.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsgen.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsgen.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsgen.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsgen.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsgen.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsgen.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsbsy.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsbsy.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsbsy.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsbsy.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsbsy.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsbsy.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsbsy.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsbsy.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsbsy.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsbsy.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsbsy.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsgen.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsopn.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsopn.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsopn.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsopn.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsopn.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsopn.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsopn.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsopn.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsopn.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsopn.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsopn.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/amsmath/amsgen.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/listings/listings.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/listings/listings.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/listings/listings.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/listings/listings.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/listings/listings.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/listings/listings.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/listings/listings.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/listings/listings.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/listings/listings.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/listings/listings.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/listings/listings.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/graphics/keyval.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/listings/lstmisc.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/listings/lstmisc.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/listings/lstmisc.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/listings/lstmisc.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/listings/listings.cfg
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/listings/listings.cfg
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/listings/listings.cfg
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/listings/listings.cfg
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/appendix/appendix.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/appendix/appendix.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/appendix/appendix.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/appendix/appendix.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/appendix/appendix.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/appendix/appendix.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/appendix/appendix.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/appendix/appendix.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/appendix/appendix.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/appendix/appendix.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/appendix/appendix.sty
|
||||
INPUT ./Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.aux
|
||||
INPUT Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.aux
|
||||
INPUT Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.aux
|
||||
OUTPUT Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.aux
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/context/base/mkii/supp-pdf.mkii
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/context/base/mkii/supp-pdf.mkii
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/context/base/mkii/supp-pdf.mkii
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/context/base/mkii/supp-pdf.mkii
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/epstopdf-pkg/epstopdf-base.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/epstopdf-pkg/epstopdf-base.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/epstopdf-pkg/epstopdf-base.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/epstopdf-pkg/epstopdf-base.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/epstopdf-pkg/epstopdf-base.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/epstopdf-pkg/epstopdf-base.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/epstopdf-pkg/epstopdf-base.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/epstopdf-pkg/epstopdf-base.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/epstopdf-pkg/epstopdf-base.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/epstopdf-pkg/epstopdf-base.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/epstopdf-pkg/epstopdf-base.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/infwarerr/infwarerr.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/grfext/grfext.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/grfext/grfext.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/grfext/grfext.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/grfext/grfext.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/grfext/grfext.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/grfext/grfext.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/grfext/grfext.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/grfext/grfext.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/grfext/grfext.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/grfext/grfext.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/grfext/grfext.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/infwarerr/infwarerr.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/kvdefinekeys/kvdefinekeys.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/kvdefinekeys/kvdefinekeys.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/kvdefinekeys/kvdefinekeys.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/kvdefinekeys/kvdefinekeys.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/kvdefinekeys/kvdefinekeys.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/kvdefinekeys/kvdefinekeys.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/kvdefinekeys/kvdefinekeys.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/kvdefinekeys/kvdefinekeys.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/kvdefinekeys/kvdefinekeys.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/kvdefinekeys/kvdefinekeys.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/kvdefinekeys/kvdefinekeys.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/kvoptions/kvoptions.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/generic/pdftexcmds/pdftexcmds.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/latexconfig/epstopdf-sys.cfg
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/latexconfig/epstopdf-sys.cfg
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/latexconfig/epstopdf-sys.cfg
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/latexconfig/epstopdf-sys.cfg
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/lbx/english.lbx
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/lbx/english.lbx
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/biblatex/lbx/english.lbx
|
||||
OUTPUT Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.bcf
|
||||
INPUT Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.bbl
|
||||
INPUT ./Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.bbl
|
||||
INPUT Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.bbl
|
||||
INPUT ./Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.bbl
|
||||
INPUT ./Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.bbl
|
||||
INPUT Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.bbl
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/map/fontname/texfonts.map
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmr17.tfm
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmr12.tfm
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmr8.tfm
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmr6.tfm
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmmi12.tfm
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmmi8.tfm
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmmi6.tfm
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmsy10.tfm
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmsy8.tfm
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmsy6.tfm
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmex10.tfm
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/amsfonts/cmextra/cmex8.tfm
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/amsfonts/cmextra/cmex7.tfm
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmbx12.tfm
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmbx8.tfm
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmbx6.tfm
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmmib10.tfm
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/amsfonts/cmextra/cmmib8.tfm
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/amsfonts/cmextra/cmmib6.tfm
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmbsy10.tfm
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/amsfonts/cmextra/cmbsy8.tfm
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/amsfonts/cmextra/cmbsy6.tfm
|
||||
OUTPUT Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.pdf
|
||||
INPUT /var/lib/texmf/fonts/map/pdftex/updmap/pdftex.map
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmr12.tfm
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmbx12.tfm
|
||||
INPUT ./Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.toc
|
||||
INPUT Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.toc
|
||||
INPUT Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.toc
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmbx10.tfm
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/amsfonts/cmextra/cmex7.tfm
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/amsfonts/cmextra/cmex7.tfm
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmbx7.tfm
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmbx5.tfm
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmmib10.tfm
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/amsfonts/cmextra/cmmib7.tfm
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/amsfonts/cmextra/cmmib5.tfm
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmbsy10.tfm
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/amsfonts/cmextra/cmbsy7.tfm
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/amsfonts/cmextra/cmbsy5.tfm
|
||||
OUTPUT Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.toc
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmr9.tfm
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmbx9.tfm
|
||||
INPUT ../poster/MNIST_excerpt.png
|
||||
INPUT ../poster/MNIST_excerpt.png
|
||||
INPUT ../poster/MNIST_excerpt.png
|
||||
INPUT ../poster/MNIST_excerpt.png
|
||||
INPUT ../poster/MNIST_excerpt.png
|
||||
INPUT ../poster/CIFAR-10_excerpt.png
|
||||
INPUT ../poster/CIFAR-10_excerpt.png
|
||||
INPUT ../poster/CIFAR-10_excerpt.png
|
||||
INPUT ../poster/CIFAR-10_excerpt.png
|
||||
INPUT ../poster/CIFAR-10_excerpt.png
|
||||
INPUT ../poster/Concept.png
|
||||
INPUT ../poster/Concept.png
|
||||
INPUT ../poster/Concept.png
|
||||
INPUT ../poster/Concept.png
|
||||
INPUT ../poster/Concept.png
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmti10.tfm
|
||||
INPUT ../examples/unfiltered_eps_0.2.png
|
||||
INPUT ../examples/unfiltered_eps_0.2.png
|
||||
INPUT ../examples/unfiltered_eps_0.2.png
|
||||
INPUT ../examples/unfiltered_eps_0.2.png
|
||||
INPUT ../examples/unfiltered_eps_0.2.png
|
||||
INPUT ../examples/bit_depth_eps_0.2.png
|
||||
INPUT ../examples/bit_depth_eps_0.2.png
|
||||
INPUT ../examples/bit_depth_eps_0.2.png
|
||||
INPUT ../examples/bit_depth_eps_0.2.png
|
||||
INPUT ../examples/bit_depth_eps_0.2.png
|
||||
INPUT ../examples/gaussian_blur_eps_0.2.png
|
||||
INPUT ../examples/gaussian_blur_eps_0.2.png
|
||||
INPUT ../examples/gaussian_blur_eps_0.2.png
|
||||
INPUT ../examples/gaussian_blur_eps_0.2.png
|
||||
INPUT ../examples/gaussian_blur_eps_0.2.png
|
||||
INPUT ../examples/gaussian_kuwahara_eps_0.2.png
|
||||
INPUT ../examples/gaussian_kuwahara_eps_0.2.png
|
||||
INPUT ../examples/gaussian_kuwahara_eps_0.2.png
|
||||
INPUT ../examples/gaussian_kuwahara_eps_0.2.png
|
||||
INPUT ../examples/gaussian_kuwahara_eps_0.2.png
|
||||
INPUT ../examples/mean_kuwahara_eps_0.2.png
|
||||
INPUT ../examples/mean_kuwahara_eps_0.2.png
|
||||
INPUT ../examples/mean_kuwahara_eps_0.2.png
|
||||
INPUT ../examples/mean_kuwahara_eps_0.2.png
|
||||
INPUT ../examples/mean_kuwahara_eps_0.2.png
|
||||
INPUT ../examples/random_noise_eps_0.2.png
|
||||
INPUT ../examples/random_noise_eps_0.2.png
|
||||
INPUT ../examples/random_noise_eps_0.2.png
|
||||
INPUT ../examples/random_noise_eps_0.2.png
|
||||
INPUT ../examples/random_noise_eps_0.2.png
|
||||
INPUT ../examples/bilateral_filter_eps_0.2.png
|
||||
INPUT ../examples/bilateral_filter_eps_0.2.png
|
||||
INPUT ../examples/bilateral_filter_eps_0.2.png
|
||||
INPUT ../examples/bilateral_filter_eps_0.2.png
|
||||
INPUT ../examples/bilateral_filter_eps_0.2.png
|
||||
INPUT ../examples/threshold_eps_0.2.png
|
||||
INPUT ../examples/threshold_eps_0.2.png
|
||||
INPUT ../examples/threshold_eps_0.2.png
|
||||
INPUT ../examples/threshold_eps_0.2.png
|
||||
INPUT ../examples/threshold_eps_0.2.png
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/listings/lstlang1.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/listings/lstlang1.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/listings/lstlang1.sty
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/listings/lstlang1.sty
|
||||
INPUT ../examples/pseudocode.py
|
||||
INPUT ../examples/pseudocode.py
|
||||
INPUT ../examples/pseudocode.py
|
||||
INPUT ../examples/pseudocode.py
|
||||
INPUT ../examples/pseudocode.py
|
||||
INPUT ../examples/pseudocode.py
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/omscmr.fd
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/omscmr.fd
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/omscmr.fd
|
||||
INPUT /usr/share/texlive/texmf-dist/tex/latex/base/omscmr.fd
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmtt10.tfm
|
||||
INPUT ../results/MNIST_FGSM_3d_new.png
|
||||
INPUT ../results/MNIST_FGSM_3d_new.png
|
||||
INPUT ../results/MNIST_FGSM_3d_new.png
|
||||
INPUT ../results/MNIST_FGSM_3d_new.png
|
||||
INPUT ../results/MNIST_FGSM_3d_new.png
|
||||
INPUT ../results/CIFAR-10_FGSM_3d.png
|
||||
INPUT ../results/CIFAR-10_FGSM_3d.png
|
||||
INPUT ../results/CIFAR-10_FGSM_3d.png
|
||||
INPUT ../results/CIFAR-10_FGSM_3d.png
|
||||
INPUT ../results/CIFAR-10_FGSM_3d.png
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/tfm/public/cm/cmcsc10.tfm
|
||||
INPUT ../results/MNIST_FGSM_line_strength1.png
|
||||
INPUT ../results/MNIST_FGSM_line_strength1.png
|
||||
INPUT ../results/MNIST_FGSM_line_strength1.png
|
||||
INPUT ../results/MNIST_FGSM_line_strength1.png
|
||||
INPUT ../results/MNIST_FGSM_line_strength1.png
|
||||
INPUT ../results/MNIST_FGSM_line_strength4.png
|
||||
INPUT ../results/MNIST_FGSM_line_strength4.png
|
||||
INPUT ../results/MNIST_FGSM_line_strength4.png
|
||||
INPUT ../results/MNIST_FGSM_line_strength4.png
|
||||
INPUT ../results/MNIST_FGSM_line_strength4.png
|
||||
INPUT ../results/CIFAR-10_FGSM_line_strength1.png
|
||||
INPUT ../results/CIFAR-10_FGSM_line_strength1.png
|
||||
INPUT ../results/CIFAR-10_FGSM_line_strength1.png
|
||||
INPUT ../results/CIFAR-10_FGSM_line_strength1.png
|
||||
INPUT ../results/CIFAR-10_FGSM_line_strength1.png
|
||||
INPUT ../results/CIFAR-10_FGSM_line_strength4.png
|
||||
INPUT ../results/CIFAR-10_FGSM_line_strength4.png
|
||||
INPUT ../results/CIFAR-10_FGSM_line_strength4.png
|
||||
INPUT ../results/CIFAR-10_FGSM_line_strength4.png
|
||||
INPUT ../results/CIFAR-10_FGSM_line_strength4.png
|
||||
INPUT Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.aux
|
||||
INPUT Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.run.xml
|
||||
OUTPUT Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.run.xml
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmbx10.pfb
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmbx12.pfb
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmbx9.pfb
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmcsc10.pfb
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmmi10.pfb
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmmi7.pfb
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmmib10.pfb
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmr10.pfb
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmr12.pfb
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmr17.pfb
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmr7.pfb
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmr9.pfb
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmsy10.pfb
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmsy7.pfb
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmti10.pfb
|
||||
INPUT /usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmtt10.pfb
|
@ -0,0 +1,686 @@
|
||||
This is pdfTeX, Version 3.141592653-2.6-1.40.25 (TeX Live 2023) (preloaded format=pdflatex 2024.5.11) 11 MAY 2024 19:20
|
||||
entering extended mode
|
||||
restricted \write18 enabled.
|
||||
file:line:error style messages enabled.
|
||||
%&-line parsing enabled.
|
||||
**Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.tex
|
||||
(./Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.tex
|
||||
LaTeX2e <2022-11-01> patch level 1
|
||||
L3 programming layer <2023-02-22> (/usr/share/texlive/texmf-dist/tex/latex/base/article.cls
|
||||
Document Class: article 2022/07/02 v1.4n Standard LaTeX document class
|
||||
(/usr/share/texlive/texmf-dist/tex/latex/base/size10.clo
|
||||
File: size10.clo 2022/07/02 v1.4n Standard LaTeX file (size option)
|
||||
)
|
||||
\c@part=\count185
|
||||
\c@section=\count186
|
||||
\c@subsection=\count187
|
||||
\c@subsubsection=\count188
|
||||
\c@paragraph=\count189
|
||||
\c@subparagraph=\count190
|
||||
\c@figure=\count191
|
||||
\c@table=\count192
|
||||
\abovecaptionskip=\skip48
|
||||
\belowcaptionskip=\skip49
|
||||
\bibindent=\dimen140
|
||||
) (/usr/share/texlive/texmf-dist/tex/latex/graphics/graphicx.sty
|
||||
Package: graphicx 2021/09/16 v1.2d Enhanced LaTeX Graphics (DPC,SPQR)
|
||||
(/usr/share/texlive/texmf-dist/tex/latex/graphics/keyval.sty
|
||||
Package: keyval 2022/05/29 v1.15 key=value parser (DPC)
|
||||
\KV@toks@=\toks16
|
||||
) (/usr/share/texlive/texmf-dist/tex/latex/graphics/graphics.sty
|
||||
Package: graphics 2022/03/10 v1.4e Standard LaTeX Graphics (DPC,SPQR)
|
||||
(/usr/share/texlive/texmf-dist/tex/latex/graphics/trig.sty
|
||||
Package: trig 2021/08/11 v1.11 sin cos tan (DPC)
|
||||
) (/usr/share/texlive/texmf-dist/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.
|
||||
(/usr/share/texlive/texmf-dist/tex/latex/graphics-def/pdftex.def
|
||||
File: pdftex.def 2022/09/22 v1.2b Graphics/color driver for pdftex
|
||||
))
|
||||
\Gin@req@height=\dimen141
|
||||
\Gin@req@width=\dimen142
|
||||
) (/usr/share/texlive/texmf-dist/tex/latex/float/float.sty
|
||||
Package: float 2001/11/08 v1.3d Float enhancements (AL)
|
||||
\c@float@type=\count193
|
||||
\float@exts=\toks17
|
||||
\float@box=\box51
|
||||
\@float@everytoks=\toks18
|
||||
\@floatcapt=\box52
|
||||
) (/usr/share/texlive/texmf-dist/tex/latex/geometry/geometry.sty
|
||||
Package: geometry 2020/01/02 v5.9 Page Geometry
|
||||
(/usr/share/texlive/texmf-dist/tex/generic/iftex/ifvtex.sty
|
||||
Package: ifvtex 2019/10/25 v1.7 ifvtex legacy package. Use iftex instead.
|
||||
(/usr/share/texlive/texmf-dist/tex/generic/iftex/iftex.sty
|
||||
Package: iftex 2022/02/03 v1.0f TeX engine tests
|
||||
))
|
||||
\Gm@cnth=\count194
|
||||
\Gm@cntv=\count195
|
||||
\c@Gm@tempcnt=\count196
|
||||
\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=\toks19
|
||||
) (/usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.sty
|
||||
Package: biblatex 2023/03/05 v3.19 programmable bibliographies (PK/MW)
|
||||
(/usr/share/texlive/texmf-dist/tex/generic/pdftexcmds/pdftexcmds.sty
|
||||
Package: pdftexcmds 2020-06-27 v0.33 Utility functions of pdfTeX for LuaTeX (HO)
|
||||
(/usr/share/texlive/texmf-dist/tex/generic/infwarerr/infwarerr.sty
|
||||
Package: infwarerr 2019/12/03 v1.5 Providing info/warning/error messages (HO)
|
||||
) (/usr/share/texlive/texmf-dist/tex/generic/ltxcmds/ltxcmds.sty
|
||||
Package: ltxcmds 2020-05-10 v1.25 LaTeX kernel commands for general use (HO)
|
||||
)
|
||||
Package pdftexcmds Info: \pdf@primitive is available.
|
||||
Package pdftexcmds Info: \pdf@ifprimitive is available.
|
||||
Package pdftexcmds Info: \pdfdraftmode found.
|
||||
) (/usr/share/texlive/texmf-dist/tex/latex/etoolbox/etoolbox.sty
|
||||
Package: etoolbox 2020/10/05 v2.5k e-TeX tools for LaTeX (JAW)
|
||||
\etb@tempcnta=\count197
|
||||
) (/usr/share/texlive/texmf-dist/tex/latex/kvoptions/kvoptions.sty
|
||||
Package: kvoptions 2022-06-15 v3.15 Key value format for package options (HO)
|
||||
(/usr/share/texlive/texmf-dist/tex/latex/kvsetkeys/kvsetkeys.sty
|
||||
Package: kvsetkeys 2022-10-05 v1.19 Key value parser (HO)
|
||||
)) (/usr/share/texlive/texmf-dist/tex/latex/logreq/logreq.sty
|
||||
Package: logreq 2010/08/04 v1.0 xml request logger
|
||||
\lrq@indent=\count198
|
||||
(/usr/share/texlive/texmf-dist/tex/latex/logreq/logreq.def
|
||||
File: logreq.def 2010/08/04 v1.0 logreq spec v1.0
|
||||
)) (/usr/share/texlive/texmf-dist/tex/latex/base/ifthen.sty
|
||||
Package: ifthen 2022/04/13 v1.1d Standard LaTeX ifthen package (DPC)
|
||||
) (/usr/share/texlive/texmf-dist/tex/latex/url/url.sty
|
||||
\Urlmuskip=\muskip16
|
||||
Package: url 2013/09/16 ver 3.4 Verb mode for urls, etc.
|
||||
)
|
||||
\c@tabx@nest=\count199
|
||||
\c@listtotal=\count266
|
||||
\c@listcount=\count267
|
||||
\c@liststart=\count268
|
||||
\c@liststop=\count269
|
||||
\c@citecount=\count270
|
||||
\c@citetotal=\count271
|
||||
\c@multicitecount=\count272
|
||||
\c@multicitetotal=\count273
|
||||
\c@instcount=\count274
|
||||
\c@maxnames=\count275
|
||||
\c@minnames=\count276
|
||||
\c@maxitems=\count277
|
||||
\c@minitems=\count278
|
||||
\c@citecounter=\count279
|
||||
\c@maxcitecounter=\count280
|
||||
\c@savedcitecounter=\count281
|
||||
\c@uniquelist=\count282
|
||||
\c@uniquename=\count283
|
||||
\c@refsection=\count284
|
||||
\c@refsegment=\count285
|
||||
\c@maxextratitle=\count286
|
||||
\c@maxextratitleyear=\count287
|
||||
\c@maxextraname=\count288
|
||||
\c@maxextradate=\count289
|
||||
\c@maxextraalpha=\count290
|
||||
\c@abbrvpenalty=\count291
|
||||
\c@highnamepenalty=\count292
|
||||
\c@lownamepenalty=\count293
|
||||
\c@maxparens=\count294
|
||||
\c@parenlevel=\count295
|
||||
\blx@tempcnta=\count296
|
||||
\blx@tempcntb=\count297
|
||||
\blx@tempcntc=\count298
|
||||
\c@blx@maxsection=\count299
|
||||
\blx@maxsegment@0=\count300
|
||||
\blx@notetype=\count301
|
||||
\blx@parenlevel@text=\count302
|
||||
\blx@parenlevel@foot=\count303
|
||||
\blx@sectionciteorder@0=\count304
|
||||
\blx@sectionciteorderinternal@0=\count305
|
||||
\blx@entrysetcounter=\count306
|
||||
\blx@biblioinstance=\count307
|
||||
\labelnumberwidth=\skip50
|
||||
\labelalphawidth=\skip51
|
||||
\biblabelsep=\skip52
|
||||
\bibitemsep=\skip53
|
||||
\bibnamesep=\skip54
|
||||
\bibinitsep=\skip55
|
||||
\bibparsep=\skip56
|
||||
\bibhang=\skip57
|
||||
\blx@bcfin=\read2
|
||||
\blx@bcfout=\write3
|
||||
\blx@langwohyphens=\language85
|
||||
\c@mincomprange=\count308
|
||||
\c@maxcomprange=\count309
|
||||
\c@mincompwidth=\count310
|
||||
Package biblatex Info: Trying to load biblatex default data model...
|
||||
Package biblatex Info: ... file 'blx-dm.def' found.
|
||||
(/usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-dm.def
|
||||
File: blx-dm.def 2023/03/05 v3.19 biblatex localization (PK/MW)
|
||||
)
|
||||
Package biblatex Info: Trying to load biblatex custom data model...
|
||||
Package biblatex Info: ... file 'biblatex-dm.cfg' not found.
|
||||
\c@afterword=\count311
|
||||
\c@savedafterword=\count312
|
||||
\c@annotator=\count313
|
||||
\c@savedannotator=\count314
|
||||
\c@author=\count315
|
||||
\c@savedauthor=\count316
|
||||
\c@bookauthor=\count317
|
||||
\c@savedbookauthor=\count318
|
||||
\c@commentator=\count319
|
||||
\c@savedcommentator=\count320
|
||||
\c@editor=\count321
|
||||
\c@savededitor=\count322
|
||||
\c@editora=\count323
|
||||
\c@savededitora=\count324
|
||||
\c@editorb=\count325
|
||||
\c@savededitorb=\count326
|
||||
\c@editorc=\count327
|
||||
\c@savededitorc=\count328
|
||||
\c@foreword=\count329
|
||||
\c@savedforeword=\count330
|
||||
\c@holder=\count331
|
||||
\c@savedholder=\count332
|
||||
\c@introduction=\count333
|
||||
\c@savedintroduction=\count334
|
||||
\c@namea=\count335
|
||||
\c@savednamea=\count336
|
||||
\c@nameb=\count337
|
||||
\c@savednameb=\count338
|
||||
\c@namec=\count339
|
||||
\c@savednamec=\count340
|
||||
\c@translator=\count341
|
||||
\c@savedtranslator=\count342
|
||||
\c@shortauthor=\count343
|
||||
\c@savedshortauthor=\count344
|
||||
\c@shorteditor=\count345
|
||||
\c@savedshorteditor=\count346
|
||||
\c@labelname=\count347
|
||||
\c@savedlabelname=\count348
|
||||
\c@institution=\count349
|
||||
\c@savedinstitution=\count350
|
||||
\c@lista=\count351
|
||||
\c@savedlista=\count352
|
||||
\c@listb=\count353
|
||||
\c@savedlistb=\count354
|
||||
\c@listc=\count355
|
||||
\c@savedlistc=\count356
|
||||
\c@listd=\count357
|
||||
\c@savedlistd=\count358
|
||||
\c@liste=\count359
|
||||
\c@savedliste=\count360
|
||||
\c@listf=\count361
|
||||
\c@savedlistf=\count362
|
||||
\c@location=\count363
|
||||
\c@savedlocation=\count364
|
||||
\c@organization=\count365
|
||||
\c@savedorganization=\count366
|
||||
\c@origlocation=\count367
|
||||
\c@savedoriglocation=\count368
|
||||
\c@origpublisher=\count369
|
||||
\c@savedorigpublisher=\count370
|
||||
\c@publisher=\count371
|
||||
\c@savedpublisher=\count372
|
||||
\c@language=\count373
|
||||
\c@savedlanguage=\count374
|
||||
\c@origlanguage=\count375
|
||||
\c@savedoriglanguage=\count376
|
||||
\c@pageref=\count377
|
||||
\c@savedpageref=\count378
|
||||
\shorthandwidth=\skip58
|
||||
\shortjournalwidth=\skip59
|
||||
\shortserieswidth=\skip60
|
||||
\shorttitlewidth=\skip61
|
||||
\shortauthorwidth=\skip62
|
||||
\shorteditorwidth=\skip63
|
||||
\locallabelnumberwidth=\skip64
|
||||
\locallabelalphawidth=\skip65
|
||||
\localshorthandwidth=\skip66
|
||||
\localshortjournalwidth=\skip67
|
||||
\localshortserieswidth=\skip68
|
||||
\localshorttitlewidth=\skip69
|
||||
\localshortauthorwidth=\skip70
|
||||
\localshorteditorwidth=\skip71
|
||||
Package biblatex Info: Trying to load compatibility code...
|
||||
Package biblatex Info: ... file 'blx-compat.def' found.
|
||||
(/usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-compat.def
|
||||
File: blx-compat.def 2023/03/05 v3.19 biblatex compatibility (PK/MW)
|
||||
)
|
||||
Package biblatex Info: Trying to load generic definitions...
|
||||
Package biblatex Info: ... file 'biblatex.def' found.
|
||||
(/usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.def
|
||||
File: biblatex.def 2023/03/05 v3.19 biblatex compatibility (PK/MW)
|
||||
\c@textcitecount=\count379
|
||||
\c@textcitetotal=\count380
|
||||
\c@textcitemaxnames=\count381
|
||||
\c@biburlbigbreakpenalty=\count382
|
||||
\c@biburlbreakpenalty=\count383
|
||||
\c@biburlnumpenalty=\count384
|
||||
\c@biburlucpenalty=\count385
|
||||
\c@biburllcpenalty=\count386
|
||||
\biburlbigskip=\muskip17
|
||||
\biburlnumskip=\muskip18
|
||||
\biburlucskip=\muskip19
|
||||
\biburllcskip=\muskip20
|
||||
\c@smartand=\count387
|
||||
)
|
||||
Package biblatex Info: Trying to load bibliography style 'numeric'...
|
||||
Package biblatex Info: ... file 'numeric.bbx' found.
|
||||
(/usr/share/texlive/texmf-dist/tex/latex/biblatex/bbx/numeric.bbx
|
||||
File: numeric.bbx 2023/03/05 v3.19 biblatex bibliography style (PK/MW)
|
||||
Package biblatex Info: Trying to load bibliography style 'standard'...
|
||||
Package biblatex Info: ... file 'standard.bbx' found.
|
||||
(/usr/share/texlive/texmf-dist/tex/latex/biblatex/bbx/standard.bbx
|
||||
File: standard.bbx 2023/03/05 v3.19 biblatex bibliography style (PK/MW)
|
||||
\c@bbx:relatedcount=\count388
|
||||
\c@bbx:relatedtotal=\count389
|
||||
))
|
||||
Package biblatex Info: Trying to load citation style 'numeric'...
|
||||
Package biblatex Info: ... file 'numeric.cbx' found.
|
||||
(/usr/share/texlive/texmf-dist/tex/latex/biblatex/cbx/numeric.cbx
|
||||
File: numeric.cbx 2023/03/05 v3.19 biblatex citation style (PK/MW)
|
||||
Package biblatex Info: Redefining '\cite'.
|
||||
Package biblatex Info: Redefining '\parencite'.
|
||||
Package biblatex Info: Redefining '\footcite'.
|
||||
Package biblatex Info: Redefining '\footcitetext'.
|
||||
Package biblatex Info: Redefining '\smartcite'.
|
||||
Package biblatex Info: Redefining '\supercite'.
|
||||
Package biblatex Info: Redefining '\textcite'.
|
||||
Package biblatex Info: Redefining '\textcites'.
|
||||
Package biblatex Info: Redefining '\cites'.
|
||||
Package biblatex Info: Redefining '\parencites'.
|
||||
Package biblatex Info: Redefining '\smartcites'.
|
||||
)
|
||||
Package biblatex Info: Trying to load configuration file...
|
||||
Package biblatex Info: ... file 'biblatex.cfg' found.
|
||||
(/usr/share/texlive/texmf-dist/tex/latex/biblatex/biblatex.cfg
|
||||
File: biblatex.cfg
|
||||
)
|
||||
Package biblatex Info: Input encoding 'utf8' detected.
|
||||
Package biblatex Info: Document encoding is UTF8 ....
|
||||
(/usr/share/texlive/texmf-dist/tex/latex/l3kernel/expl3.sty
|
||||
Package: expl3 2023-02-22 L3 programming layer (loader)
|
||||
(/usr/share/texlive/texmf-dist/tex/latex/l3backend/l3backend-pdftex.def
|
||||
File: l3backend-pdftex.def 2023-01-16 L3 backend support: PDF output (pdfTeX)
|
||||
\l__color_backend_stack_int=\count390
|
||||
\l__pdf_internal_box=\box53
|
||||
))
|
||||
Package biblatex Info: ... and expl3
|
||||
(biblatex) 2023-02-22 L3 programming layer (loader)
|
||||
(biblatex) is new enough (at least 2020/04/06),
|
||||
(biblatex) setting 'casechanger=expl3'.
|
||||
|
||||
(/usr/share/texlive/texmf-dist/tex/latex/biblatex/blx-case-expl3.sty (/usr/share/texlive/texmf-dist/tex/latex/l3packages/xparse/xparse.sty
|
||||
Package: xparse 2023-02-02 L3 Experimental document command parser
|
||||
)
|
||||
Package: blx-case-expl3 2023/03/05 v3.19 expl3 case changing code for biblatex
|
||||
)) (/usr/share/texlive/texmf-dist/tex/latex/caption/caption.sty
|
||||
Package: caption 2023/03/12 v3.6j Customizing captions (AR)
|
||||
(/usr/share/texlive/texmf-dist/tex/latex/caption/caption3.sty
|
||||
Package: caption3 2023/03/12 v2.4 caption3 kernel (AR)
|
||||
\caption@tempdima=\dimen151
|
||||
\captionmargin=\dimen152
|
||||
\caption@leftmargin=\dimen153
|
||||
\caption@rightmargin=\dimen154
|
||||
\caption@width=\dimen155
|
||||
\caption@indent=\dimen156
|
||||
\caption@parindent=\dimen157
|
||||
\caption@hangindent=\dimen158
|
||||
Package caption Info: Standard document class detected.
|
||||
)
|
||||
\c@caption@flags=\count391
|
||||
\c@continuedfloat=\count392
|
||||
Package caption Info: float package is loaded.
|
||||
) (/usr/share/texlive/texmf-dist/tex/latex/caption/subcaption.sty
|
||||
Package: subcaption 2023/02/19 v1.6 Sub-captions (AR)
|
||||
Package caption Info: New subtype `subfigure' on input line 239.
|
||||
\c@subfigure=\count393
|
||||
Package caption Info: New subtype `subtable' on input line 239.
|
||||
\c@subtable=\count394
|
||||
) (/usr/share/texlive/texmf-dist/tex/latex/tools/bm.sty
|
||||
Package: bm 2022/01/05 v1.2f Bold Symbol Support (DPC/FMi)
|
||||
\symboldoperators=\mathgroup4
|
||||
\symboldletters=\mathgroup5
|
||||
\symboldsymbols=\mathgroup6
|
||||
Package bm Info: No bold for \OMX/cmex/m/n, using \pmb.
|
||||
LaTeX Font Info: Redeclaring math alphabet \mathbf on input line 149.
|
||||
) (/usr/share/texlive/texmf-dist/tex/latex/amsmath/amsmath.sty
|
||||
Package: amsmath 2022/04/08 v2.17n AMS math features
|
||||
\@mathmargin=\skip72
|
||||
|
||||
For additional information on amsmath, use the `?' option.
|
||||
(/usr/share/texlive/texmf-dist/tex/latex/amsmath/amstext.sty
|
||||
Package: amstext 2021/08/26 v2.01 AMS text
|
||||
(/usr/share/texlive/texmf-dist/tex/latex/amsmath/amsgen.sty
|
||||
File: amsgen.sty 1999/11/30 v2.0 generic functions
|
||||
\@emptytoks=\toks20
|
||||
\ex@=\dimen159
|
||||
)) (/usr/share/texlive/texmf-dist/tex/latex/amsmath/amsbsy.sty
|
||||
Package: amsbsy 1999/11/29 v1.2d Bold Symbols
|
||||
LaTeX Info: Redefining \boldsymbol on input line 28.
|
||||
\pmbraise@=\dimen160
|
||||
) (/usr/share/texlive/texmf-dist/tex/latex/amsmath/amsopn.sty
|
||||
Package: amsopn 2022/04/08 v2.04 operator names
|
||||
)
|
||||
\inf@bad=\count395
|
||||
LaTeX Info: Redefining \frac on input line 234.
|
||||
\uproot@=\count396
|
||||
\leftroot@=\count397
|
||||
LaTeX Info: Redefining \overline on input line 399.
|
||||
LaTeX Info: Redefining \colon on input line 410.
|
||||
\classnum@=\count398
|
||||
\DOTSCASE@=\count399
|
||||
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@=\box54
|
||||
\strutbox@=\box55
|
||||
LaTeX Info: Redefining \big on input line 722.
|
||||
LaTeX Info: Redefining \Big on input line 723.
|
||||
LaTeX Info: Redefining \bigg on input line 724.
|
||||
LaTeX Info: Redefining \Bigg on input line 725.
|
||||
\big@size=\dimen161
|
||||
LaTeX Font Info: Redeclaring font encoding OML on input line 743.
|
||||
LaTeX Font Info: Redeclaring font encoding OMS on input line 744.
|
||||
\macc@depth=\count400
|
||||
LaTeX Info: Redefining \bmod on input line 905.
|
||||
LaTeX Info: Redefining \pmod on input line 910.
|
||||
LaTeX Info: Redefining \smash on input line 940.
|
||||
LaTeX Info: Redefining \relbar on input line 970.
|
||||
LaTeX Info: Redefining \Relbar on input line 971.
|
||||
\c@MaxMatrixCols=\count401
|
||||
\dotsspace@=\muskip21
|
||||
\c@parentequation=\count402
|
||||
\dspbrk@lvl=\count403
|
||||
\tag@help=\toks21
|
||||
\row@=\count404
|
||||
\column@=\count405
|
||||
\maxfields@=\count406
|
||||
\andhelp@=\toks22
|
||||
\eqnshift@=\dimen162
|
||||
\alignsep@=\dimen163
|
||||
\tagshift@=\dimen164
|
||||
\tagwidth@=\dimen165
|
||||
\totwidth@=\dimen166
|
||||
\lineht@=\dimen167
|
||||
\@envbody=\toks23
|
||||
\multlinegap=\skip73
|
||||
\multlinetaggap=\skip74
|
||||
\mathdisplay@stack=\toks24
|
||||
LaTeX Info: Redefining \[ on input line 2953.
|
||||
LaTeX Info: Redefining \] on input line 2954.
|
||||
) (/usr/share/texlive/texmf-dist/tex/latex/listings/listings.sty
|
||||
\lst@mode=\count407
|
||||
\lst@gtempboxa=\box56
|
||||
\lst@token=\toks25
|
||||
\lst@length=\count408
|
||||
\lst@currlwidth=\dimen168
|
||||
\lst@column=\count409
|
||||
\lst@pos=\count410
|
||||
\lst@lostspace=\dimen169
|
||||
\lst@width=\dimen170
|
||||
\lst@newlines=\count411
|
||||
\lst@lineno=\count412
|
||||
\lst@maxwidth=\dimen171
|
||||
(/usr/share/texlive/texmf-dist/tex/latex/listings/lstmisc.sty
|
||||
File: lstmisc.sty 2023/02/27 1.9 (Carsten Heinz)
|
||||
\c@lstnumber=\count413
|
||||
\lst@skipnumbers=\count414
|
||||
\lst@framebox=\box57
|
||||
) (/usr/share/texlive/texmf-dist/tex/latex/listings/listings.cfg
|
||||
File: listings.cfg 2023/02/27 1.9 listings configuration
|
||||
))
|
||||
Package: listings 2023/02/27 1.9 (Carsten Heinz)
|
||||
(/usr/share/texlive/texmf-dist/tex/latex/appendix/appendix.sty
|
||||
Package: appendix 2020/02/08 v1.2c extra appendix facilities
|
||||
\c@@pps=\count415
|
||||
\c@@ppsavesec=\count416
|
||||
\c@@ppsaveapp=\count417
|
||||
)
|
||||
\@quotelevel=\count418
|
||||
\@quotereset=\count419
|
||||
(./Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.aux
|
||||
|
||||
LaTeX Warning: Label `fig:mnist_fgsm_strength1' multiply defined.
|
||||
|
||||
|
||||
LaTeX Warning: Label `fig:mnist_fgsm_strength4' multiply defined.
|
||||
|
||||
)
|
||||
\openout1 = `Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.aux'.
|
||||
|
||||
LaTeX Font Info: Checking defaults for OML/cmm/m/it on input line 22.
|
||||
LaTeX Font Info: ... okay on input line 22.
|
||||
LaTeX Font Info: Checking defaults for OMS/cmsy/m/n on input line 22.
|
||||
LaTeX Font Info: ... okay on input line 22.
|
||||
LaTeX Font Info: Checking defaults for OT1/cmr/m/n on input line 22.
|
||||
LaTeX Font Info: ... okay on input line 22.
|
||||
LaTeX Font Info: Checking defaults for T1/cmr/m/n on input line 22.
|
||||
LaTeX Font Info: ... okay on input line 22.
|
||||
LaTeX Font Info: Checking defaults for TS1/cmr/m/n on input line 22.
|
||||
LaTeX Font Info: ... okay on input line 22.
|
||||
LaTeX Font Info: Checking defaults for OMX/cmex/m/n on input line 22.
|
||||
LaTeX Font Info: ... okay on input line 22.
|
||||
LaTeX Font Info: Checking defaults for U/cmr/m/n on input line 22.
|
||||
LaTeX Font Info: ... okay on input line 22.
|
||||
(/usr/share/texlive/texmf-dist/tex/context/base/mkii/supp-pdf.mkii
|
||||
[Loading MPS to PDF converter (version 2006.09.02).]
|
||||
\scratchcounter=\count420
|
||||
\scratchdimen=\dimen172
|
||||
\scratchbox=\box58
|
||||
\nofMPsegments=\count421
|
||||
\nofMParguments=\count422
|
||||
\everyMPshowfont=\toks26
|
||||
\MPscratchCnt=\count423
|
||||
\MPscratchDim=\dimen173
|
||||
\MPnumerator=\count424
|
||||
\makeMPintoPDFobject=\count425
|
||||
\everyMPtoPDFconversion=\toks27
|
||||
) (/usr/share/texlive/texmf-dist/tex/latex/epstopdf-pkg/epstopdf-base.sty
|
||||
Package: epstopdf-base 2020-01-24 v2.11 Base part for package epstopdf
|
||||
(/usr/share/texlive/texmf-dist/tex/latex/grfext/grfext.sty
|
||||
Package: grfext 2019/12/03 v1.3 Manage graphics extensions (HO)
|
||||
(/usr/share/texlive/texmf-dist/tex/generic/kvdefinekeys/kvdefinekeys.sty
|
||||
Package: kvdefinekeys 2019-12-19 v1.6 Define keys (HO)
|
||||
))
|
||||
Package epstopdf-base Info: Redefining graphics rule for `.eps' on input line 485.
|
||||
Package grfext Info: Graphics extension search list:
|
||||
(grfext) [.pdf,.png,.jpg,.mps,.jpeg,.jbig2,.jb2,.PDF,.PNG,.JPG,.JPEG,.JBIG2,.JB2,.eps]
|
||||
(grfext) \AppendGraphicsExtensions on input line 504.
|
||||
(/usr/share/texlive/texmf-dist/tex/latex/latexconfig/epstopdf-sys.cfg
|
||||
File: epstopdf-sys.cfg 2010/07/13 v1.3 Configuration of (r)epstopdf for TeX Live
|
||||
))
|
||||
*geometry* driver: auto-detecting
|
||||
*geometry* detected driver: pdftex
|
||||
*geometry* verbose mode - [ preamble ] result:
|
||||
* driver: pdftex
|
||||
* paper: <default>
|
||||
* layout: <same size as paper>
|
||||
* layoutoffset:(h,v)=(0.0pt,0.0pt)
|
||||
* modes:
|
||||
* h-part:(L,W,R)=(72.26999pt, 469.75502pt, 72.26999pt)
|
||||
* v-part:(T,H,B)=(72.26999pt, 650.43001pt, 72.26999pt)
|
||||
* \paperwidth=614.295pt
|
||||
* \paperheight=794.96999pt
|
||||
* \textwidth=469.75502pt
|
||||
* \textheight=650.43001pt
|
||||
* \oddsidemargin=0.0pt
|
||||
* \evensidemargin=0.0pt
|
||||
* \topmargin=-37.0pt
|
||||
* \headheight=12.0pt
|
||||
* \headsep=25.0pt
|
||||
* \topskip=10.0pt
|
||||
* \footskip=30.0pt
|
||||
* \marginparwidth=65.0pt
|
||||
* \marginparsep=11.0pt
|
||||
* \columnsep=10.0pt
|
||||
* \skip\footins=9.0pt 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 biblatex Info: Trying to load language 'english'...
|
||||
Package biblatex Info: ... file 'english.lbx' found.
|
||||
(/usr/share/texlive/texmf-dist/tex/latex/biblatex/lbx/english.lbx
|
||||
File: english.lbx 2023/03/05 v3.19 biblatex localization (PK/MW)
|
||||
)
|
||||
Package biblatex Info: Input encoding 'utf8' detected.
|
||||
Package biblatex Info: Automatic encoding selection.
|
||||
(biblatex) Assuming data encoding 'utf8'.
|
||||
\openout3 = `Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.bcf'.
|
||||
|
||||
Package biblatex Info: Trying to load bibliographic data...
|
||||
Package biblatex Info: ... file 'Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.bbl' found.
|
||||
(./Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.bbl)
|
||||
Package biblatex Info: Reference section=0 on input line 22.
|
||||
Package biblatex Info: Reference segment=0 on input line 22.
|
||||
Package caption Info: Begin \AtBeginDocument code.
|
||||
Package caption Info: listings package is loaded.
|
||||
Package caption Info: End \AtBeginDocument code.
|
||||
\c@lstlisting=\count426
|
||||
[1
|
||||
|
||||
{/var/lib/texmf/fonts/map/pdftex/updmap/pdftex.map}] (./Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.toc)
|
||||
\tf@toc=\write4
|
||||
\openout4 = `Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.toc'.
|
||||
|
||||
[1] [2]
|
||||
<../poster/MNIST_excerpt.png, id=23, 99.37125pt x 100.87688pt>
|
||||
File: ../poster/MNIST_excerpt.png Graphic file (type png)
|
||||
<use ../poster/MNIST_excerpt.png>
|
||||
Package pdftex.def Info: ../poster/MNIST_excerpt.png used on input line 81.
|
||||
(pdftex.def) Requested size: 155.02pt x 157.38574pt.
|
||||
<../poster/CIFAR-10_excerpt.png, id=24, 272.51813pt x 273.27094pt>
|
||||
File: ../poster/CIFAR-10_excerpt.png Graphic file (type png)
|
||||
<use ../poster/CIFAR-10_excerpt.png>
|
||||
Package pdftex.def Info: ../poster/CIFAR-10_excerpt.png used on input line 85.
|
||||
(pdftex.def) Requested size: 155.02pt x 155.44913pt.
|
||||
<../poster/Concept.png, id=25, 338.2236pt x 211.992pt>
|
||||
File: ../poster/Concept.png Graphic file (type png)
|
||||
<use ../poster/Concept.png>
|
||||
Package pdftex.def Info: ../poster/Concept.png used on input line 98.
|
||||
(pdftex.def) Requested size: 234.8775pt x 147.21593pt.
|
||||
[3 <../poster/MNIST_excerpt.png (PNG copy)> <../poster/CIFAR-10_excerpt.png (PNG copy)>] [4 <../poster/Concept.png>]
|
||||
<../examples/unfiltered_eps_0.2.png, id=34, 682.2288pt x 708.9687pt>
|
||||
File: ../examples/unfiltered_eps_0.2.png Graphic file (type png)
|
||||
<use ../examples/unfiltered_eps_0.2.png>
|
||||
Package pdftex.def Info: ../examples/unfiltered_eps_0.2.png used on input line 137.
|
||||
(pdftex.def) Requested size: 58.71938pt x 61.01338pt.
|
||||
<../examples/bit_depth_eps_0.2.png, id=35, 682.2288pt x 708.9687pt>
|
||||
File: ../examples/bit_depth_eps_0.2.png Graphic file (type png)
|
||||
<use ../examples/bit_depth_eps_0.2.png>
|
||||
Package pdftex.def Info: ../examples/bit_depth_eps_0.2.png used on input line 138.
|
||||
(pdftex.def) Requested size: 58.71938pt x 61.01338pt.
|
||||
<../examples/gaussian_blur_eps_0.2.png, id=36, 682.2288pt x 708.9687pt>
|
||||
File: ../examples/gaussian_blur_eps_0.2.png Graphic file (type png)
|
||||
<use ../examples/gaussian_blur_eps_0.2.png>
|
||||
Package pdftex.def Info: ../examples/gaussian_blur_eps_0.2.png used on input line 139.
|
||||
(pdftex.def) Requested size: 58.71938pt x 61.01338pt.
|
||||
<../examples/gaussian_kuwahara_eps_0.2.png, id=37, 682.2288pt x 708.9687pt>
|
||||
File: ../examples/gaussian_kuwahara_eps_0.2.png Graphic file (type png)
|
||||
<use ../examples/gaussian_kuwahara_eps_0.2.png>
|
||||
Package pdftex.def Info: ../examples/gaussian_kuwahara_eps_0.2.png used on input line 140.
|
||||
(pdftex.def) Requested size: 58.71938pt x 61.01338pt.
|
||||
<../examples/mean_kuwahara_eps_0.2.png, id=38, 682.2288pt x 708.9687pt>
|
||||
File: ../examples/mean_kuwahara_eps_0.2.png Graphic file (type png)
|
||||
<use ../examples/mean_kuwahara_eps_0.2.png>
|
||||
Package pdftex.def Info: ../examples/mean_kuwahara_eps_0.2.png used on input line 142.
|
||||
(pdftex.def) Requested size: 58.71938pt x 61.01338pt.
|
||||
<../examples/random_noise_eps_0.2.png, id=39, 682.2288pt x 708.9687pt>
|
||||
File: ../examples/random_noise_eps_0.2.png Graphic file (type png)
|
||||
<use ../examples/random_noise_eps_0.2.png>
|
||||
Package pdftex.def Info: ../examples/random_noise_eps_0.2.png used on input line 143.
|
||||
(pdftex.def) Requested size: 58.71938pt x 61.01338pt.
|
||||
<../examples/bilateral_filter_eps_0.2.png, id=40, 682.2288pt x 708.9687pt>
|
||||
File: ../examples/bilateral_filter_eps_0.2.png Graphic file (type png)
|
||||
<use ../examples/bilateral_filter_eps_0.2.png>
|
||||
Package pdftex.def Info: ../examples/bilateral_filter_eps_0.2.png used on input line 144.
|
||||
(pdftex.def) Requested size: 58.71938pt x 61.01338pt.
|
||||
<../examples/threshold_eps_0.2.png, id=41, 682.2288pt x 708.9687pt>
|
||||
File: ../examples/threshold_eps_0.2.png Graphic file (type png)
|
||||
<use ../examples/threshold_eps_0.2.png>
|
||||
Package pdftex.def Info: ../examples/threshold_eps_0.2.png used on input line 145.
|
||||
(pdftex.def) Requested size: 58.71938pt x 61.01338pt.
|
||||
[5 <../examples/unfiltered_eps_0.2.png> <../examples/bit_depth_eps_0.2.png> <../examples/gaussian_blur_eps_0.2.png> <../examples/gaussian_kuwahara_eps_0.2.png> <../examples/mean_kuwahara_eps_0.2.png> <../examples/random_noise_eps_0.2.png> <../examples/bilateral_filter_eps_0.2.png> <../examples/threshold_eps_0.2.png>]
|
||||
|
||||
Package amsmath Warning: Foreign command \over;
|
||||
(amsmath) \frac or \genfrac should be used instead
|
||||
(amsmath) on input line 179.
|
||||
|
||||
(/usr/share/texlive/texmf-dist/tex/latex/listings/lstlang1.sty
|
||||
File: lstlang1.sty 2023/02/27 1.9 listings language file
|
||||
) (../examples/pseudocode.py
|
||||
LaTeX Font Info: Trying to load font information for OMS+cmr on input line 2.
|
||||
(/usr/share/texlive/texmf-dist/tex/latex/base/omscmr.fd
|
||||
File: omscmr.fd 2022/07/10 v2.5l Standard LaTeX font definitions
|
||||
)
|
||||
LaTeX Font Info: Font shape `OMS/cmr/m/n' in size <10> not available
|
||||
(Font) Font shape `OMS/cmsy/m/n' tried instead on input line 2.
|
||||
[6])
|
||||
<../results/MNIST_FGSM_3d_new.png, id=60, 650.43pt x 722.7pt>
|
||||
File: ../results/MNIST_FGSM_3d_new.png Graphic file (type png)
|
||||
<use ../results/MNIST_FGSM_3d_new.png>
|
||||
Package pdftex.def Info: ../results/MNIST_FGSM_3d_new.png used on input line 193.
|
||||
(pdftex.def) Requested size: 155.02pt x 172.23851pt.
|
||||
<../results/CIFAR-10_FGSM_3d.png, id=61, 650.43pt x 722.7pt>
|
||||
File: ../results/CIFAR-10_FGSM_3d.png Graphic file (type png)
|
||||
<use ../results/CIFAR-10_FGSM_3d.png>
|
||||
Package pdftex.def Info: ../results/CIFAR-10_FGSM_3d.png used on input line 194.
|
||||
(pdftex.def) Requested size: 155.02pt x 172.23851pt.
|
||||
[7 <../results/MNIST_FGSM_3d_new.png> <../results/CIFAR-10_FGSM_3d.png>] [8] [9] [10]
|
||||
Overfull \hbox (0.96643pt too wide) in paragraph at lines 273--273
|
||||
[]\OT1/cmr/m/n/10 Ian Good-fel-low, Yoshua Ben-gio, and Aaron Courville. \OT1/cmr/m/it/10 Deep Learn-ing\OT1/cmr/m/n/10 . $\OT1/cmtt/m/n/10 http : / / www . deeplearningbook .
|
||||
[]
|
||||
|
||||
[11]
|
||||
<../results/MNIST_FGSM_line_strength1.png, id=81, 1156.32pt x 650.43pt>
|
||||
File: ../results/MNIST_FGSM_line_strength1.png Graphic file (type png)
|
||||
<use ../results/MNIST_FGSM_line_strength1.png>
|
||||
Package pdftex.def Info: ../results/MNIST_FGSM_line_strength1.png used on input line 279.
|
||||
(pdftex.def) Requested size: 469.75502pt x 264.23653pt.
|
||||
<../results/MNIST_FGSM_line_strength4.png, id=82, 1156.32pt x 650.43pt>
|
||||
File: ../results/MNIST_FGSM_line_strength4.png Graphic file (type png)
|
||||
<use ../results/MNIST_FGSM_line_strength4.png>
|
||||
Package pdftex.def Info: ../results/MNIST_FGSM_line_strength4.png used on input line 286.
|
||||
(pdftex.def) Requested size: 469.75502pt x 264.23653pt.
|
||||
<../results/CIFAR-10_FGSM_line_strength1.png, id=83, 1156.32pt x 650.43pt>
|
||||
File: ../results/CIFAR-10_FGSM_line_strength1.png Graphic file (type png)
|
||||
<use ../results/CIFAR-10_FGSM_line_strength1.png>
|
||||
Package pdftex.def Info: ../results/CIFAR-10_FGSM_line_strength1.png used on input line 294.
|
||||
(pdftex.def) Requested size: 469.75502pt x 264.23653pt.
|
||||
[12 <../results/MNIST_FGSM_line_strength1.png> <../results/MNIST_FGSM_line_strength4.png>]
|
||||
<../results/CIFAR-10_FGSM_line_strength4.png, id=90, 1156.32pt x 650.43pt>
|
||||
File: ../results/CIFAR-10_FGSM_line_strength4.png Graphic file (type png)
|
||||
<use ../results/CIFAR-10_FGSM_line_strength4.png>
|
||||
Package pdftex.def Info: ../results/CIFAR-10_FGSM_line_strength4.png used on input line 301.
|
||||
(pdftex.def) Requested size: 469.75502pt x 264.23653pt.
|
||||
[13 <../results/CIFAR-10_FGSM_line_strength1.png> <../results/CIFAR-10_FGSM_line_strength4.png>] (./Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.aux)
|
||||
|
||||
LaTeX Warning: There were multiply-defined labels.
|
||||
|
||||
Package logreq Info: Writing requests to 'Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.run.xml'.
|
||||
\openout1 = `Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.run.xml'.
|
||||
|
||||
)
|
||||
Here is how much of TeX's memory you used:
|
||||
14441 strings out of 476041
|
||||
265701 string characters out of 5793174
|
||||
1869388 words of memory out of 6000000
|
||||
34726 multiletter control sequences out of 15000+600000
|
||||
524003 words of font info for 72 fonts, out of 8000000 for 9000
|
||||
1137 hyphenation exceptions out of 8191
|
||||
63i,9n,68p,1489b,1806s stack positions out of 10000i,1000n,20000p,200000b,200000s
|
||||
</usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmbx10.pfb></usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmbx12.pfb></usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmbx9.pfb></usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmcsc10.pfb></usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmmi10.pfb></usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmmi7.pfb></usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmmib10.pfb></usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmr10.pfb></usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmr12.pfb></usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmr17.pfb></usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmr7.pfb></usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmr9.pfb></usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmsy10.pfb></usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmsy7.pfb></usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmti10.pfb></usr/share/texlive/texmf-dist/fonts/type1/public/amsfonts/cm/cmtt10.pfb>
|
||||
Output written on Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.pdf (14 pages, 1331754 bytes).
|
||||
PDF statistics:
|
||||
163 PDF objects out of 1000 (max. 8388607)
|
||||
82 compressed objects within 1 object stream
|
||||
0 named destinations out of 1000 (max. 500000)
|
||||
86 words of extra memory for PDF output out of 10000 (max. 10000000)
|
||||
|
@ -0,0 +1,85 @@
|
||||
<?xml version="1.0" standalone="yes"?>
|
||||
<!-- logreq request file -->
|
||||
<!-- logreq version 1.0 / dtd version 1.0 -->
|
||||
<!-- Do not edit this file! -->
|
||||
<!DOCTYPE requests [
|
||||
<!ELEMENT requests (internal | external)*>
|
||||
<!ELEMENT internal (generic, (provides | requires)*)>
|
||||
<!ELEMENT external (generic, cmdline?, input?, output?, (provides | requires)*)>
|
||||
<!ELEMENT cmdline (binary, (option | infile | outfile)*)>
|
||||
<!ELEMENT input (file)+>
|
||||
<!ELEMENT output (file)+>
|
||||
<!ELEMENT provides (file)+>
|
||||
<!ELEMENT requires (file)+>
|
||||
<!ELEMENT generic (#PCDATA)>
|
||||
<!ELEMENT binary (#PCDATA)>
|
||||
<!ELEMENT option (#PCDATA)>
|
||||
<!ELEMENT infile (#PCDATA)>
|
||||
<!ELEMENT outfile (#PCDATA)>
|
||||
<!ELEMENT file (#PCDATA)>
|
||||
<!ATTLIST requests
|
||||
version CDATA #REQUIRED
|
||||
>
|
||||
<!ATTLIST internal
|
||||
package CDATA #REQUIRED
|
||||
priority (9) #REQUIRED
|
||||
active (0 | 1) #REQUIRED
|
||||
>
|
||||
<!ATTLIST external
|
||||
package CDATA #REQUIRED
|
||||
priority (1 | 2 | 3 | 4 | 5 | 6 | 7 | 8) #REQUIRED
|
||||
active (0 | 1) #REQUIRED
|
||||
>
|
||||
<!ATTLIST provides
|
||||
type (static | dynamic | editable) #REQUIRED
|
||||
>
|
||||
<!ATTLIST requires
|
||||
type (static | dynamic | editable) #REQUIRED
|
||||
>
|
||||
<!ATTLIST file
|
||||
type CDATA #IMPLIED
|
||||
>
|
||||
]>
|
||||
<requests version="1.0">
|
||||
<internal package="biblatex" priority="9" active="0">
|
||||
<generic>latex</generic>
|
||||
<provides type="dynamic">
|
||||
<file>Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.bcf</file>
|
||||
</provides>
|
||||
<requires type="dynamic">
|
||||
<file>Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.bbl</file>
|
||||
</requires>
|
||||
<requires type="static">
|
||||
<file>blx-dm.def</file>
|
||||
<file>blx-compat.def</file>
|
||||
<file>biblatex.def</file>
|
||||
<file>standard.bbx</file>
|
||||
<file>numeric.bbx</file>
|
||||
<file>numeric.cbx</file>
|
||||
<file>biblatex.cfg</file>
|
||||
<file>english.lbx</file>
|
||||
</requires>
|
||||
</internal>
|
||||
<external package="biblatex" priority="5" active="0">
|
||||
<generic>biber</generic>
|
||||
<cmdline>
|
||||
<binary>biber</binary>
|
||||
<infile>Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar</infile>
|
||||
</cmdline>
|
||||
<input>
|
||||
<file>Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.bcf</file>
|
||||
</input>
|
||||
<output>
|
||||
<file>Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.bbl</file>
|
||||
</output>
|
||||
<provides type="dynamic">
|
||||
<file>Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.bbl</file>
|
||||
</provides>
|
||||
<requires type="dynamic">
|
||||
<file>Report_for_Enhancing_Image_Classifiers_with_Denoising_Filters_Sharpe_Polikar.bcf</file>
|
||||
</requires>
|
||||
<requires type="editable">
|
||||
<file>references.bib</file>
|
||||
</requires>
|
||||
</external>
|
||||
</requests>
|
@ -0,0 +1,306 @@
|
||||
\documentclass{article}
|
||||
|
||||
\usepackage{graphicx}
|
||||
\usepackage{float}
|
||||
\usepackage[margin=1in]{geometry}
|
||||
\usepackage[backend=biber]{biblatex}
|
||||
\usepackage{caption}
|
||||
\usepackage{subcaption}
|
||||
\usepackage{bm}
|
||||
\usepackage{amsmath}
|
||||
\usepackage{listings}
|
||||
\usepackage[toc,page]{appendix}
|
||||
|
||||
\DeclareMathOperator{\sign}{sign}
|
||||
|
||||
\addbibresource{references.bib}
|
||||
|
||||
\title{Enhancing Image Classifiers with Denoising Filters}
|
||||
\author{Aidan Sharpe}
|
||||
\date{}
|
||||
|
||||
\begin{document}
|
||||
\begin{titlepage}
|
||||
\maketitle
|
||||
\end{titlepage}
|
||||
|
||||
\newpage
|
||||
\tableofcontents
|
||||
\pagebreak
|
||||
|
||||
\begin{abstract}
|
||||
With the sudden increase in machine learning applications brought forth in the last eighteen months or so, a new cybersecurity threat has been posed. Not only are traditional cloud-based threats a risk---denial of service attacks for example---AI services are also at risk of being sabotaged by adversarial examples. Several defense methods have been proposed in the last decade that have seen varying degrees of success and transferability across models and attack methods. Even the best defenses, however, have some drawbacks. One recent technique used a denoising autoencoder to essentially remove the attack from an image. However, this technique requires training the autoencoder and pipelining multiple machine learning models. To further support increased robustness for online AI services without a training stage and without multiple models, we designed a pipeline that instead applies denoising filters to inputs before they reach the model. In doing so, the goal is to maintain the accuracy of the classifier. Our tests on a classifier trained on the MNIST dataset show that some filters could maintain the classifying accuracy of the model at high attack strengths. However, the when instead a classifier was trained on CIFAR-10, a lower-contrast dataset, even the best filters were only able to keep accuracy slightly better than if the model was guessing classes at random.
|
||||
\end{abstract}
|
||||
|
||||
\section{Introduction}
|
||||
All neural networks are prone to adversarial attacks \cite{carlini2017evaluating} \cite{szegedy2014intriguing}. When it comes to defending against these attacks, one method is to train using both adversarial (attacked) and clean (not attacked) data. While this method has been shown to somewhat regularize the neural network \cite{goodfellow2015explaining}, the technique fails to generalize to other attacks. Another defense technique, from which our approach draws inspiration, involves using a denoising autoencoder to produce only clean data from both adversarial and clean data. This technique shows promise and transferability across a range of attacks.
|
||||
|
||||
Unfortunately, this approach involves training a secondary model to protect the original, which can drastically increase the amount of computing power required. Therefore, in scenarios where reducing computing power is important or a simple drop-in defense is required, we propose a pipeline in which commonly available denoising filters are used to pre-process inputs before being fed to the model.
|
||||
|
||||
By implementing this approach, we examined whether preprocessing filters are effective at defending adversarial attacks. Therefore, we set out to:
|
||||
\begin{enumerate}
|
||||
\item Compare the efficacy of different filters at different attack and filtering strengths
|
||||
\item Investigate the efficacy of different filters on different datasets and classifier architectures
|
||||
\item Investigate the effectiveness of a filter-based defense across multiple adversarial attacks
|
||||
\end{enumerate}
|
||||
|
||||
\section{Approach and Background}
|
||||
\label{sec:approach_background}
|
||||
Consider an input image $\bm{x}$. We obtain its attacked counterpart $\tilde{\bm{x}}$ by adding some calculated perturbation.
|
||||
\begin{equation}
|
||||
\tilde{\bm{x}} = \bm{x} + \bm{\eta}
|
||||
\end{equation}
|
||||
where $\bm{\eta}$ is the calculated perturbation for the given attack method. For the case of the FGSM attack,
|
||||
\begin{equation}
|
||||
\bm{\eta} = \epsilon \sign(\nabla_x J(\bm{\theta}, \bm{x}, y))
|
||||
\label{eqn:fgsm}
|
||||
\end{equation}
|
||||
where $J(\bm{\theta}, \bm{x}, y)$ is the cost function used to train the neural network and $\epsilon$ is a free parameter indicating the strength of the attack \cite{goodfellow2015explaining}. For our method we used $\epsilon \in [0,0.3]$ with a step size of 0.025.
|
||||
|
||||
The goal of the denoising autoencoder approach, which we drew inspiration from, is to remove the perturbation and recover the original image. This approach requires a training process on to minimize the error, so that as error decreases the output given a noisy input as similar as possible to the unperturbed case. Specifically, while a regular autoencoder attempts to essentially compress and recover an image, minimizing its loss function:
|
||||
\begin{equation}
|
||||
L(\bm{x}, g(f(\bm{x})))
|
||||
\end{equation}
|
||||
where $L$ is the loss function, $g(\bm{h})$ is the decoded output and $\bm{h} = f(\bm{x})$ is the encoder output, a denoising autoencoder tries to minimize a slightly different loss:
|
||||
\begin{equation}
|
||||
L(\bm{x}, g(f(\tilde{\bm{x}})))
|
||||
\end{equation}
|
||||
In doing so, the original image can be almost perfectly recovered from the perturbed one \cite{goodfellow2016deep}.
|
||||
|
||||
Solving this minimization problem requires additional computational power that a filtering approach would not. Unfortunately, hoping to use a simple filter to fully recover an image is too lofty a goal. However, our goal should not be recovering the image at all, since the point of a defense is only to get the same output from the model. Therefore, given an ideal filter $F$ and a classifier $C$,
|
||||
\begin{equation}
|
||||
C(F(\tilde{\bm{x}})) = C(F(\bm{x})) = C(\bm{x})
|
||||
\end{equation}
|
||||
|
||||
Extending this concept to accuracy, for an ideal filter, the accuracy of the classifier with clean inputs should be the same as the accuracy of the classifier with filtered inputs whether attacked or not.
|
||||
|
||||
Demonstrating filters on only one attack or only one dataset would not provide any information on the transferability of our approach. To test dataset transferability we selected MNIST and CIFAR-10, excerpts of each are seen in figure \ref{fig:dataset_excerpts}. To test attack transferability, we began with the FGSM attack given in equation \ref{eqn:fgsm} and plan to implement the Carlini and Wagner attack soon \cite{carlini2017evaluating}.
|
||||
\begin{figure}[H]
|
||||
\centering
|
||||
\begin{subfigure}[b]{0.33\textwidth}
|
||||
\includegraphics[width=\textwidth]{../poster/MNIST_excerpt.png}
|
||||
\caption{MNIST dataset excerpt}
|
||||
\end{subfigure}
|
||||
\begin{subfigure}[b]{0.33\textwidth}
|
||||
\includegraphics[width=\textwidth]{../poster/CIFAR-10_excerpt.png}
|
||||
\caption{CIFAR-10 dataset excerpt}
|
||||
\end{subfigure}
|
||||
\caption{Excerpts each dataset used with elements arranged by class}
|
||||
\label{fig:dataset_excerpts}
|
||||
\end{figure}
|
||||
|
||||
\section{Experimental Timeline}
|
||||
\label{sec:exp_timeline}
|
||||
We began by establishing a baseline performance with an FGSM attack on a pre-trained MNIST CNN classifier. After verifying that the attack was working, the first filter could be implemented: a Gaussian Kuwahara filter. The Kuwahara filter was initially chosen because it excels at blurring smooth areas of an image while also preserving edges. Once this preliminary pipeline was up and running, the code was made more modular with a standard interface to facilitate swapping out models, attacks, and filters.
|
||||
|
||||
\begin{figure}[H]
|
||||
\centering
|
||||
\includegraphics[width=0.5\textwidth]{../poster/Concept.png}
|
||||
\caption{Simple block diagram of the proposed pipeline}
|
||||
\label{fig:concept-overview}
|
||||
\end{figure}
|
||||
|
||||
With this interface constructed, all alternative filters were tested over a range of attack strengths and with a range of variation on each filter's free parameter. This free parameter is referred to as filtering "strength" for a lack of better terms, although some filters, such as bit-depth reduction, make larger alterations at lower "strength".
|
||||
|
||||
To prevent the need to rerun the filter testing program every time we wanted to change how results were visualized, data for each run was saved in the JSON format specified by the ECMA-404 standard \cite{ecma404}. This allowed for a companion program to read and display results in a number of ways.
|
||||
|
||||
Once we had results for MNIST, we shifted focus to implementing a CIFAR-10 classifier. Originally, we attempted to adapt the LeNet classifier we were already using. This could achieve about 65\% to 70\% accuracy on the validation dataset before plateauing. Therefore, we decided to research what others had found success with. We started to test DLA \cite{yu2019deep}, but after taking too long to train, we pivoted again to VGG16, which we stuck with for testing on filters \cite{simonyan2014very}.
|
||||
|
||||
|
||||
Once we had two working classifiers, LeNet trained on MNIST and VGG16 trained on CIFAR-10, we were able to compare the effectiveness of the filters across models.
|
||||
|
||||
The next logical progression, which will be implemented in the near future, is another attack to evaluate the transferability of our approach across attack methods. Currently we plan to use the Carlini and Wagner attack \cite{carlini2017evaluating}.
|
||||
|
||||
We specifically chose these two attacks because they appear in the list of example transferable adversarial attacks (Annex A.2.1 of IEEE 3129-2023) \cite{ieee3129}. Additionally both FGSM and Carlini and Wagner attacks were tested on the desnoising autoencoder approach, so by implementing them, comparing results will be much easier.
|
||||
|
||||
|
||||
\section{Constraints}
|
||||
In switching from LeNet to deeper networks, two constraints were posed. Firstly, the GPU in the machine used did not support any machine learning hardware acceleration tools like CUDA or ROCm. Being forced to do everything on the CPU imposed a limit on how much training and testing could be done within a reasonable amount of time. Essentially, hardware options put a limit on model complexity. Limited computing resources also guided our decision to pick CIFAR-10 over a higher-resolution dataset like ImageNet.
|
||||
|
||||
The other constraint was posed by the version management system used. While Git itself does not really have a limit, the current server-side setup requires that files be under about 100 MB each. Since we wanted to store the trained models alongside the other files in the repository, this limited the number of parameters our models had. While the largest model used in testing was 62MiB, the limit significantly narrowed the list of possible choices.
|
||||
|
||||
\section{Applicable Engineering Standards}
|
||||
Both standards used are mentioned throughout. This section serves mainly as an overview of each standard and why it was selected. Both standards were highly valuable resources, and an overview alone would not do them justice. Specifically, IEEE 3129 is discussed further in sections \ref{sec:approach_background}, \ref{sec:exp_timeline}, and \ref{sec:future_work}, and ECMA-404 is discussed further in section \ref{sec:exp_timeline}.
|
||||
|
||||
\subsection{IEEE 3129-2023}
|
||||
IEEE standard 3129-2023, \emph{IEEE Standard for Robustness Testing and Evaluation of Artificial Intelligence (AI)-based Image Recognition Service} proved itself an invaluable resource throughout the project. Definitions and experimental processes alike were informed by this standard. For example, IEEE 3129 provides, in Annex A.2.1, examples of attacks that must be defended against for a defense to be considered \emph{transferable}. Therefore, our experimental process selected attacks from their list \cite{ieee3129}.
|
||||
|
||||
\subsection{ECMA-404}
|
||||
Standard ECMA-404, \emph{The JSON Data Interchange Syntax} specifies the JSON file format: a text-based serialization format, syntactically similar to Python dictionaries \cite{ecma404}. This file format was selected as the primary method of storing results due to its popularity across engineering and non-engineering disciplines, its easy-to-use Python library, and most importantly, human-readability. By using the JSON file format for our results, any issues were debugged rapidly, and any data reformatting could be done with a very short helper program.
|
||||
|
||||
|
||||
\section{Alternative Filters}
|
||||
Seven image processing filters were selected, and their performances were compared over a range of attack strengths, while parametrically varying filter strength. In this way, the optimal parameters for each filter could be found, and their effectiveness against adversarial examples could be examined. An overview of how each filter operates on a randomly selected MNIST example attacked with FGSM with $\epsilon=0.2$ is seen in figure \ref{fig:alternative_filters}.
|
||||
|
||||
\begin{figure}[H]
|
||||
\centering
|
||||
\includegraphics[width=0.125\textwidth]{../examples/unfiltered_eps_0.2.png}
|
||||
\includegraphics[width=0.125\textwidth]{../examples/bit_depth_eps_0.2.png}
|
||||
\includegraphics[width=0.125\textwidth]{../examples/gaussian_blur_eps_0.2.png}
|
||||
\includegraphics[width=0.125\textwidth]{../examples/gaussian_kuwahara_eps_0.2.png}
|
||||
|
||||
\includegraphics[width=0.125\textwidth]{../examples/mean_kuwahara_eps_0.2.png}
|
||||
\includegraphics[width=0.125\textwidth]{../examples/random_noise_eps_0.2.png}
|
||||
\includegraphics[width=0.125\textwidth]{../examples/bilateral_filter_eps_0.2.png}
|
||||
\includegraphics[width=0.125\textwidth]{../examples/threshold_eps_0.2.png}
|
||||
\caption{The seven selected filters operating on a randomly selected sample from MNIST attacked with FGSM with $\epsilon=0.2$}
|
||||
\label{fig:alternative_filters}
|
||||
\end{figure}
|
||||
|
||||
The first set of filters examined were the Kuwahara filters, both Gaussian and Mean variants. They operate based on the variance of four overlapping regions in a kernel. These filters were selected due to their ability to preserve edges and blur smooth areas: a desirable property for removing noise. The Kuwahara filter is commonly used to implement an oil painting effect in some software packages, but was originally used to make interpreting medical imaging easier \cite{kuwahara1976processing}. The free parameter for both Kuwahara filters is the radius of the kernel, and its relation to filter strength is given by:
|
||||
\begin{equation}
|
||||
r = 2s + 1
|
||||
\label{eqn:rad_odd_strength}
|
||||
\end{equation}
|
||||
where $r$ is the kernel radius, and $s$ is the filter strength.
|
||||
|
||||
The Gaussian blur was implemented next, as it is a simple and very common filter. It acts as a lowpass filter, blurring both smooth areas and edges. Similar to the Kuwahara filters, the free parameter of the Gaussian blur is radius, and it has the same relationship to strength given by equation \ref{eqn:rad_odd_strength}.
|
||||
|
||||
The bilateral filter was selected because, like the Kuwahara filter, it reduces noise but preserves edges. The resulting images are very different, however. While the Kuwahara filter produces more "blotchy-looking" images, the bilateral filter produces smooth images. The bilateral filter instead uses kernel diameter as a free parameter, and the implementation used requires this parameter be an odd number. Hence, the diameter is calculated with the relationship:
|
||||
\begin{equation}
|
||||
d = 2s + 1
|
||||
\end{equation}
|
||||
where $d$ is the kernel diameter, and $s$ is the filtering strength.
|
||||
|
||||
As a control of sorts, to see if the filters were acting as defense or simply perturbing the attacked images away from the area of adversarial behavior, a noise "filter" was implemented. The noise added was specifically Gaussian noise with a mean $\mu=0$ and a standard deviation $\sigma=180$. The free parameter selected was the intensity of the noise, meaning with a higher strength, the signal to noise ratio (SNR) would degrade. The relationship between strength and intensity was
|
||||
\begin{equation}
|
||||
I = I_0 (2s + 1)
|
||||
\end{equation}
|
||||
where $I$ is intensity, $s$ is strength, and $I_0$ is the initial intensity. For our tests, we used $I_0 = 5\times10^{-4}$.
|
||||
|
||||
While not typically used as a filter, a bit-depth reduction was chosen because it quantizes the image. In doing so, small perturbations should have no change in most of the image, except for where the value was already close to the threshold. Overall, a bit-depth reduction should be solid against low-amplitude attacks. The free parameter of this operation is the number of bits. In relationship to strength,
|
||||
\begin{equation}
|
||||
b = 2^s
|
||||
\end{equation}
|
||||
where $b$ is the number of bits. The bit-depth reduction is one such case where increasing the filter strength makes the output more similar to the input.
|
||||
|
||||
The final filter tested was a simple threshold. For each channel, the value would set to the maximum value when above the threshold and to the minimum value when below the threshold. For a floating-point greyscale image, the maximum value is one and the minimum value is zero. The threshold filter is another such filter where mapping the free parameter to strength seems odd. The free parameter is the threshold, which is given by
|
||||
\begin{equation}
|
||||
T = {2s + 1 \over 10}
|
||||
\end{equation}
|
||||
where $T$ is the threshold. Perhaps this definition could be better as it restricts strength to be values in the range $[-0.5,4.5]$. Regardless, this is the definition used in testing to get an even spread of thresholds between zero and one.
|
||||
|
||||
\section{Results and Evaluation}
|
||||
In Python-like pseudocode, a rough outline of our testing procedure is:
|
||||
\lstinputlisting[language=Python, caption=Testing procedure overview]{../examples/pseudocode.py}
|
||||
With this procedure, all filters are tested automatically at all filtering and attack strengths. To change the model, a different \verb|Net| class is imported, and to change the attack, the \verb|fgsm_attack()| function may be swapped out.
|
||||
|
||||
Since both CIFAR-10 and MNIST include a validation datasets, only one run was conducted for each model. Both datasets contain 10,000 test images, which should provide a good estimate on the accuracy of each model over each parameter's range.
|
||||
|
||||
With the two free parameters, filter strength and attack strength, the accuracy of each filter can be thought of as a point in 3D space. For each filter strength and attack strength, the highest accuracy filter was chosen to represent that point. For our purposes, the accuracy was defined as the ratio of correct predictions to total predictions. The best filters and their accuracies for each attack strength and filter strength for MNIST and CIFAR-10 are seen in figure \ref{fig:filter_performances}.
|
||||
\begin{figure}[H]
|
||||
\centering
|
||||
\includegraphics[width=0.33\textwidth]{../results/MNIST_FGSM_3d_new.png}
|
||||
\includegraphics[width=0.33\textwidth]{../results/CIFAR-10_FGSM_3d.png}
|
||||
\caption{The highest rank filter and its accuracy for each attack strength and filter strength}
|
||||
\label{fig:filter_performances}
|
||||
\end{figure}
|
||||
|
||||
To determine how well a filter is performing, two measures of effectiveness are defined. An \emph{ideally effective} filter will produce the same classifier accuracy for both clean and attacked images. While a lofty goal for sure, this is the ideal case.
|
||||
|
||||
The second measure of effectiveness we defined is a \emph{minimally effective} filter. To be minimally effective, the accuracy of the classifier must only be higher than if it were randomly guessing the class. For example, for a balanced dataset with ten classes, the expected accuracy for randomly guessing is 10\%. If the accuracy is consistently above this threshold for both clean and attacked inputs, then the filter may be deemed minimally effective.
|
||||
|
||||
This definition was chosen, because if a classifier is performing better than randomly guessing, then it may be boosted to increase accuracy \cite{schapire1989strength}.
|
||||
|
||||
The results as seen in figure \ref{fig:filter_performances} only displays the highest rank filter for each attack and filter strength. To get a better comparison of the filters, several additional views are listed in the appendices.
|
||||
|
||||
\section{Conclusions}
|
||||
As seen in figure \ref{fig:filter_performances}, the threshold filter operates as a nearly ideal filter for MNIST even at the highest attack strengths tested. Additionally for the MNIST case, the Gaussian Kuwahara filter prevails at high filter strength and high attack strength.
|
||||
|
||||
For CIFAR-10, however, the results are not nearly as promising. While for every attack strength tested there was a filter at some strength that kept the classifier above the random guessing threshold, there were no filters that came even close to the ideal case.
|
||||
|
||||
We conjecture that, at least for low-resolution datasets, having low contrast images makes defending attacks more difficult. Taking a look at what the threshold filter does to an attacked image in figure \ref{fig:alternative_filters}, it becomes apparent why it works so well for MNIST. Essentially, when attacked, the SNR is still quite low.
|
||||
|
||||
In the case of CIFAR-10, discerning the images can be difficult at times even for a human observer. Therefore, it is understandable why FGSM impacted CIFAR-10 much more than MNIST. To better understand how filters apply to color photos in general, testing with the ImageNet database is a logical next step.
|
||||
|
||||
\section{Ethical Considerations and Impact Factors}
|
||||
Ethical considerations were any ethical issues that we found that may arise as a direct effect of or adjacent to our work, while impact factors were our solutions and guidance informed by those considerations.
|
||||
|
||||
\subsection{Health and Safety Ethical Considerations}
|
||||
When it comes to image classifier services, many tools will not have any direct impact on the health and safety of others. In some cases, however, if the classifier is being used to operate machinery, such as in self-driving vehicles, having a robust pipeline is important to keeping people out of harm's way. Additionally, for services such as plant classifiers, if attacked, and a poisonous plant is identified as safe to eat, people may fall ill or perish. Therefore, as such machine learning services become more popular, being robust to adversarial attacks is of the utmost importance to human health.
|
||||
|
||||
\subsection{Heath and Safety Impact Factors}
|
||||
For this reason, unless further research shows that filtering is an effective defense for higher resolution color images, we cannot recommend that filters be used as an adversarial defense in any service that may involve machinery, food, or any other potentially hazardous element.
|
||||
|
||||
Additionally, one of the reasons we chose to investigate a filtering approach was because it is potentially faster than a denoising autoencoder. This way, if our approach is found to be effective against adversarial attacks, we can increase the safety of equipment operators in time-sensitive operations.
|
||||
|
||||
\subsection{Social and Cultural Ethical Considerations}
|
||||
Be it source code, experimental procedures, raw results, or otherwise, having closed-source anything in an academic project should raise a red flag. In too many cases papers have been retracted due to academic dishonesty or improper manipulation of data.
|
||||
|
||||
\subsection{Social and Cultural Impact Factors}
|
||||
To ensure equal access and full transparency with the readers and those wishing to reproduce the results found in this paper, all code, results, document files, and their editing histories are free and open source (FOSS) under the MIT license. All software packages and external libraries used were also ensured to be FOSS before use.
|
||||
|
||||
\subsection{Environmental Ethical Considerations}
|
||||
When it comes to adversarial defenses, energy consumption will likely impact the environment the most. Outside of academia, the most likely victim for an adversarial attack is AI web services hosted in data centers. These data centers are always online, so by reducing the energy use, the amount of fossil fuels consumed may be reduced greatly in the long-term.
|
||||
|
||||
\subsection{Environmental Impact Factors}
|
||||
For services dealing with only high-contrast, greyscale datasets, we recommend looking into a filter defense to avoid wasting energy training a denoising autoencoder. Additionally, we plan to perform a cradle to grave life-cycle assessments on both denoising autoencoders and denoising filters to determine which is better from an environmental perspective.
|
||||
|
||||
\subsection{Economic and Financial Ethical Considerations}
|
||||
As noted previously, online services have new cybersecurity risks when it comes to machine learning. Dealing with adversarial examples may result in financial damages whether in the form of lawsuits or lost sales due to sabotage.
|
||||
|
||||
We must also be aware that filters may pose a risk to reverse-engineering the defense mechanism. As our pipeline is made from commonly available components, an adversary may devise an attack that produces an adversarial example after the input is filtered.
|
||||
|
||||
|
||||
\subsection{Economic and Financial Impact Factors}
|
||||
One benefit of filtering over a denoising autoencoder is pre-deterministic output. Since filters behave like any other algorithmic method, the output of any input is easily determined. Compare this with an autoencoder: the output relies on the parameters of the model, which cannot possibly be known prior to the training process.
|
||||
|
||||
This pre-deterministic behavior may allow auxiliary algorithms such as checksums or cryptographic signing to be used to verify inputs to the model. This subtle trait of filtering opens the door to enhanced cybersecurity integrations, and drove much of the curiosity behind this project.
|
||||
|
||||
\subsection{Generative AI Disclaimer}
|
||||
All code, results data, writing, figures, equations, typos, and errors, unless a source is cited, are the words and work of the authors listed on the title page. ChatGPT 3.5 was used to assist with the wording of the title of this paper, but no other generative AI was used in this project.
|
||||
|
||||
\section{Key Takeaways}
|
||||
This project started with very little knowledge about machine learning, let alone adversarial machine learning. We had some prior experience working with image processing and filtering in Python, which partly inspired our approach. For the most part, however, all knowledge presented at the end of the semester was learned throughout the semester. Everything from building custom models to implementing, training, and validating machine learning models, to learning how to attack a model, to even learning how to use Matplotlib's 3D functionality was all learned over the course of the project.
|
||||
|
||||
The primary source of information was library documentation, after that, it was teammates with prior experience in adversarial machine learning. Other questions not answerable by those sources were answered by reading prior papers published on filters and adversarial machine learning.
|
||||
|
||||
\section{Future Work}
|
||||
\label{sec:future_work}
|
||||
While significant progress was made in developing the proposed pipeline, we did not meet all of our requirements, and therefore are not yet in a position to publish this work. To meet these requirements, we must still test at least one more attack, likely Carlini and Wagner \cite{carlini2017evaluating}, and to fully show transferability, we would like to test all attacks listed in Annex A.2.1 of IEEE 3129-2023. This testing will assist any image classifier cloud services in developing a robust platform, the stated goal of IEEE 3129-2023 \cite{ieee3129}.
|
||||
|
||||
Additionally, we find it important to standardize the strength parameter with a more robust, likely SNR-based definition. In doing so, calling the parameter "strength" would make more intuitive sense, and it would provide a fairer comparison of the filters.
|
||||
|
||||
Third, we would like to test the hypothesis that filtering is more energy efficient than a denoising autoencoder. If it is more energy efficient, then the proposed pipeline may be appealing to data centers whose primary cost-cutting measure is to reduce power consumption.
|
||||
|
||||
Finally, we plan to implement a few more alternative filters. Some of which will be quite easy to implement (simply a call to a library function), while others will require a custom implementation.
|
||||
|
||||
\section{Acknowledgements}
|
||||
In any academic effort, we stand on the shoulders of giants. This project is no different and would not have been possible without help of several key resources. Special thanks to the PyTorch examples team for providing the baseline implementation of the LeNet classifier used on MNIST and the implementation of the FGSM attack with varying strengths. This project also heavily used the NumPy, Matplotlib, and PyTorch libraries. Filters not implemented by the authors used the cv2 distribution of OpenCV for Python, and the Kuwahara filters were implemented using the pykuwahara library. Additionally, we would not have found VGG16 or DLA without the help from kuangliu on GitHub, who supplied the source code and performances of a set of models on CIFAR-10. To fix the rendering of Matplotlib's 3D bar chart, code from codeMonkey, marisano, and CYang on Stack Overflow was used. Finally, we would like to thank Dr. Robi Polikar and Chaz Allegra for their mentorship and unending support throughout the course of this project. Without their help and dedication, we would not have made nearly as much progress this semester.
|
||||
|
||||
\pagebreak
|
||||
\printbibliography
|
||||
|
||||
\pagebreak
|
||||
\appendix
|
||||
\section{Additional Views of MNIST Results}
|
||||
\begin{figure}[H]
|
||||
\centering
|
||||
\includegraphics[width=\textwidth]{../results/MNIST_FGSM_line_strength1.png}
|
||||
\caption{Performances for each filter with filter strength 1 on MNIST attacked with FGSM}
|
||||
\label{fig:mnist_fgsm_strength1}
|
||||
\end{figure}
|
||||
|
||||
\begin{figure}[H]
|
||||
\centering
|
||||
\includegraphics[width=\textwidth]{../results/MNIST_FGSM_line_strength4.png}
|
||||
\caption{Performances for each filter with filter strength 4 on MNIST attacked with FGSM}
|
||||
\label{fig:mnist_fgsm_strength4}
|
||||
\end{figure}
|
||||
|
||||
\section{Additional Views of CIFAR-10 Results}
|
||||
\begin{figure}[H]
|
||||
\centering
|
||||
\includegraphics[width=\textwidth]{../results/CIFAR-10_FGSM_line_strength1.png}
|
||||
\caption{Performances for each filter with filter strength 1 on CIFAR-10 attacked with FGSM}
|
||||
\label{fig:mnist_fgsm_strength1}
|
||||
\end{figure}
|
||||
|
||||
\begin{figure}[H]
|
||||
\centering
|
||||
\includegraphics[width=\textwidth]{../results/CIFAR-10_FGSM_line_strength4.png}
|
||||
\caption{Performances for each filter with filter strength 4 on CIFAR-10 attacked with FGSM}
|
||||
\label{fig:mnist_fgsm_strength4}
|
||||
\end{figure}
|
||||
|
||||
\end{document}
|
@ -0,0 +1,5 @@
|
||||
[0] Config.pm:307> INFO - This is Biber 2.19
|
||||
[0] Config.pm:310> INFO - Logfile is 'report.tex.blg'
|
||||
[75] biber:340> INFO - === Sat May 4, 2024, 22:00:55
|
||||
[172] Utils.pm:410> ERROR - Cannot find 'report.tex.bcf'!
|
||||
[172] Biber.pm:136> INFO - ERRORS: 1
|
@ -0,0 +1,25 @@
|
||||
\contentsline {section}{\numberline {1}Introduction}{2}{}%
|
||||
\contentsline {section}{\numberline {2}Approach and Background}{2}{}%
|
||||
\contentsline {section}{\numberline {3}Experimental Timeline}{3}{}%
|
||||
\contentsline {section}{\numberline {4}Constraints}{4}{}%
|
||||
\contentsline {section}{\numberline {5}Applicable Engineering Standards}{5}{}%
|
||||
\contentsline {subsection}{\numberline {5.1}IEEE 3129-2023}{5}{}%
|
||||
\contentsline {subsection}{\numberline {5.2}ECMA-404}{5}{}%
|
||||
\contentsline {section}{\numberline {6}Alternative Filters}{5}{}%
|
||||
\contentsline {section}{\numberline {7}Results and Evaluation}{6}{}%
|
||||
\contentsline {section}{\numberline {8}Conclusions}{8}{}%
|
||||
\contentsline {section}{\numberline {9}Ethical Considerations and Impact Factors}{8}{}%
|
||||
\contentsline {subsection}{\numberline {9.1}Health and Safety Ethical Considerations}{8}{}%
|
||||
\contentsline {subsection}{\numberline {9.2}Heath and Safety Impact Factors}{8}{}%
|
||||
\contentsline {subsection}{\numberline {9.3}Social and Cultural Ethical Considerations}{8}{}%
|
||||
\contentsline {subsection}{\numberline {9.4}Social and Cultural Impact Factors}{8}{}%
|
||||
\contentsline {subsection}{\numberline {9.5}Environmental Ethical Considerations}{9}{}%
|
||||
\contentsline {subsection}{\numberline {9.6}Environmental Impact Factors}{9}{}%
|
||||
\contentsline {subsection}{\numberline {9.7}Economic and Financial Ethical Considerations}{9}{}%
|
||||
\contentsline {subsection}{\numberline {9.8}Economic and Financial Impact Factors}{9}{}%
|
||||
\contentsline {subsection}{\numberline {9.9}Generative AI Disclaimer}{9}{}%
|
||||
\contentsline {section}{\numberline {10}Key Takeaways}{9}{}%
|
||||
\contentsline {section}{\numberline {11}Future Work}{10}{}%
|
||||
\contentsline {section}{\numberline {12}Acknowledgements}{10}{}%
|
||||
\contentsline {section}{\numberline {A}Additional Views of MNIST Results}{12}{}%
|
||||
\contentsline {section}{\numberline {B}Additional Views of CIFAR-10 Results}{13}{}%
|
95
report/references.bib
Normal file
@ -0,0 +1,95 @@
|
||||
@misc{szegedy2014intriguing,
|
||||
title={Intriguing properties of neural networks},
|
||||
author={Christian Szegedy and Wojciech Zaremba and Ilya Sutskever and Joan Bruna and Dumitru Erhan and Ian Goodfellow and Rob Fergus},
|
||||
year={2014},
|
||||
volume={1312.6199},
|
||||
journal={arXiv},
|
||||
primaryClass={cs.CV}
|
||||
}
|
||||
|
||||
@misc{carlini2017evaluating,
|
||||
title={Towards Evaluating the Robustness of Neural Networks},
|
||||
author={Nicholas Carlini and David Wagner},
|
||||
year={2017},
|
||||
volume={1608.04644},
|
||||
journal={arXiv},
|
||||
primaryClass={cs.CR}
|
||||
}
|
||||
|
||||
@misc{ecma404,
|
||||
author = {Crockford, Douglas and Morningstar, Chip},
|
||||
year = {2017},
|
||||
month = {12},
|
||||
pages = {},
|
||||
title = {Standard ECMA-404 The JSON Data Interchange Syntax},
|
||||
doi = {10.13140/RG.2.2.28181.14560}
|
||||
}
|
||||
|
||||
@article{ieee3129,
|
||||
author={},
|
||||
journal={IEEE Std 3129-2023},
|
||||
title={IEEE Standard for Robustness Testing and Evaluation of Artificial Intelligence (AI)-based Image Recognition Service},
|
||||
year={2023},
|
||||
volume={},
|
||||
number={},
|
||||
pages={1-34},
|
||||
keywords={IEEE Standards;Robustness;Image recording;Testing;Artificial intelligence;Performance evaluation;adversarial attacks;artificial Intelligence-based services;assessment framework;common corruption;IEEE 3129;robustness},
|
||||
doi={10.1109/IEEESTD.2023.10141539}
|
||||
}
|
||||
|
||||
@misc{goodfellow2015explaining,
|
||||
title={Explaining and Harnessing Adversarial Examples},
|
||||
author={Ian J. Goodfellow and Jonathon Shlens and Christian Szegedy},
|
||||
year={2015},
|
||||
volume={1412.6572},
|
||||
journal={arXiv},
|
||||
primaryClass={stat.ML}
|
||||
}
|
||||
|
||||
@misc{yu2019deep,
|
||||
title={Deep Layer Aggregation},
|
||||
author={Fisher Yu and Dequan Wang and Evan Shelhamer and Trevor Darrell},
|
||||
year={2019},
|
||||
eprint={1707.06484},
|
||||
journal={arXiv},
|
||||
primaryClass={cs.CV}
|
||||
}
|
||||
|
||||
@article{simonyan2014very,
|
||||
author = {Simonyan, Karen and Zisserman, Andrew},
|
||||
year = {2014},
|
||||
month = {09},
|
||||
pages = {},
|
||||
title = {Very Deep Convolutional Networks for Large-Scale Image Recognition},
|
||||
journal = {arXiv 1409.1556}
|
||||
}
|
||||
|
||||
@inproceedings{schapire1989strength,
|
||||
author={Schapire, R.E.},
|
||||
booktitle={30th Annual Symposium on Foundations of Computer Science},
|
||||
title={The strength of weak learnability},
|
||||
year={1989},
|
||||
volume={},
|
||||
number={},
|
||||
pages={28-33},
|
||||
keywords={Polynomials;Boosting;Laboratories;Computer science;Upper bound;Boolean functions;Filtering},
|
||||
doi={10.1109/SFCS.1989.63451}
|
||||
}
|
||||
|
||||
@article{kuwahara1976processing,
|
||||
title={Processing of RI-angiocardiographic images},
|
||||
author={Kuwahara, Michiyoshi and Hachimura, Kozaburo and Eiho, Shigeru and Kinoshita, Masato},
|
||||
journal={Digital processing of biomedical images},
|
||||
pages={187--202},
|
||||
year={1976},
|
||||
publisher={Springer}
|
||||
}
|
||||
|
||||
@book{goodfellow2016deep,
|
||||
title={Deep Learning},
|
||||
author={Ian Goodfellow and Yoshua Bengio and Aaron Courville},
|
||||
publisher={MIT Press},
|
||||
note={\url{http://www.deeplearningbook.org}},
|
||||
year={2016}
|
||||
}
|
||||
|
BIN
results/BilateralPerformance50Sigma.png
Normal file
After Width: | Height: | Size: 115 KiB |
BIN
results/BitDepthReducePerformance.png
Normal file
After Width: | Height: | Size: 117 KiB |
BIN
results/CIFAR-10_FGSM_3d.png
Normal file
After Width: | Height: | Size: 168 KiB |
BIN
results/CIFAR-10_FGSM_highest_rank.png
Normal file
After Width: | Height: | Size: 33 KiB |
BIN
results/CIFAR-10_FGSM_line_strength1.png
Normal file
After Width: | Height: | Size: 106 KiB |
BIN
results/CIFAR-10_FGSM_line_strength4.png
Normal file
After Width: | Height: | Size: 97 KiB |
BIN
results/CIFAR-10_FGSM_performance_map.png
Normal file
After Width: | Height: | Size: 25 KiB |
BIN
results/Filter_Performance_Against_FGSM_Attack.png
Normal file
After Width: | Height: | Size: 125 KiB |
BIN
results/Filter_Performance_Against_FGSM_Attack_With_Snapped.png
Normal file
After Width: | Height: | Size: 132 KiB |
BIN
results/GaussianBlurPerformance.png
Normal file
After Width: | Height: | Size: 115 KiB |
BIN
results/GaussianKuwaharaPerformance.png
Normal file
After Width: | Height: | Size: 137 KiB |
BIN
results/MNIST_FGSM_3d.png
Normal file
After Width: | Height: | Size: 164 KiB |
BIN
results/MNIST_FGSM_3d_new.png
Normal file
After Width: | Height: | Size: 171 KiB |
BIN
results/MNIST_FGSM_highest_rank.png
Normal file
After Width: | Height: | Size: 28 KiB |
BIN
results/MNIST_FGSM_line_strength1.png
Normal file
After Width: | Height: | Size: 130 KiB |
BIN
results/MNIST_FGSM_line_strength4.png
Normal file
After Width: | Height: | Size: 134 KiB |
BIN
results/MNIST_FGSM_performance_map.png
Normal file
After Width: | Height: | Size: 20 KiB |
BIN
results/MeanKuwaharaPerformance.png
Normal file
After Width: | Height: | Size: 106 KiB |
BIN
results/New_Snapped_Performace.png
Normal file
After Width: | Height: | Size: 130 KiB |
BIN
results/Plurality_Vote_Accuracy_Agaisnt_Individual_Filters.png
Normal file
After Width: | Height: | Size: 163 KiB |
After Width: | Height: | Size: 158 KiB |
BIN
results/RandomNoisePerformance.png
Normal file
After Width: | Height: | Size: 133 KiB |
BIN
results/ThresholdFilterPerformance.png
Normal file
After Width: | Height: | Size: 93 KiB |
763
results/cifar10_fgsm.json
Normal file
@ -0,0 +1,763 @@
|
||||
{
|
||||
"attack": "FGSM",
|
||||
"dataset": "CIFAR-10",
|
||||
"epsilons": [
|
||||
0.0,
|
||||
0.025,
|
||||
0.05,
|
||||
0.07500000000000001,
|
||||
0.1,
|
||||
0.125,
|
||||
0.15000000000000002,
|
||||
0.17500000000000002,
|
||||
0.2,
|
||||
0.225,
|
||||
0.25,
|
||||
0.275,
|
||||
0.30000000000000004
|
||||
],
|
||||
"filters": {
|
||||
"gaussian_blur": [
|
||||
[
|
||||
0.7831,
|
||||
0.7831,
|
||||
0.6307,
|
||||
0.4858,
|
||||
0.3495,
|
||||
0.2917
|
||||
],
|
||||
[
|
||||
0.0878,
|
||||
0.0878,
|
||||
0.2366,
|
||||
0.2755,
|
||||
0.253,
|
||||
0.2351
|
||||
],
|
||||
[
|
||||
0.0444,
|
||||
0.0444,
|
||||
0.0937,
|
||||
0.1522,
|
||||
0.1768,
|
||||
0.1856
|
||||
],
|
||||
[
|
||||
0.0424,
|
||||
0.0424,
|
||||
0.0442,
|
||||
0.0853,
|
||||
0.1286,
|
||||
0.147
|
||||
],
|
||||
[
|
||||
0.0576,
|
||||
0.0576,
|
||||
0.0295,
|
||||
0.0522,
|
||||
0.093,
|
||||
0.1166
|
||||
],
|
||||
[
|
||||
0.0673,
|
||||
0.0673,
|
||||
0.0224,
|
||||
0.04,
|
||||
0.0705,
|
||||
0.0943
|
||||
],
|
||||
[
|
||||
0.0781,
|
||||
0.0781,
|
||||
0.0204,
|
||||
0.0333,
|
||||
0.0569,
|
||||
0.0798
|
||||
],
|
||||
[
|
||||
0.0824,
|
||||
0.0824,
|
||||
0.0192,
|
||||
0.0306,
|
||||
0.0498,
|
||||
0.0667
|
||||
],
|
||||
[
|
||||
0.0851,
|
||||
0.0851,
|
||||
0.0189,
|
||||
0.0279,
|
||||
0.0447,
|
||||
0.06
|
||||
],
|
||||
[
|
||||
0.0885,
|
||||
0.0885,
|
||||
0.019,
|
||||
0.0259,
|
||||
0.0408,
|
||||
0.0541
|
||||
],
|
||||
[
|
||||
0.091,
|
||||
0.091,
|
||||
0.0196,
|
||||
0.026,
|
||||
0.0361,
|
||||
0.049
|
||||
],
|
||||
[
|
||||
0.0921,
|
||||
0.0921,
|
||||
0.02,
|
||||
0.0252,
|
||||
0.035,
|
||||
0.0456
|
||||
],
|
||||
[
|
||||
0.0929,
|
||||
0.0929,
|
||||
0.0211,
|
||||
0.0245,
|
||||
0.033,
|
||||
0.043
|
||||
]
|
||||
],
|
||||
"gaussian_kuwahara": [
|
||||
[
|
||||
0.7831,
|
||||
0.6793,
|
||||
0.3977,
|
||||
0.2908,
|
||||
0.2426,
|
||||
0.2151
|
||||
],
|
||||
[
|
||||
0.0878,
|
||||
0.181,
|
||||
0.2543,
|
||||
0.2294,
|
||||
0.2081,
|
||||
0.1957
|
||||
],
|
||||
[
|
||||
0.0444,
|
||||
0.07,
|
||||
0.1498,
|
||||
0.1741,
|
||||
0.1735,
|
||||
0.1658
|
||||
],
|
||||
[
|
||||
0.0424,
|
||||
0.0413,
|
||||
0.0976,
|
||||
0.132,
|
||||
0.1508,
|
||||
0.1464
|
||||
],
|
||||
[
|
||||
0.0576,
|
||||
0.0345,
|
||||
0.0724,
|
||||
0.102,
|
||||
0.1225,
|
||||
0.1281
|
||||
],
|
||||
[
|
||||
0.0673,
|
||||
0.0321,
|
||||
0.057,
|
||||
0.0801,
|
||||
0.0995,
|
||||
0.1144
|
||||
],
|
||||
[
|
||||
0.0781,
|
||||
0.0345,
|
||||
0.052,
|
||||
0.0656,
|
||||
0.0854,
|
||||
0.0983
|
||||
],
|
||||
[
|
||||
0.0824,
|
||||
0.0367,
|
||||
0.0433,
|
||||
0.0608,
|
||||
0.0776,
|
||||
0.0931
|
||||
],
|
||||
[
|
||||
0.0851,
|
||||
0.0403,
|
||||
0.0401,
|
||||
0.0542,
|
||||
0.0699,
|
||||
0.077
|
||||
],
|
||||
[
|
||||
0.0885,
|
||||
0.0435,
|
||||
0.0392,
|
||||
0.051,
|
||||
0.0628,
|
||||
0.0731
|
||||
],
|
||||
[
|
||||
0.091,
|
||||
0.0495,
|
||||
0.0369,
|
||||
0.0491,
|
||||
0.0579,
|
||||
0.0689
|
||||
],
|
||||
[
|
||||
0.0921,
|
||||
0.0514,
|
||||
0.0377,
|
||||
0.0455,
|
||||
0.0578,
|
||||
0.0664
|
||||
],
|
||||
[
|
||||
0.0929,
|
||||
0.0552,
|
||||
0.0364,
|
||||
0.0469,
|
||||
0.0574,
|
||||
0.0688
|
||||
]
|
||||
],
|
||||
"mean_kuwahara": [
|
||||
[
|
||||
0.7831,
|
||||
0.5565,
|
||||
0.2659,
|
||||
0.1965,
|
||||
0.1729,
|
||||
0.1537
|
||||
],
|
||||
[
|
||||
0.0878,
|
||||
0.2454,
|
||||
0.2261,
|
||||
0.1866,
|
||||
0.1639,
|
||||
0.1498
|
||||
],
|
||||
[
|
||||
0.0444,
|
||||
0.115,
|
||||
0.1851,
|
||||
0.1754,
|
||||
0.1569,
|
||||
0.1462
|
||||
],
|
||||
[
|
||||
0.0424,
|
||||
0.0663,
|
||||
0.1496,
|
||||
0.1515,
|
||||
0.1477,
|
||||
0.1408
|
||||
],
|
||||
[
|
||||
0.0576,
|
||||
0.0491,
|
||||
0.1245,
|
||||
0.1354,
|
||||
0.1415,
|
||||
0.1386
|
||||
],
|
||||
[
|
||||
0.0673,
|
||||
0.0388,
|
||||
0.1032,
|
||||
0.1239,
|
||||
0.1261,
|
||||
0.1297
|
||||
],
|
||||
[
|
||||
0.0781,
|
||||
0.038,
|
||||
0.0885,
|
||||
0.1118,
|
||||
0.1227,
|
||||
0.1296
|
||||
],
|
||||
[
|
||||
0.0824,
|
||||
0.0381,
|
||||
0.0724,
|
||||
0.103,
|
||||
0.1165,
|
||||
0.1197
|
||||
],
|
||||
[
|
||||
0.0851,
|
||||
0.0345,
|
||||
0.0661,
|
||||
0.0947,
|
||||
0.1046,
|
||||
0.114
|
||||
],
|
||||
[
|
||||
0.0885,
|
||||
0.0404,
|
||||
0.0647,
|
||||
0.0854,
|
||||
0.1027,
|
||||
0.1122
|
||||
],
|
||||
[
|
||||
0.091,
|
||||
0.0418,
|
||||
0.0572,
|
||||
0.0813,
|
||||
0.1002,
|
||||
0.1095
|
||||
],
|
||||
[
|
||||
0.0921,
|
||||
0.0465,
|
||||
0.0524,
|
||||
0.0778,
|
||||
0.0906,
|
||||
0.1075
|
||||
],
|
||||
[
|
||||
0.0929,
|
||||
0.0488,
|
||||
0.0565,
|
||||
0.0738,
|
||||
0.0931,
|
||||
0.1053
|
||||
]
|
||||
],
|
||||
"random_noise": [
|
||||
[
|
||||
0.7831,
|
||||
0.748,
|
||||
0.4956,
|
||||
0.2392,
|
||||
0.137,
|
||||
0.1147
|
||||
],
|
||||
[
|
||||
0.0878,
|
||||
0.0902,
|
||||
0.1256,
|
||||
0.1294,
|
||||
0.1139,
|
||||
0.1087
|
||||
],
|
||||
[
|
||||
0.0444,
|
||||
0.0474,
|
||||
0.0656,
|
||||
0.09,
|
||||
0.1024,
|
||||
0.1023
|
||||
],
|
||||
[
|
||||
0.0424,
|
||||
0.0466,
|
||||
0.0632,
|
||||
0.0877,
|
||||
0.0969,
|
||||
0.1003
|
||||
],
|
||||
[
|
||||
0.0576,
|
||||
0.0574,
|
||||
0.0687,
|
||||
0.0887,
|
||||
0.0945,
|
||||
0.099
|
||||
],
|
||||
[
|
||||
0.0673,
|
||||
0.0688,
|
||||
0.0779,
|
||||
0.0915,
|
||||
0.0963,
|
||||
0.0997
|
||||
],
|
||||
[
|
||||
0.0781,
|
||||
0.0796,
|
||||
0.0845,
|
||||
0.0923,
|
||||
0.0973,
|
||||
0.0992
|
||||
],
|
||||
[
|
||||
0.0824,
|
||||
0.0839,
|
||||
0.0877,
|
||||
0.0933,
|
||||
0.0972,
|
||||
0.0978
|
||||
],
|
||||
[
|
||||
0.0851,
|
||||
0.0854,
|
||||
0.0896,
|
||||
0.0955,
|
||||
0.0972,
|
||||
0.0986
|
||||
],
|
||||
[
|
||||
0.0885,
|
||||
0.0885,
|
||||
0.0927,
|
||||
0.0953,
|
||||
0.0964,
|
||||
0.0983
|
||||
],
|
||||
[
|
||||
0.091,
|
||||
0.091,
|
||||
0.094,
|
||||
0.0952,
|
||||
0.0972,
|
||||
0.0981
|
||||
],
|
||||
[
|
||||
0.0921,
|
||||
0.0928,
|
||||
0.0942,
|
||||
0.0955,
|
||||
0.0983,
|
||||
0.0983
|
||||
],
|
||||
[
|
||||
0.0929,
|
||||
0.0936,
|
||||
0.0948,
|
||||
0.0958,
|
||||
0.0973,
|
||||
0.0981
|
||||
]
|
||||
],
|
||||
"bilateral_filter": [
|
||||
[
|
||||
0.7831,
|
||||
0.6698,
|
||||
0.6698,
|
||||
0.4637,
|
||||
0.3068,
|
||||
0.2546
|
||||
],
|
||||
[
|
||||
0.0878,
|
||||
0.2254,
|
||||
0.2254,
|
||||
0.2572,
|
||||
0.2318,
|
||||
0.2258
|
||||
],
|
||||
[
|
||||
0.0444,
|
||||
0.0828,
|
||||
0.0828,
|
||||
0.1386,
|
||||
0.1789,
|
||||
0.1976
|
||||
],
|
||||
[
|
||||
0.0424,
|
||||
0.0423,
|
||||
0.0423,
|
||||
0.0827,
|
||||
0.1336,
|
||||
0.1692
|
||||
],
|
||||
[
|
||||
0.0576,
|
||||
0.0296,
|
||||
0.0296,
|
||||
0.0573,
|
||||
0.1029,
|
||||
0.1431
|
||||
],
|
||||
[
|
||||
0.0673,
|
||||
0.0258,
|
||||
0.0258,
|
||||
0.0448,
|
||||
0.083,
|
||||
0.1192
|
||||
],
|
||||
[
|
||||
0.0781,
|
||||
0.0228,
|
||||
0.0228,
|
||||
0.0389,
|
||||
0.0708,
|
||||
0.1046
|
||||
],
|
||||
[
|
||||
0.0824,
|
||||
0.0225,
|
||||
0.0225,
|
||||
0.035,
|
||||
0.0649,
|
||||
0.0922
|
||||
],
|
||||
[
|
||||
0.0851,
|
||||
0.0226,
|
||||
0.0226,
|
||||
0.0321,
|
||||
0.0607,
|
||||
0.0831
|
||||
],
|
||||
[
|
||||
0.0885,
|
||||
0.0225,
|
||||
0.0225,
|
||||
0.0322,
|
||||
0.0573,
|
||||
0.0783
|
||||
],
|
||||
[
|
||||
0.091,
|
||||
0.024,
|
||||
0.024,
|
||||
0.0311,
|
||||
0.0548,
|
||||
0.0741
|
||||
],
|
||||
[
|
||||
0.0921,
|
||||
0.0256,
|
||||
0.0256,
|
||||
0.0304,
|
||||
0.0536,
|
||||
0.0711
|
||||
],
|
||||
[
|
||||
0.0929,
|
||||
0.0278,
|
||||
0.0278,
|
||||
0.0292,
|
||||
0.0513,
|
||||
0.0671
|
||||
]
|
||||
],
|
||||
"bit_depth": [
|
||||
[
|
||||
0.7831,
|
||||
0.2441,
|
||||
0.6564,
|
||||
0.773,
|
||||
0.7822,
|
||||
0.7831
|
||||
],
|
||||
[
|
||||
0.0878,
|
||||
0.1367,
|
||||
0.1143,
|
||||
0.0895,
|
||||
0.0876,
|
||||
0.0878
|
||||
],
|
||||
[
|
||||
0.0444,
|
||||
0.1018,
|
||||
0.0567,
|
||||
0.0448,
|
||||
0.0443,
|
||||
0.0444
|
||||
],
|
||||
[
|
||||
0.0424,
|
||||
0.0936,
|
||||
0.0493,
|
||||
0.0426,
|
||||
0.0422,
|
||||
0.0424
|
||||
],
|
||||
[
|
||||
0.0576,
|
||||
0.0887,
|
||||
0.0558,
|
||||
0.0552,
|
||||
0.0573,
|
||||
0.0576
|
||||
],
|
||||
[
|
||||
0.0673,
|
||||
0.0907,
|
||||
0.0624,
|
||||
0.0661,
|
||||
0.0673,
|
||||
0.0673
|
||||
],
|
||||
[
|
||||
0.0781,
|
||||
0.0841,
|
||||
0.0687,
|
||||
0.0757,
|
||||
0.0783,
|
||||
0.0781
|
||||
],
|
||||
[
|
||||
0.0824,
|
||||
0.0853,
|
||||
0.0747,
|
||||
0.0811,
|
||||
0.0825,
|
||||
0.0824
|
||||
],
|
||||
[
|
||||
0.0851,
|
||||
0.0836,
|
||||
0.0787,
|
||||
0.0844,
|
||||
0.085,
|
||||
0.0851
|
||||
],
|
||||
[
|
||||
0.0885,
|
||||
0.0854,
|
||||
0.0823,
|
||||
0.0866,
|
||||
0.0885,
|
||||
0.0885
|
||||
],
|
||||
[
|
||||
0.091,
|
||||
0.0833,
|
||||
0.0849,
|
||||
0.0885,
|
||||
0.0908,
|
||||
0.091
|
||||
],
|
||||
[
|
||||
0.0921,
|
||||
0.0841,
|
||||
0.0869,
|
||||
0.0909,
|
||||
0.092,
|
||||
0.0921
|
||||
],
|
||||
[
|
||||
0.0929,
|
||||
0.0826,
|
||||
0.0879,
|
||||
0.0922,
|
||||
0.0928,
|
||||
0.0929
|
||||
]
|
||||
],
|
||||
"threshold_filter": [
|
||||
[
|
||||
0.7831,
|
||||
0.2138,
|
||||
0.1522,
|
||||
0.1163,
|
||||
0.0998,
|
||||
0.0999
|
||||
],
|
||||
[
|
||||
0.0878,
|
||||
0.1474,
|
||||
0.121,
|
||||
0.0971,
|
||||
0.0997,
|
||||
0.1
|
||||
],
|
||||
[
|
||||
0.0444,
|
||||
0.1137,
|
||||
0.1019,
|
||||
0.0947,
|
||||
0.0993,
|
||||
0.1
|
||||
],
|
||||
[
|
||||
0.0424,
|
||||
0.097,
|
||||
0.0883,
|
||||
0.0937,
|
||||
0.0976,
|
||||
0.1
|
||||
],
|
||||
[
|
||||
0.0576,
|
||||
0.088,
|
||||
0.0806,
|
||||
0.0895,
|
||||
0.094,
|
||||
0.0978
|
||||
],
|
||||
[
|
||||
0.0673,
|
||||
0.0853,
|
||||
0.0792,
|
||||
0.0845,
|
||||
0.0957,
|
||||
0.1
|
||||
],
|
||||
[
|
||||
0.0781,
|
||||
0.079,
|
||||
0.0779,
|
||||
0.0841,
|
||||
0.0937,
|
||||
0.1011
|
||||
],
|
||||
[
|
||||
0.0824,
|
||||
0.0825,
|
||||
0.0793,
|
||||
0.0792,
|
||||
0.0919,
|
||||
0.0994
|
||||
],
|
||||
[
|
||||
0.0851,
|
||||
0.0842,
|
||||
0.083,
|
||||
0.0806,
|
||||
0.0921,
|
||||
0.0986
|
||||
],
|
||||
[
|
||||
0.0885,
|
||||
0.0858,
|
||||
0.0825,
|
||||
0.0793,
|
||||
0.0896,
|
||||
0.0984
|
||||
],
|
||||
[
|
||||
0.091,
|
||||
0.0911,
|
||||
0.083,
|
||||
0.0797,
|
||||
0.0869,
|
||||
0.0978
|
||||
],
|
||||
[
|
||||
0.0921,
|
||||
0.0916,
|
||||
0.0872,
|
||||
0.0824,
|
||||
0.083,
|
||||
0.0967
|
||||
],
|
||||
[
|
||||
0.0929,
|
||||
0.0952,
|
||||
0.0891,
|
||||
0.0823,
|
||||
0.0847,
|
||||
0.0954
|
||||
]
|
||||
]
|
||||
}
|
||||
}
|
Before Width: | Height: | Size: 66 KiB After Width: | Height: | Size: 66 KiB |
672
results/mnist_fgsm.json
Normal file
@ -0,0 +1,672 @@
|
||||
{
|
||||
"dataset": "MNIST",
|
||||
"attack": "FGSM",
|
||||
"epsilons": [
|
||||
0.0,
|
||||
0.025,
|
||||
0.05,
|
||||
0.07500000000000001,
|
||||
0.1,
|
||||
0.125,
|
||||
0.15000000000000002,
|
||||
0.17500000000000002,
|
||||
0.2,
|
||||
0.225,
|
||||
0.25,
|
||||
0.275,
|
||||
0.30000000000000004
|
||||
],
|
||||
"filters": {
|
||||
"gaussian_blur": [
|
||||
[
|
||||
0.992,
|
||||
0.9879,
|
||||
0.9682,
|
||||
0.7731,
|
||||
0.525
|
||||
],
|
||||
[
|
||||
0.9796,
|
||||
0.9801,
|
||||
0.9512,
|
||||
0.7381,
|
||||
0.4862
|
||||
],
|
||||
[
|
||||
0.96,
|
||||
0.9674,
|
||||
0.9271,
|
||||
0.6922,
|
||||
0.4446
|
||||
],
|
||||
[
|
||||
0.926,
|
||||
0.946,
|
||||
0.8939,
|
||||
0.6427,
|
||||
0.3989
|
||||
],
|
||||
[
|
||||
0.8753,
|
||||
0.9133,
|
||||
0.8516,
|
||||
0.5881,
|
||||
0.3603
|
||||
],
|
||||
[
|
||||
0.8104,
|
||||
0.869,
|
||||
0.7989,
|
||||
0.5278,
|
||||
0.3263
|
||||
],
|
||||
[
|
||||
0.7229,
|
||||
0.8135,
|
||||
0.7415,
|
||||
0.471,
|
||||
0.2968
|
||||
],
|
||||
[
|
||||
0.6207,
|
||||
0.7456,
|
||||
0.6741,
|
||||
0.4224,
|
||||
0.2683
|
||||
],
|
||||
[
|
||||
0.5008,
|
||||
0.6636,
|
||||
0.5983,
|
||||
0.3755,
|
||||
0.2453
|
||||
],
|
||||
[
|
||||
0.3894,
|
||||
0.5821,
|
||||
0.5243,
|
||||
0.3359,
|
||||
0.2269
|
||||
],
|
||||
[
|
||||
0.2922,
|
||||
0.505,
|
||||
0.4591,
|
||||
0.3034,
|
||||
0.2112
|
||||
],
|
||||
[
|
||||
0.2149,
|
||||
0.429,
|
||||
0.3998,
|
||||
0.2743,
|
||||
0.1983
|
||||
],
|
||||
[
|
||||
0.1599,
|
||||
0.3648,
|
||||
0.3481,
|
||||
0.2493,
|
||||
0.1884
|
||||
]
|
||||
],
|
||||
"gaussian_kuwahara": [
|
||||
[
|
||||
0.9897,
|
||||
0.9766,
|
||||
0.9066,
|
||||
0.7355,
|
||||
0.5131
|
||||
],
|
||||
[
|
||||
0.9808,
|
||||
0.9667,
|
||||
0.8909,
|
||||
0.7035,
|
||||
0.4824
|
||||
],
|
||||
[
|
||||
0.9651,
|
||||
0.9547,
|
||||
0.87,
|
||||
0.6713,
|
||||
0.4538
|
||||
],
|
||||
[
|
||||
0.9412,
|
||||
0.9334,
|
||||
0.8447,
|
||||
0.6354,
|
||||
0.426
|
||||
],
|
||||
[
|
||||
0.9035,
|
||||
0.9107,
|
||||
0.8123,
|
||||
0.597,
|
||||
0.3915
|
||||
],
|
||||
[
|
||||
0.8539,
|
||||
0.8785,
|
||||
0.7751,
|
||||
0.5616,
|
||||
0.362
|
||||
],
|
||||
[
|
||||
0.7925,
|
||||
0.8328,
|
||||
0.7328,
|
||||
0.5236,
|
||||
0.3344
|
||||
],
|
||||
[
|
||||
0.7078,
|
||||
0.7808,
|
||||
0.6816,
|
||||
0.4868,
|
||||
0.309
|
||||
],
|
||||
[
|
||||
0.6125,
|
||||
0.7179,
|
||||
0.6301,
|
||||
0.4513,
|
||||
0.2865
|
||||
],
|
||||
[
|
||||
0.4979,
|
||||
0.646,
|
||||
0.5773,
|
||||
0.4242,
|
||||
0.2702
|
||||
],
|
||||
[
|
||||
0.3927,
|
||||
0.564,
|
||||
0.5197,
|
||||
0.3859,
|
||||
0.2493
|
||||
],
|
||||
[
|
||||
0.3023,
|
||||
0.4761,
|
||||
0.4594,
|
||||
0.3494,
|
||||
0.2354
|
||||
],
|
||||
[
|
||||
0.2289,
|
||||
0.3839,
|
||||
0.3981,
|
||||
0.3182,
|
||||
0.2232
|
||||
]
|
||||
],
|
||||
"mean_kuwahara": [
|
||||
[
|
||||
0.988,
|
||||
0.7536,
|
||||
0.3667,
|
||||
0.1763,
|
||||
0.1339
|
||||
],
|
||||
[
|
||||
0.9795,
|
||||
0.7359,
|
||||
0.3496,
|
||||
0.171,
|
||||
0.1318
|
||||
],
|
||||
[
|
||||
0.965,
|
||||
0.7129,
|
||||
0.3295,
|
||||
0.1637,
|
||||
0.1286
|
||||
],
|
||||
[
|
||||
0.946,
|
||||
0.6871,
|
||||
0.3119,
|
||||
0.1578,
|
||||
0.1244
|
||||
],
|
||||
[
|
||||
0.916,
|
||||
0.6617,
|
||||
0.2841,
|
||||
0.1497,
|
||||
0.1228
|
||||
],
|
||||
[
|
||||
0.8746,
|
||||
0.6317,
|
||||
0.2587,
|
||||
0.1422,
|
||||
0.1211
|
||||
],
|
||||
[
|
||||
0.8235,
|
||||
0.6019,
|
||||
0.2395,
|
||||
0.136,
|
||||
0.1193
|
||||
],
|
||||
[
|
||||
0.7499,
|
||||
0.5699,
|
||||
0.2253,
|
||||
0.134,
|
||||
0.1164
|
||||
],
|
||||
[
|
||||
0.665,
|
||||
0.542,
|
||||
0.2168,
|
||||
0.1335,
|
||||
0.1138
|
||||
],
|
||||
[
|
||||
0.5642,
|
||||
0.5087,
|
||||
0.2064,
|
||||
0.1328,
|
||||
0.1129
|
||||
],
|
||||
[
|
||||
0.4739,
|
||||
0.4773,
|
||||
0.1993,
|
||||
0.1306,
|
||||
0.1145
|
||||
],
|
||||
[
|
||||
0.3638,
|
||||
0.437,
|
||||
0.1921,
|
||||
0.1309,
|
||||
0.1159
|
||||
],
|
||||
[
|
||||
0.2659,
|
||||
0.3912,
|
||||
0.1854,
|
||||
0.1307,
|
||||
0.1166
|
||||
]
|
||||
],
|
||||
"random_noise": [
|
||||
[
|
||||
0.9913,
|
||||
0.9899,
|
||||
0.9872,
|
||||
0.9719,
|
||||
0.9226
|
||||
],
|
||||
[
|
||||
0.9793,
|
||||
0.9782,
|
||||
0.9711,
|
||||
0.9453,
|
||||
0.8802
|
||||
],
|
||||
[
|
||||
0.9603,
|
||||
0.9568,
|
||||
0.9436,
|
||||
0.9049,
|
||||
0.8184
|
||||
],
|
||||
[
|
||||
0.9253,
|
||||
0.9183,
|
||||
0.895,
|
||||
0.8392,
|
||||
0.7432
|
||||
],
|
||||
[
|
||||
0.8743,
|
||||
0.8653,
|
||||
0.8309,
|
||||
0.7656,
|
||||
0.6606
|
||||
],
|
||||
[
|
||||
0.809,
|
||||
0.7948,
|
||||
0.7486,
|
||||
0.6709,
|
||||
0.5588
|
||||
],
|
||||
[
|
||||
0.721,
|
||||
0.6999,
|
||||
0.6485,
|
||||
0.5625,
|
||||
0.4577
|
||||
],
|
||||
[
|
||||
0.6157,
|
||||
0.5881,
|
||||
0.5377,
|
||||
0.4548,
|
||||
0.3647
|
||||
],
|
||||
[
|
||||
0.5005,
|
||||
0.4802,
|
||||
0.4267,
|
||||
0.3571,
|
||||
0.2885
|
||||
],
|
||||
[
|
||||
0.385,
|
||||
0.3668,
|
||||
0.3295,
|
||||
0.2696,
|
||||
0.2223
|
||||
],
|
||||
[
|
||||
0.2918,
|
||||
0.2758,
|
||||
0.244,
|
||||
0.2039,
|
||||
0.1724
|
||||
],
|
||||
[
|
||||
0.215,
|
||||
0.2016,
|
||||
0.1832,
|
||||
0.1555,
|
||||
0.1326
|
||||
],
|
||||
[
|
||||
0.1591,
|
||||
0.154,
|
||||
0.1371,
|
||||
0.1163,
|
||||
0.1021
|
||||
]
|
||||
],
|
||||
"bilateral_filter": [
|
||||
[
|
||||
0.9887,
|
||||
0.9887,
|
||||
0.9391,
|
||||
0.5584,
|
||||
0.2568
|
||||
],
|
||||
[
|
||||
0.9809,
|
||||
0.9809,
|
||||
0.9184,
|
||||
0.5198,
|
||||
0.241
|
||||
],
|
||||
[
|
||||
0.9695,
|
||||
0.9695,
|
||||
0.8902,
|
||||
0.4831,
|
||||
0.2245
|
||||
],
|
||||
[
|
||||
0.9482,
|
||||
0.9482,
|
||||
0.8533,
|
||||
0.4436,
|
||||
0.2079
|
||||
],
|
||||
[
|
||||
0.9142,
|
||||
0.9142,
|
||||
0.8133,
|
||||
0.4019,
|
||||
0.1915
|
||||
],
|
||||
[
|
||||
0.8714,
|
||||
0.8714,
|
||||
0.7656,
|
||||
0.3641,
|
||||
0.1792
|
||||
],
|
||||
[
|
||||
0.8169,
|
||||
0.8169,
|
||||
0.7098,
|
||||
0.3299,
|
||||
0.1681
|
||||
],
|
||||
[
|
||||
0.7477,
|
||||
0.7477,
|
||||
0.641,
|
||||
0.2978,
|
||||
0.161
|
||||
],
|
||||
[
|
||||
0.6619,
|
||||
0.6619,
|
||||
0.5683,
|
||||
0.2723,
|
||||
0.1563
|
||||
],
|
||||
[
|
||||
0.5767,
|
||||
0.5767,
|
||||
0.5003,
|
||||
0.2476,
|
||||
0.1517
|
||||
],
|
||||
[
|
||||
0.4922,
|
||||
0.4922,
|
||||
0.4381,
|
||||
0.2288,
|
||||
0.1484
|
||||
],
|
||||
[
|
||||
0.4133,
|
||||
0.4133,
|
||||
0.3836,
|
||||
0.2126,
|
||||
0.146
|
||||
],
|
||||
[
|
||||
0.3468,
|
||||
0.3468,
|
||||
0.3364,
|
||||
0.1999,
|
||||
0.1444
|
||||
]
|
||||
],
|
||||
"bit_depth": [
|
||||
[
|
||||
0.9894,
|
||||
0.9913,
|
||||
0.9916,
|
||||
0.992,
|
||||
0.992
|
||||
],
|
||||
[
|
||||
0.9862,
|
||||
0.9823,
|
||||
0.9807,
|
||||
0.9796,
|
||||
0.9796
|
||||
],
|
||||
[
|
||||
0.9808,
|
||||
0.9781,
|
||||
0.965,
|
||||
0.9604,
|
||||
0.96
|
||||
],
|
||||
[
|
||||
0.9744,
|
||||
0.9228,
|
||||
0.9219,
|
||||
0.926,
|
||||
0.926
|
||||
],
|
||||
[
|
||||
0.9424,
|
||||
0.8818,
|
||||
0.8747,
|
||||
0.8751,
|
||||
0.8753
|
||||
],
|
||||
[
|
||||
0.9307,
|
||||
0.8621,
|
||||
0.821,
|
||||
0.8094,
|
||||
0.8104
|
||||
],
|
||||
[
|
||||
0.9157,
|
||||
0.8408,
|
||||
0.7427,
|
||||
0.7235,
|
||||
0.7229
|
||||
],
|
||||
[
|
||||
0.8972,
|
||||
0.7794,
|
||||
0.6554,
|
||||
0.6229,
|
||||
0.6207
|
||||
],
|
||||
[
|
||||
0.8799,
|
||||
0.7496,
|
||||
0.559,
|
||||
0.5046,
|
||||
0.5008
|
||||
],
|
||||
[
|
||||
0.8581,
|
||||
0.5289,
|
||||
0.4547,
|
||||
0.3914,
|
||||
0.3894
|
||||
],
|
||||
[
|
||||
0.7603,
|
||||
0.4301,
|
||||
0.3113,
|
||||
0.2927,
|
||||
0.2922
|
||||
],
|
||||
[
|
||||
0.7227,
|
||||
0.3992,
|
||||
0.2414,
|
||||
0.2168,
|
||||
0.2149
|
||||
],
|
||||
[
|
||||
0.2624,
|
||||
0.2091,
|
||||
0.1874,
|
||||
0.161,
|
||||
0.1599
|
||||
]
|
||||
],
|
||||
"threshold_filter": [
|
||||
[
|
||||
0.982,
|
||||
0.9817,
|
||||
0.9799,
|
||||
0.9713,
|
||||
0.9502
|
||||
],
|
||||
[
|
||||
0.978,
|
||||
0.9755,
|
||||
0.9751,
|
||||
0.9655,
|
||||
0.9334
|
||||
],
|
||||
[
|
||||
0.9728,
|
||||
0.9713,
|
||||
0.9696,
|
||||
0.9578,
|
||||
0.9077
|
||||
],
|
||||
[
|
||||
0.9678,
|
||||
0.9668,
|
||||
0.9645,
|
||||
0.9508,
|
||||
0.1837
|
||||
],
|
||||
[
|
||||
0.9644,
|
||||
0.9604,
|
||||
0.9583,
|
||||
0.9407,
|
||||
0.1818
|
||||
],
|
||||
[
|
||||
0.9586,
|
||||
0.9537,
|
||||
0.9477,
|
||||
0.9238,
|
||||
0.1817
|
||||
],
|
||||
[
|
||||
0.9522,
|
||||
0.9458,
|
||||
0.9343,
|
||||
0.9032,
|
||||
0.1845
|
||||
],
|
||||
[
|
||||
0.9418,
|
||||
0.9387,
|
||||
0.9236,
|
||||
0.8766,
|
||||
0.1849
|
||||
],
|
||||
[
|
||||
0.9331,
|
||||
0.9297,
|
||||
0.9108,
|
||||
0.8358,
|
||||
0.1869
|
||||
],
|
||||
[
|
||||
0.9215,
|
||||
0.9188,
|
||||
0.8927,
|
||||
0.2164,
|
||||
0.1904
|
||||
],
|
||||
[
|
||||
0.9079,
|
||||
0.9053,
|
||||
0.8758,
|
||||
0.223,
|
||||
0.1927
|
||||
],
|
||||
[
|
||||
0.8943,
|
||||
0.8882,
|
||||
0.8508,
|
||||
0.2275,
|
||||
0.1979
|
||||
],
|
||||
[
|
||||
0.8761,
|
||||
0.8687,
|
||||
0.8142,
|
||||
0.2348,
|
||||
0.2025
|
||||
]
|
||||
]
|
||||
}
|
||||
}
|
668
results/mnist_fgsm_old.json
Normal file
@ -0,0 +1,668 @@
|
||||
{
|
||||
"unfiltered": [
|
||||
0.992,
|
||||
0.9796,
|
||||
0.96,
|
||||
0.926,
|
||||
0.8753,
|
||||
0.8104,
|
||||
0.7229,
|
||||
0.6207,
|
||||
0.5008,
|
||||
0.3894,
|
||||
0.2922,
|
||||
0.2149,
|
||||
0.1599
|
||||
],
|
||||
"gaussian_blur": [
|
||||
[
|
||||
0.992,
|
||||
0.9879,
|
||||
0.9682,
|
||||
0.7731,
|
||||
0.525
|
||||
],
|
||||
[
|
||||
0.9796,
|
||||
0.9801,
|
||||
0.9512,
|
||||
0.7381,
|
||||
0.4862
|
||||
],
|
||||
[
|
||||
0.96,
|
||||
0.9674,
|
||||
0.9271,
|
||||
0.6922,
|
||||
0.4446
|
||||
],
|
||||
[
|
||||
0.926,
|
||||
0.946,
|
||||
0.8939,
|
||||
0.6427,
|
||||
0.3989
|
||||
],
|
||||
[
|
||||
0.8753,
|
||||
0.9133,
|
||||
0.8516,
|
||||
0.5881,
|
||||
0.3603
|
||||
],
|
||||
[
|
||||
0.8104,
|
||||
0.869,
|
||||
0.7989,
|
||||
0.5278,
|
||||
0.3263
|
||||
],
|
||||
[
|
||||
0.7229,
|
||||
0.8135,
|
||||
0.7415,
|
||||
0.471,
|
||||
0.2968
|
||||
],
|
||||
[
|
||||
0.6207,
|
||||
0.7456,
|
||||
0.6741,
|
||||
0.4224,
|
||||
0.2683
|
||||
],
|
||||
[
|
||||
0.5008,
|
||||
0.6636,
|
||||
0.5983,
|
||||
0.3755,
|
||||
0.2453
|
||||
],
|
||||
[
|
||||
0.3894,
|
||||
0.5821,
|
||||
0.5243,
|
||||
0.3359,
|
||||
0.2269
|
||||
],
|
||||
[
|
||||
0.2922,
|
||||
0.505,
|
||||
0.4591,
|
||||
0.3034,
|
||||
0.2112
|
||||
],
|
||||
[
|
||||
0.2149,
|
||||
0.429,
|
||||
0.3998,
|
||||
0.2743,
|
||||
0.1983
|
||||
],
|
||||
[
|
||||
0.1599,
|
||||
0.3648,
|
||||
0.3481,
|
||||
0.2493,
|
||||
0.1884
|
||||
]
|
||||
],
|
||||
"gaussian_kuwahara": [
|
||||
[
|
||||
0.9897,
|
||||
0.9766,
|
||||
0.9066,
|
||||
0.7355,
|
||||
0.5131
|
||||
],
|
||||
[
|
||||
0.9808,
|
||||
0.9667,
|
||||
0.8909,
|
||||
0.7035,
|
||||
0.4824
|
||||
],
|
||||
[
|
||||
0.9651,
|
||||
0.9547,
|
||||
0.87,
|
||||
0.6713,
|
||||
0.4538
|
||||
],
|
||||
[
|
||||
0.9412,
|
||||
0.9334,
|
||||
0.8447,
|
||||
0.6354,
|
||||
0.426
|
||||
],
|
||||
[
|
||||
0.9035,
|
||||
0.9107,
|
||||
0.8123,
|
||||
0.597,
|
||||
0.3915
|
||||
],
|
||||
[
|
||||
0.8539,
|
||||
0.8785,
|
||||
0.7751,
|
||||
0.5616,
|
||||
0.362
|
||||
],
|
||||
[
|
||||
0.7925,
|
||||
0.8328,
|
||||
0.7328,
|
||||
0.5236,
|
||||
0.3344
|
||||
],
|
||||
[
|
||||
0.7078,
|
||||
0.7808,
|
||||
0.6816,
|
||||
0.4868,
|
||||
0.309
|
||||
],
|
||||
[
|
||||
0.6125,
|
||||
0.7179,
|
||||
0.6301,
|
||||
0.4513,
|
||||
0.2865
|
||||
],
|
||||
[
|
||||
0.4979,
|
||||
0.646,
|
||||
0.5773,
|
||||
0.4242,
|
||||
0.2702
|
||||
],
|
||||
[
|
||||
0.3927,
|
||||
0.564,
|
||||
0.5197,
|
||||
0.3859,
|
||||
0.2493
|
||||
],
|
||||
[
|
||||
0.3023,
|
||||
0.4761,
|
||||
0.4594,
|
||||
0.3494,
|
||||
0.2354
|
||||
],
|
||||
[
|
||||
0.2289,
|
||||
0.3839,
|
||||
0.3981,
|
||||
0.3182,
|
||||
0.2232
|
||||
]
|
||||
],
|
||||
"mean_kuwahara": [
|
||||
[
|
||||
0.988,
|
||||
0.7536,
|
||||
0.3667,
|
||||
0.1763,
|
||||
0.1339
|
||||
],
|
||||
[
|
||||
0.9795,
|
||||
0.7359,
|
||||
0.3496,
|
||||
0.171,
|
||||
0.1318
|
||||
],
|
||||
[
|
||||
0.965,
|
||||
0.7129,
|
||||
0.3295,
|
||||
0.1637,
|
||||
0.1286
|
||||
],
|
||||
[
|
||||
0.946,
|
||||
0.6871,
|
||||
0.3119,
|
||||
0.1578,
|
||||
0.1244
|
||||
],
|
||||
[
|
||||
0.916,
|
||||
0.6617,
|
||||
0.2841,
|
||||
0.1497,
|
||||
0.1228
|
||||
],
|
||||
[
|
||||
0.8746,
|
||||
0.6317,
|
||||
0.2587,
|
||||
0.1422,
|
||||
0.1211
|
||||
],
|
||||
[
|
||||
0.8235,
|
||||
0.6019,
|
||||
0.2395,
|
||||
0.136,
|
||||
0.1193
|
||||
],
|
||||
[
|
||||
0.7499,
|
||||
0.5699,
|
||||
0.2253,
|
||||
0.134,
|
||||
0.1164
|
||||
],
|
||||
[
|
||||
0.665,
|
||||
0.542,
|
||||
0.2168,
|
||||
0.1335,
|
||||
0.1138
|
||||
],
|
||||
[
|
||||
0.5642,
|
||||
0.5087,
|
||||
0.2064,
|
||||
0.1328,
|
||||
0.1129
|
||||
],
|
||||
[
|
||||
0.4739,
|
||||
0.4773,
|
||||
0.1993,
|
||||
0.1306,
|
||||
0.1145
|
||||
],
|
||||
[
|
||||
0.3638,
|
||||
0.437,
|
||||
0.1921,
|
||||
0.1309,
|
||||
0.1159
|
||||
],
|
||||
[
|
||||
0.2659,
|
||||
0.3912,
|
||||
0.1854,
|
||||
0.1307,
|
||||
0.1166
|
||||
]
|
||||
],
|
||||
"random_noise": [
|
||||
[
|
||||
0.9913,
|
||||
0.9899,
|
||||
0.9872,
|
||||
0.9719,
|
||||
0.9226
|
||||
],
|
||||
[
|
||||
0.9793,
|
||||
0.9782,
|
||||
0.9711,
|
||||
0.9453,
|
||||
0.8802
|
||||
],
|
||||
[
|
||||
0.9603,
|
||||
0.9568,
|
||||
0.9436,
|
||||
0.9049,
|
||||
0.8184
|
||||
],
|
||||
[
|
||||
0.9253,
|
||||
0.9183,
|
||||
0.895,
|
||||
0.8392,
|
||||
0.7432
|
||||
],
|
||||
[
|
||||
0.8743,
|
||||
0.8653,
|
||||
0.8309,
|
||||
0.7656,
|
||||
0.6606
|
||||
],
|
||||
[
|
||||
0.809,
|
||||
0.7948,
|
||||
0.7486,
|
||||
0.6709,
|
||||
0.5588
|
||||
],
|
||||
[
|
||||
0.721,
|
||||
0.6999,
|
||||
0.6485,
|
||||
0.5625,
|
||||
0.4577
|
||||
],
|
||||
[
|
||||
0.6157,
|
||||
0.5881,
|
||||
0.5377,
|
||||
0.4548,
|
||||
0.3647
|
||||
],
|
||||
[
|
||||
0.5005,
|
||||
0.4802,
|
||||
0.4267,
|
||||
0.3571,
|
||||
0.2885
|
||||
],
|
||||
[
|
||||
0.385,
|
||||
0.3668,
|
||||
0.3295,
|
||||
0.2696,
|
||||
0.2223
|
||||
],
|
||||
[
|
||||
0.2918,
|
||||
0.2758,
|
||||
0.244,
|
||||
0.2039,
|
||||
0.1724
|
||||
],
|
||||
[
|
||||
0.215,
|
||||
0.2016,
|
||||
0.1832,
|
||||
0.1555,
|
||||
0.1326
|
||||
],
|
||||
[
|
||||
0.1591,
|
||||
0.154,
|
||||
0.1371,
|
||||
0.1163,
|
||||
0.1021
|
||||
]
|
||||
],
|
||||
"bilateral_filter": [
|
||||
[
|
||||
0.9887,
|
||||
0.9887,
|
||||
0.9391,
|
||||
0.5584,
|
||||
0.2568
|
||||
],
|
||||
[
|
||||
0.9809,
|
||||
0.9809,
|
||||
0.9184,
|
||||
0.5198,
|
||||
0.241
|
||||
],
|
||||
[
|
||||
0.9695,
|
||||
0.9695,
|
||||
0.8902,
|
||||
0.4831,
|
||||
0.2245
|
||||
],
|
||||
[
|
||||
0.9482,
|
||||
0.9482,
|
||||
0.8533,
|
||||
0.4436,
|
||||
0.2079
|
||||
],
|
||||
[
|
||||
0.9142,
|
||||
0.9142,
|
||||
0.8133,
|
||||
0.4019,
|
||||
0.1915
|
||||
],
|
||||
[
|
||||
0.8714,
|
||||
0.8714,
|
||||
0.7656,
|
||||
0.3641,
|
||||
0.1792
|
||||
],
|
||||
[
|
||||
0.8169,
|
||||
0.8169,
|
||||
0.7098,
|
||||
0.3299,
|
||||
0.1681
|
||||
],
|
||||
[
|
||||
0.7477,
|
||||
0.7477,
|
||||
0.641,
|
||||
0.2978,
|
||||
0.161
|
||||
],
|
||||
[
|
||||
0.6619,
|
||||
0.6619,
|
||||
0.5683,
|
||||
0.2723,
|
||||
0.1563
|
||||
],
|
||||
[
|
||||
0.5767,
|
||||
0.5767,
|
||||
0.5003,
|
||||
0.2476,
|
||||
0.1517
|
||||
],
|
||||
[
|
||||
0.4922,
|
||||
0.4922,
|
||||
0.4381,
|
||||
0.2288,
|
||||
0.1484
|
||||
],
|
||||
[
|
||||
0.4133,
|
||||
0.4133,
|
||||
0.3836,
|
||||
0.2126,
|
||||
0.146
|
||||
],
|
||||
[
|
||||
0.3468,
|
||||
0.3468,
|
||||
0.3364,
|
||||
0.1999,
|
||||
0.1444
|
||||
]
|
||||
],
|
||||
"bit_depth": [
|
||||
[
|
||||
0.9894,
|
||||
0.9913,
|
||||
0.9916,
|
||||
0.992,
|
||||
0.992
|
||||
],
|
||||
[
|
||||
0.9862,
|
||||
0.9823,
|
||||
0.9807,
|
||||
0.9796,
|
||||
0.9796
|
||||
],
|
||||
[
|
||||
0.9808,
|
||||
0.9781,
|
||||
0.965,
|
||||
0.9604,
|
||||
0.96
|
||||
],
|
||||
[
|
||||
0.9744,
|
||||
0.9228,
|
||||
0.9219,
|
||||
0.926,
|
||||
0.926
|
||||
],
|
||||
[
|
||||
0.9424,
|
||||
0.8818,
|
||||
0.8747,
|
||||
0.8751,
|
||||
0.8753
|
||||
],
|
||||
[
|
||||
0.9307,
|
||||
0.8621,
|
||||
0.821,
|
||||
0.8094,
|
||||
0.8104
|
||||
],
|
||||
[
|
||||
0.9157,
|
||||
0.8408,
|
||||
0.7427,
|
||||
0.7235,
|
||||
0.7229
|
||||
],
|
||||
[
|
||||
0.8972,
|
||||
0.7794,
|
||||
0.6554,
|
||||
0.6229,
|
||||
0.6207
|
||||
],
|
||||
[
|
||||
0.8799,
|
||||
0.7496,
|
||||
0.559,
|
||||
0.5046,
|
||||
0.5008
|
||||
],
|
||||
[
|
||||
0.8581,
|
||||
0.5289,
|
||||
0.4547,
|
||||
0.3914,
|
||||
0.3894
|
||||
],
|
||||
[
|
||||
0.7603,
|
||||
0.4301,
|
||||
0.3113,
|
||||
0.2927,
|
||||
0.2922
|
||||
],
|
||||
[
|
||||
0.7227,
|
||||
0.3992,
|
||||
0.2414,
|
||||
0.2168,
|
||||
0.2149
|
||||
],
|
||||
[
|
||||
0.2624,
|
||||
0.2091,
|
||||
0.1874,
|
||||
0.161,
|
||||
0.1599
|
||||
]
|
||||
],
|
||||
"threshold_filter": [
|
||||
[
|
||||
0.982,
|
||||
0.9817,
|
||||
0.9799,
|
||||
0.9713,
|
||||
0.9502
|
||||
],
|
||||
[
|
||||
0.978,
|
||||
0.9755,
|
||||
0.9751,
|
||||
0.9655,
|
||||
0.9334
|
||||
],
|
||||
[
|
||||
0.9728,
|
||||
0.9713,
|
||||
0.9696,
|
||||
0.9578,
|
||||
0.9077
|
||||
],
|
||||
[
|
||||
0.9678,
|
||||
0.9668,
|
||||
0.9645,
|
||||
0.9508,
|
||||
0.1837
|
||||
],
|
||||
[
|
||||
0.9644,
|
||||
0.9604,
|
||||
0.9583,
|
||||
0.9407,
|
||||
0.1818
|
||||
],
|
||||
[
|
||||
0.9586,
|
||||
0.9537,
|
||||
0.9477,
|
||||
0.9238,
|
||||
0.1817
|
||||
],
|
||||
[
|
||||
0.9522,
|
||||
0.9458,
|
||||
0.9343,
|
||||
0.9032,
|
||||
0.1845
|
||||
],
|
||||
[
|
||||
0.9418,
|
||||
0.9387,
|
||||
0.9236,
|
||||
0.8766,
|
||||
0.1849
|
||||
],
|
||||
[
|
||||
0.9331,
|
||||
0.9297,
|
||||
0.9108,
|
||||
0.8358,
|
||||
0.1869
|
||||
],
|
||||
[
|
||||
0.9215,
|
||||
0.9188,
|
||||
0.8927,
|
||||
0.2164,
|
||||
0.1904
|
||||
],
|
||||
[
|
||||
0.9079,
|
||||
0.9053,
|
||||
0.8758,
|
||||
0.223,
|
||||
0.1927
|
||||
],
|
||||
[
|
||||
0.8943,
|
||||
0.8882,
|
||||
0.8508,
|
||||
0.2275,
|
||||
0.1979
|
||||
],
|
||||
[
|
||||
0.8761,
|
||||
0.8687,
|
||||
0.8142,
|
||||
0.2348,
|
||||
0.2025
|
||||
]
|
||||
]
|
||||
}
|
763
results/mnist_fgsm_reformatted.json
Normal file
@ -0,0 +1,763 @@
|
||||
{
|
||||
"dataset": "MNIST",
|
||||
"attack": "FGSM",
|
||||
"epsilons": [
|
||||
0.0,
|
||||
0.025,
|
||||
0.05,
|
||||
0.07500000000000001,
|
||||
0.1,
|
||||
0.125,
|
||||
0.15000000000000002,
|
||||
0.17500000000000002,
|
||||
0.2,
|
||||
0.225,
|
||||
0.25,
|
||||
0.275,
|
||||
0.30000000000000004
|
||||
],
|
||||
"filters": {
|
||||
"gaussian_blur": [
|
||||
[
|
||||
0.992,
|
||||
0.992,
|
||||
0.9879,
|
||||
0.9682,
|
||||
0.7731,
|
||||
0.525
|
||||
],
|
||||
[
|
||||
0.9796,
|
||||
0.9796,
|
||||
0.9801,
|
||||
0.9512,
|
||||
0.7381,
|
||||
0.4862
|
||||
],
|
||||
[
|
||||
0.96,
|
||||
0.96,
|
||||
0.9674,
|
||||
0.9271,
|
||||
0.6922,
|
||||
0.4446
|
||||
],
|
||||
[
|
||||
0.926,
|
||||
0.926,
|
||||
0.946,
|
||||
0.8939,
|
||||
0.6427,
|
||||
0.3989
|
||||
],
|
||||
[
|
||||
0.8753,
|
||||
0.8753,
|
||||
0.9133,
|
||||
0.8516,
|
||||
0.5881,
|
||||
0.3603
|
||||
],
|
||||
[
|
||||
0.8104,
|
||||
0.8104,
|
||||
0.869,
|
||||
0.7989,
|
||||
0.5278,
|
||||
0.3263
|
||||
],
|
||||
[
|
||||
0.7229,
|
||||
0.7229,
|
||||
0.8135,
|
||||
0.7415,
|
||||
0.471,
|
||||
0.2968
|
||||
],
|
||||
[
|
||||
0.6207,
|
||||
0.6207,
|
||||
0.7456,
|
||||
0.6741,
|
||||
0.4224,
|
||||
0.2683
|
||||
],
|
||||
[
|
||||
0.5008,
|
||||
0.5008,
|
||||
0.6636,
|
||||
0.5983,
|
||||
0.3755,
|
||||
0.2453
|
||||
],
|
||||
[
|
||||
0.3894,
|
||||
0.3894,
|
||||
0.5821,
|
||||
0.5243,
|
||||
0.3359,
|
||||
0.2269
|
||||
],
|
||||
[
|
||||
0.2922,
|
||||
0.2922,
|
||||
0.505,
|
||||
0.4591,
|
||||
0.3034,
|
||||
0.2112
|
||||
],
|
||||
[
|
||||
0.2149,
|
||||
0.2149,
|
||||
0.429,
|
||||
0.3998,
|
||||
0.2743,
|
||||
0.1983
|
||||
],
|
||||
[
|
||||
0.1599,
|
||||
0.1599,
|
||||
0.3648,
|
||||
0.3481,
|
||||
0.2493,
|
||||
0.1884
|
||||
]
|
||||
],
|
||||
"gaussian_kuwahara": [
|
||||
[
|
||||
0.992,
|
||||
0.9897,
|
||||
0.9766,
|
||||
0.9066,
|
||||
0.7355,
|
||||
0.5131
|
||||
],
|
||||
[
|
||||
0.9796,
|
||||
0.9808,
|
||||
0.9667,
|
||||
0.8909,
|
||||
0.7035,
|
||||
0.4824
|
||||
],
|
||||
[
|
||||
0.96,
|
||||
0.9651,
|
||||
0.9547,
|
||||
0.87,
|
||||
0.6713,
|
||||
0.4538
|
||||
],
|
||||
[
|
||||
0.926,
|
||||
0.9412,
|
||||
0.9334,
|
||||
0.8447,
|
||||
0.6354,
|
||||
0.426
|
||||
],
|
||||
[
|
||||
0.8753,
|
||||
0.9035,
|
||||
0.9107,
|
||||
0.8123,
|
||||
0.597,
|
||||
0.3915
|
||||
],
|
||||
[
|
||||
0.8104,
|
||||
0.8539,
|
||||
0.8785,
|
||||
0.7751,
|
||||
0.5616,
|
||||
0.362
|
||||
],
|
||||
[
|
||||
0.7229,
|
||||
0.7925,
|
||||
0.8328,
|
||||
0.7328,
|
||||
0.5236,
|
||||
0.3344
|
||||
],
|
||||
[
|
||||
0.6207,
|
||||
0.7078,
|
||||
0.7808,
|
||||
0.6816,
|
||||
0.4868,
|
||||
0.309
|
||||
],
|
||||
[
|
||||
0.5008,
|
||||
0.6125,
|
||||
0.7179,
|
||||
0.6301,
|
||||
0.4513,
|
||||
0.2865
|
||||
],
|
||||
[
|
||||
0.3894,
|
||||
0.4979,
|
||||
0.646,
|
||||
0.5773,
|
||||
0.4242,
|
||||
0.2702
|
||||
],
|
||||
[
|
||||
0.2922,
|
||||
0.3927,
|
||||
0.564,
|
||||
0.5197,
|
||||
0.3859,
|
||||
0.2493
|
||||
],
|
||||
[
|
||||
0.2149,
|
||||
0.3023,
|
||||
0.4761,
|
||||
0.4594,
|
||||
0.3494,
|
||||
0.2354
|
||||
],
|
||||
[
|
||||
0.1599,
|
||||
0.2289,
|
||||
0.3839,
|
||||
0.3981,
|
||||
0.3182,
|
||||
0.2232
|
||||
]
|
||||
],
|
||||
"mean_kuwahara": [
|
||||
[
|
||||
0.992,
|
||||
0.988,
|
||||
0.7536,
|
||||
0.3667,
|
||||
0.1763,
|
||||
0.1339
|
||||
],
|
||||
[
|
||||
0.9796,
|
||||
0.9795,
|
||||
0.7359,
|
||||
0.3496,
|
||||
0.171,
|
||||
0.1318
|
||||
],
|
||||
[
|
||||
0.96,
|
||||
0.965,
|
||||
0.7129,
|
||||
0.3295,
|
||||
0.1637,
|
||||
0.1286
|
||||
],
|
||||
[
|
||||
0.926,
|
||||
0.946,
|
||||
0.6871,
|
||||
0.3119,
|
||||
0.1578,
|
||||
0.1244
|
||||
],
|
||||
[
|
||||
0.8753,
|
||||
0.916,
|
||||
0.6617,
|
||||
0.2841,
|
||||
0.1497,
|
||||
0.1228
|
||||
],
|
||||
[
|
||||
0.8104,
|
||||
0.8746,
|
||||
0.6317,
|
||||
0.2587,
|
||||
0.1422,
|
||||
0.1211
|
||||
],
|
||||
[
|
||||
0.7229,
|
||||
0.8235,
|
||||
0.6019,
|
||||
0.2395,
|
||||
0.136,
|
||||
0.1193
|
||||
],
|
||||
[
|
||||
0.6207,
|
||||
0.7499,
|
||||
0.5699,
|
||||
0.2253,
|
||||
0.134,
|
||||
0.1164
|
||||
],
|
||||
[
|
||||
0.5008,
|
||||
0.665,
|
||||
0.542,
|
||||
0.2168,
|
||||
0.1335,
|
||||
0.1138
|
||||
],
|
||||
[
|
||||
0.3894,
|
||||
0.5642,
|
||||
0.5087,
|
||||
0.2064,
|
||||
0.1328,
|
||||
0.1129
|
||||
],
|
||||
[
|
||||
0.2922,
|
||||
0.4739,
|
||||
0.4773,
|
||||
0.1993,
|
||||
0.1306,
|
||||
0.1145
|
||||
],
|
||||
[
|
||||
0.2149,
|
||||
0.3638,
|
||||
0.437,
|
||||
0.1921,
|
||||
0.1309,
|
||||
0.1159
|
||||
],
|
||||
[
|
||||
0.1599,
|
||||
0.2659,
|
||||
0.3912,
|
||||
0.1854,
|
||||
0.1307,
|
||||
0.1166
|
||||
]
|
||||
],
|
||||
"random_noise": [
|
||||
[
|
||||
0.992,
|
||||
0.9913,
|
||||
0.9899,
|
||||
0.9872,
|
||||
0.9719,
|
||||
0.9226
|
||||
],
|
||||
[
|
||||
0.9796,
|
||||
0.9793,
|
||||
0.9782,
|
||||
0.9711,
|
||||
0.9453,
|
||||
0.8802
|
||||
],
|
||||
[
|
||||
0.96,
|
||||
0.9603,
|
||||
0.9568,
|
||||
0.9436,
|
||||
0.9049,
|
||||
0.8184
|
||||
],
|
||||
[
|
||||
0.926,
|
||||
0.9253,
|
||||
0.9183,
|
||||
0.895,
|
||||
0.8392,
|
||||
0.7432
|
||||
],
|
||||
[
|
||||
0.8753,
|
||||
0.8743,
|
||||
0.8653,
|
||||
0.8309,
|
||||
0.7656,
|
||||
0.6606
|
||||
],
|
||||
[
|
||||
0.8104,
|
||||
0.809,
|
||||
0.7948,
|
||||
0.7486,
|
||||
0.6709,
|
||||
0.5588
|
||||
],
|
||||
[
|
||||
0.7229,
|
||||
0.721,
|
||||
0.6999,
|
||||
0.6485,
|
||||
0.5625,
|
||||
0.4577
|
||||
],
|
||||
[
|
||||
0.6207,
|
||||
0.6157,
|
||||
0.5881,
|
||||
0.5377,
|
||||
0.4548,
|
||||
0.3647
|
||||
],
|
||||
[
|
||||
0.5008,
|
||||
0.5005,
|
||||
0.4802,
|
||||
0.4267,
|
||||
0.3571,
|
||||
0.2885
|
||||
],
|
||||
[
|
||||
0.3894,
|
||||
0.385,
|
||||
0.3668,
|
||||
0.3295,
|
||||
0.2696,
|
||||
0.2223
|
||||
],
|
||||
[
|
||||
0.2922,
|
||||
0.2918,
|
||||
0.2758,
|
||||
0.244,
|
||||
0.2039,
|
||||
0.1724
|
||||
],
|
||||
[
|
||||
0.2149,
|
||||
0.215,
|
||||
0.2016,
|
||||
0.1832,
|
||||
0.1555,
|
||||
0.1326
|
||||
],
|
||||
[
|
||||
0.1599,
|
||||
0.1591,
|
||||
0.154,
|
||||
0.1371,
|
||||
0.1163,
|
||||
0.1021
|
||||
]
|
||||
],
|
||||
"bilateral_filter": [
|
||||
[
|
||||
0.992,
|
||||
0.9887,
|
||||
0.9887,
|
||||
0.9391,
|
||||
0.5584,
|
||||
0.2568
|
||||
],
|
||||
[
|
||||
0.9796,
|
||||
0.9809,
|
||||
0.9809,
|
||||
0.9184,
|
||||
0.5198,
|
||||
0.241
|
||||
],
|
||||
[
|
||||
0.96,
|
||||
0.9695,
|
||||
0.9695,
|
||||
0.8902,
|
||||
0.4831,
|
||||
0.2245
|
||||
],
|
||||
[
|
||||
0.926,
|
||||
0.9482,
|
||||
0.9482,
|
||||
0.8533,
|
||||
0.4436,
|
||||
0.2079
|
||||
],
|
||||
[
|
||||
0.8753,
|
||||
0.9142,
|
||||
0.9142,
|
||||
0.8133,
|
||||
0.4019,
|
||||
0.1915
|
||||
],
|
||||
[
|
||||
0.8104,
|
||||
0.8714,
|
||||
0.8714,
|
||||
0.7656,
|
||||
0.3641,
|
||||
0.1792
|
||||
],
|
||||
[
|
||||
0.7229,
|
||||
0.8169,
|
||||
0.8169,
|
||||
0.7098,
|
||||
0.3299,
|
||||
0.1681
|
||||
],
|
||||
[
|
||||
0.6207,
|
||||
0.7477,
|
||||
0.7477,
|
||||
0.641,
|
||||
0.2978,
|
||||
0.161
|
||||
],
|
||||
[
|
||||
0.5008,
|
||||
0.6619,
|
||||
0.6619,
|
||||
0.5683,
|
||||
0.2723,
|
||||
0.1563
|
||||
],
|
||||
[
|
||||
0.3894,
|
||||
0.5767,
|
||||
0.5767,
|
||||
0.5003,
|
||||
0.2476,
|
||||
0.1517
|
||||
],
|
||||
[
|
||||
0.2922,
|
||||
0.4922,
|
||||
0.4922,
|
||||
0.4381,
|
||||
0.2288,
|
||||
0.1484
|
||||
],
|
||||
[
|
||||
0.2149,
|
||||
0.4133,
|
||||
0.4133,
|
||||
0.3836,
|
||||
0.2126,
|
||||
0.146
|
||||
],
|
||||
[
|
||||
0.1599,
|
||||
0.3468,
|
||||
0.3468,
|
||||
0.3364,
|
||||
0.1999,
|
||||
0.1444
|
||||
]
|
||||
],
|
||||
"bit_depth": [
|
||||
[
|
||||
0.992,
|
||||
0.9894,
|
||||
0.9913,
|
||||
0.9916,
|
||||
0.992,
|
||||
0.992
|
||||
],
|
||||
[
|
||||
0.9796,
|
||||
0.9862,
|
||||
0.9823,
|
||||
0.9807,
|
||||
0.9796,
|
||||
0.9796
|
||||
],
|
||||
[
|
||||
0.96,
|
||||
0.9808,
|
||||
0.9781,
|
||||
0.965,
|
||||
0.9604,
|
||||
0.96
|
||||
],
|
||||
[
|
||||
0.926,
|
||||
0.9744,
|
||||
0.9228,
|
||||
0.9219,
|
||||
0.926,
|
||||
0.926
|
||||
],
|
||||
[
|
||||
0.8753,
|
||||
0.9424,
|
||||
0.8818,
|
||||
0.8747,
|
||||
0.8751,
|
||||
0.8753
|
||||
],
|
||||
[
|
||||
0.8104,
|
||||
0.9307,
|
||||
0.8621,
|
||||
0.821,
|
||||
0.8094,
|
||||
0.8104
|
||||
],
|
||||
[
|
||||
0.7229,
|
||||
0.9157,
|
||||
0.8408,
|
||||
0.7427,
|
||||
0.7235,
|
||||
0.7229
|
||||
],
|
||||
[
|
||||
0.6207,
|
||||
0.8972,
|
||||
0.7794,
|
||||
0.6554,
|
||||
0.6229,
|
||||
0.6207
|
||||
],
|
||||
[
|
||||
0.5008,
|
||||
0.8799,
|
||||
0.7496,
|
||||
0.559,
|
||||
0.5046,
|
||||
0.5008
|
||||
],
|
||||
[
|
||||
0.3894,
|
||||
0.8581,
|
||||
0.5289,
|
||||
0.4547,
|
||||
0.3914,
|
||||
0.3894
|
||||
],
|
||||
[
|
||||
0.2922,
|
||||
0.7603,
|
||||
0.4301,
|
||||
0.3113,
|
||||
0.2927,
|
||||
0.2922
|
||||
],
|
||||
[
|
||||
0.2149,
|
||||
0.7227,
|
||||
0.3992,
|
||||
0.2414,
|
||||
0.2168,
|
||||
0.2149
|
||||
],
|
||||
[
|
||||
0.1599,
|
||||
0.2624,
|
||||
0.2091,
|
||||
0.1874,
|
||||
0.161,
|
||||
0.1599
|
||||
]
|
||||
],
|
||||
"threshold_filter": [
|
||||
[
|
||||
0.992,
|
||||
0.982,
|
||||
0.9817,
|
||||
0.9799,
|
||||
0.9713,
|
||||
0.9502
|
||||
],
|
||||
[
|
||||
0.9796,
|
||||
0.978,
|
||||
0.9755,
|
||||
0.9751,
|
||||
0.9655,
|
||||
0.9334
|
||||
],
|
||||
[
|
||||
0.96,
|
||||
0.9728,
|
||||
0.9713,
|
||||
0.9696,
|
||||
0.9578,
|
||||
0.9077
|
||||
],
|
||||
[
|
||||
0.926,
|
||||
0.9678,
|
||||
0.9668,
|
||||
0.9645,
|
||||
0.9508,
|
||||
0.1837
|
||||
],
|
||||
[
|
||||
0.8753,
|
||||
0.9644,
|
||||
0.9604,
|
||||
0.9583,
|
||||
0.9407,
|
||||
0.1818
|
||||
],
|
||||
[
|
||||
0.8104,
|
||||
0.9586,
|
||||
0.9537,
|
||||
0.9477,
|
||||
0.9238,
|
||||
0.1817
|
||||
],
|
||||
[
|
||||
0.7229,
|
||||
0.9522,
|
||||
0.9458,
|
||||
0.9343,
|
||||
0.9032,
|
||||
0.1845
|
||||
],
|
||||
[
|
||||
0.6207,
|
||||
0.9418,
|
||||
0.9387,
|
||||
0.9236,
|
||||
0.8766,
|
||||
0.1849
|
||||
],
|
||||
[
|
||||
0.5008,
|
||||
0.9331,
|
||||
0.9297,
|
||||
0.9108,
|
||||
0.8358,
|
||||
0.1869
|
||||
],
|
||||
[
|
||||
0.3894,
|
||||
0.9215,
|
||||
0.9188,
|
||||
0.8927,
|
||||
0.2164,
|
||||
0.1904
|
||||
],
|
||||
[
|
||||
0.2922,
|
||||
0.9079,
|
||||
0.9053,
|
||||
0.8758,
|
||||
0.223,
|
||||
0.1927
|
||||
],
|
||||
[
|
||||
0.2149,
|
||||
0.8943,
|
||||
0.8882,
|
||||
0.8508,
|
||||
0.2275,
|
||||
0.1979
|
||||
],
|
||||
[
|
||||
0.1599,
|
||||
0.8761,
|
||||
0.8687,
|
||||
0.8142,
|
||||
0.2348,
|
||||
0.2025
|
||||
]
|
||||
]
|
||||
}
|
||||
}
|
Before Width: | Height: | Size: 69 KiB After Width: | Height: | Size: 69 KiB |