facial-search: a graph from Powder.gg matching memes to faces

This commit is contained in:
Pierre Fenoll 2020-01-14 18:06:01 +01:00
parent 63e679d99c
commit 978fee3cdb
35 changed files with 2999 additions and 0 deletions

33
.github/workflows/workflow.yml vendored Normal file
View File

@ -0,0 +1,33 @@
on: push
name: FacialSearch iOS framework
jobs:
ios:
name: run
runs-on: macos-latest
env:
BAZELISK_GITHUB_TOKEN: ${{ secrets.GITHUB_TOKEN }}
steps:
- name: Checkout
uses: actions/checkout@v2
- name: Install dependencies
run: |
bazelisk version
brew install python opencv@3
brew uninstall --ignore-dependencies glog
sudo ln -s -f /usr/local/bin/python3.9 /usr/local/bin/python
pip3 install --user future six numpy
- name: Build
run: |
python mediapipe/examples/facial_search/images/download_images.py
bazelisk build --copt=-fembed-bitcode --apple_bitcode=embedded --config=ios_arm64 mediapipe/examples/facial_search/ios:FacialSearch
./mediapipe/examples/facial_search/ios/patch_ios_framework.sh bazel-bin/mediapipe/examples/facial_search/ios/FacialSearch.zip ObjcppLib.h
mv -v bazel-bin/mediapipe/examples/facial_search/ios/FacialSearch.framework .
- name: Upload artifact
uses: actions/upload-artifact@v1
with:
name: FacialSearch.framework
path: FacialSearch.framework

View File

@ -2,6 +2,7 @@
"additionalFilePaths" : [
"/BUILD",
"mediapipe/BUILD",
"mediapipe/examples/facial_search/ios/BUILD",
"mediapipe/examples/ios/common/BUILD",
"mediapipe/examples/ios/facedetectioncpu/BUILD",
"mediapipe/examples/ios/facedetectiongpu/BUILD",
@ -23,6 +24,7 @@
"mediapipe/objc/testing/app/BUILD"
],
"buildTargets" : [
"//mediapipe/examples/facial_search/ios:FacialSearchGpuApp",
"//mediapipe/examples/ios/facedetectioncpu:FaceDetectionCpuApp",
"//mediapipe/examples/ios/facedetectiongpu:FaceDetectionGpuApp",
"//mediapipe/examples/ios/faceeffect:FaceEffectApp",

View File

@ -9,6 +9,7 @@
"packages" : [
"",
"mediapipe",
"mediapipe/examples/facial_search/ios",
"mediapipe/examples/ios",
"mediapipe/examples/ios/facedetectioncpu",
"mediapipe/examples/ios/facedetectiongpu",

View File

@ -0,0 +1,25 @@
# Copyright 2020 The MediaPipe Authors.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
licenses(["notice"]) # Apache 2.0
package(default_visibility = ["//visibility:public"])
cc_library(
name = "embeddings_database",
hdrs = [
"embeddings.h",
"labels.h",
],
)

View File

@ -0,0 +1,26 @@
## Make sure to download the memes
```
python mediapipe/examples/facial_search/images/download_images.py
```
## Run on CPU
```
bazel run --platform_suffix=_cpu \
--copt=-fdiagnostics-color=always --run_under="cd $PWD && " \
-c opt --define MEDIAPIPE_DISABLE_GPU=1 \
mediapipe/examples/facial_search/desktop:facial_search \
-- \
--calculator_graph_config_file=mediapipe/examples/facial_search/graphs/facial_search_cpu.pbtxt \
--images_folder_path=mediapipe/examples/facial_search/images/
```
## Run on GPU
```
bazel run --platform_suffix=_gpu \
--copt=-fdiagnostics-color=always --run_under="cd $PWD && " \
-c opt --copt -DMESA_EGL_NO_X11_HEADERS --copt -DEGL_NO_X11 \
mediapipe/examples/facial_search/desktop:facial_search \
-- \
--calculator_graph_config_file=mediapipe/examples/facial_search/graphs/facial_search_gpu.pbtxt \
--images_folder_path=mediapipe/examples/facial_search/images/
```

View File

@ -0,0 +1,48 @@
# Copyright 2020 The MediaPipe Authors.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
load("//mediapipe/framework/port:build_config.bzl", "mediapipe_cc_proto_library")
licenses(["notice"]) # Apache 2.0
package(default_visibility = ["//visibility:public"])
proto_library(
name = "closest_embeddings_calculator_proto",
srcs = ["closest_embeddings_calculator.proto"],
visibility = ["//visibility:public"],
deps = ["//mediapipe/framework:calculator_proto"],
)
mediapipe_cc_proto_library(
name = "closest_embeddings_calculator_cc_proto",
srcs = ["closest_embeddings_calculator.proto"],
cc_deps = ["//mediapipe/framework:calculator_cc_proto"],
visibility = ["//visibility:public"],
deps = [":closest_embeddings_calculator_proto"],
)
cc_library(
name = "closest_embeddings_calculator",
srcs = ["closest_embeddings_calculator.cc"],
visibility = ["//visibility:public"],
deps = [
":closest_embeddings_calculator_cc_proto",
"//mediapipe/framework:calculator_framework",
"//mediapipe/framework:timestamp",
"//mediapipe/framework/formats:classification_cc_proto",
"//mediapipe/framework/port:status",
],
alwayslink = 1,
)

View File

@ -0,0 +1,178 @@
// Copyright 2020 The MediaPipe Authors.
//
// Licensed under the Apache License, Version 2.0 (the "License");
// you may not use this file except in compliance with the License.
// You may obtain a copy of the License at
//
// http://www.apache.org/licenses/LICENSE-2.0
//
// Unless required by applicable law or agreed to in writing, software
// distributed under the License is distributed on an "AS IS" BASIS,
// WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
// See the License for the specific language governing permissions and
// limitations under the License.
#include <cmath>
#include "mediapipe/examples/facial_search/calculators/closest_embeddings_calculator.pb.h"
#include "mediapipe/framework/calculator_framework.h"
#include "mediapipe/framework/formats/classification.pb.h"
#include "mediapipe/framework/port/ret_check.h"
#include "mediapipe/framework/port/status.h"
#define COUNTOF(ARRAY) (sizeof(ARRAY) / sizeof(ARRAY[0]))
namespace mediapipe {
namespace {
constexpr char kClassifications[] = "CLASSIFICATIONS";
constexpr char kCollection[] = "COLLECTION";
constexpr char kLabels[] = "LABELS";
constexpr char kFloats[] = "FLOATS";
typedef std::vector<Classification> Classifications;
typedef std::vector<float> Floats;
typedef std::vector<Floats> Collection;
typedef std::vector<std::string> Labels;
} // namespace
// Given a flat vector of embeddings, finds the top k closests vectors
// from the embeddings collection and returns the value associated with these
// vectors.
//
// Inputs:
// FLOATS: the input embedding to compare, as an std::vector of floats.
// COLLECTION: an std::vector of embeddings that this calculcator compares
// FLOATS against. LABELS: an (optional) std::vector of strings whose indices
// match COLLECTION's. CLASSIFICATIONS: the k-closest embeddings as an
// std::vector of Classification.s where
// Classification.id is the embedding's index in COLLECTION,
// Classification.label is the embedding's index in LABELS
// and Classification.score is the distance between the two
// embeddings.
//
// Options:
// top_k: number of embeddings closest to input to search for.
//
// Notes:
// * The distance function used by default is the Euclidian distance.
// * Every vector in COLLECTION must have the same dimension as the input
// vector.
// * When given an empty input vector, an empty output vector is returned.
//
// Usage example:
// node {
// calculator: "ClosestEmbeddingsCalculator"
// input_side_packet: "COLLECTION:embeddings_collection"
// input_side_packet: "LABELS:collection_labels"
// input_stream: "FLOATS:embeddings_vector"
// output_stream: "CLASSIFICATIONS:memes"
// options: {
// [mediapipe.ClosestEmbeddingsCalculatorOptions.ext]: {
// top_k: 3
// }
// }
// }
class ClosestEmbeddingsCalculator : public CalculatorBase {
public:
ClosestEmbeddingsCalculator() {}
~ClosestEmbeddingsCalculator() override {}
static ::mediapipe::Status GetContract(CalculatorContract* cc) {
RET_CHECK(cc->InputSidePackets().HasTag(kCollection));
cc->InputSidePackets().Tag(kCollection).Set<Collection>();
if (cc->InputSidePackets().HasTag(kLabels))
cc->InputSidePackets().Tag(kLabels).Set<Labels>();
RET_CHECK(cc->Inputs().HasTag(kFloats));
cc->Inputs().Tag(kFloats).Set<Floats>();
RET_CHECK(cc->Outputs().HasTag(kClassifications));
cc->Outputs().Tag(kClassifications).Set<Classifications>();
return ::mediapipe::OkStatus();
}
::mediapipe::Status Open(CalculatorContext* cc) override {
cc->SetOffset(TimestampDiff(0));
collection_ = cc->InputSidePackets().Tag(kCollection).Get<Collection>();
RET_CHECK(!collection_.empty());
if (cc->InputSidePackets().HasTag(kLabels)) {
labels_ = cc->InputSidePackets().Tag(kLabels).Get<Labels>();
RET_CHECK_EQ(labels_.size(), collection_.size());
}
const auto& options = cc->Options<ClosestEmbeddingsCalculatorOptions>();
top_k_ = std::min(size_t(options.top_k()), collection_.size());
RET_CHECK_NE(top_k_, 0);
return ::mediapipe::OkStatus();
}
::mediapipe::Status Process(CalculatorContext* cc) override {
const auto input = cc->Inputs().Tag(kFloats).Get<Floats>();
auto output = absl::make_unique<Classifications>();
if (input.empty()) {
cc->Outputs()
.Tag(kClassifications)
.Add(output.release(), cc->InputTimestamp());
return ::mediapipe::OkStatus();
}
RET_CHECK_EQ(input.size(), collection_[0].size())
<< "Embeddings should have " << collection_[0].size()
<< " dimensions. Got " << input.size() << " floats.";
output->reserve(top_k_);
RET_CHECK_OK(AppendKClosest(input, output.get()));
cc->Outputs()
.Tag(kClassifications)
.Add(output.release(), cc->InputTimestamp());
return ::mediapipe::OkStatus();
}
private:
size_t top_k_;
Collection collection_;
Labels labels_;
::mediapipe::Status AppendKClosest(const Floats& input,
Classifications* best) {
auto matches = Classifications();
matches.reserve(top_k_);
for (int i = 0; i < collection_.size(); ++i) {
const auto& item = collection_[i];
RET_CHECK_EQ(item.size(), input.size());
Classification classification;
classification.set_index(i);
classification.set_score(EuclidianDistance(item, input));
if (!labels_.empty()) classification.set_label(labels_[i]);
matches.emplace_back(classification);
}
TopK(matches);
for (const auto match : matches) {
best->emplace_back(match);
}
return ::mediapipe::OkStatus();
}
float EuclidianDistance(const Floats& a, const Floats& b) {
float sum = 0;
for (int i = 0; i < a.size(); ++i) sum += (a[i] - b[i]) * (a[i] - b[i]);
return std::sqrt(sum);
}
void TopK(Classifications& classifications) {
if (classifications.size() > 1 && classifications.size() > top_k_) {
std::partial_sort(classifications.begin(),
classifications.begin() + top_k_, classifications.end(),
[](const Classification& a, const Classification& b) {
// Sorts such that results closest to zero are at the
// top
return a.score() < b.score();
});
classifications.erase(classifications.begin() + top_k_,
classifications.end());
}
}
};
REGISTER_CALCULATOR(ClosestEmbeddingsCalculator);
} // namespace mediapipe

View File

@ -0,0 +1,12 @@
syntax = "proto2";
package mediapipe;
import "mediapipe/framework/calculator.proto";
message ClosestEmbeddingsCalculatorOptions {
extend CalculatorOptions {
optional ClosestEmbeddingsCalculatorOptions ext = 107632442;
}
optional uint32 top_k = 1 [default = 1];
}

View File

@ -0,0 +1,51 @@
# Copyright 2020 The MediaPipe Authors.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
load("@rules_cc//cc:defs.bzl", "cc_binary")
licenses(["notice"]) # Apache 2.0
package(default_visibility = ["//visibility:public"])
cc_binary(
name = "facial_search",
srcs = [
"cpu_gpu_compatibility.h",
"demo.cc",
],
deps = [
"//mediapipe/examples/facial_search:embeddings_database",
"//mediapipe/framework:calculator_framework",
"//mediapipe/framework/formats:image_frame",
"//mediapipe/framework/formats:image_frame_opencv",
"//mediapipe/framework/port:file_helpers",
"//mediapipe/framework/port:opencv_highgui",
"//mediapipe/framework/port:opencv_imgproc",
"//mediapipe/framework/port:opencv_video",
"//mediapipe/framework/port:parse_text_proto",
"//mediapipe/framework/port:status",
"@com_google_absl//absl/flags:flag",
"@com_google_absl//absl/flags:parse",
] + select({
"//mediapipe/gpu:disable_gpu": [
"//mediapipe/examples/facial_search/graphs:cpu_calculators",
],
"//conditions:default": [
"//mediapipe/examples/facial_search/graphs:gpu_calculators",
"//mediapipe/gpu:gl_calculator_helper",
"//mediapipe/gpu:gpu_buffer",
"//mediapipe/gpu:gpu_shared_data_internal",
],
}),
)

View File

@ -0,0 +1,102 @@
// Copyright 2020 The MediaPipe Authors.
//
// Licensed under the Apache License, Version 2.0 (the "License");
// you may not use this file except in compliance with the License.
// You may obtain a copy of the License at
//
// http://www.apache.org/licenses/LICENSE-2.0
//
// Unless required by applicable law or agreed to in writing, software
// distributed under the License is distributed on an "AS IS" BASIS,
// WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
// See the License for the specific language governing permissions and
// limitations under the License.
#ifndef MEDIAPIPE_EXAMPLES_FACIAL_SEARCH_COMPAT_H_
#define MEDIAPIPE_EXAMPLES_FACIAL_SEARCH_COMPAT_H_
#include "mediapipe/framework/calculator_framework.h"
#include "mediapipe/framework/port/status.h"
#if !defined(MEDIAPIPE_DISABLE_GPU)
#include "mediapipe/gpu/gl_calculator_helper.h"
#include "mediapipe/gpu/gpu_buffer.h"
#include "mediapipe/gpu/gpu_shared_data_internal.h"
#endif
#if !defined(MEDIAPIPE_DISABLE_GPU)
#define MAYBE_INIT_GPU(graph) \
LOG(INFO) << "Initialize the GPU."; \
ASSIGN_OR_RETURN(auto gpu_resources, mediapipe::GpuResources::Create()); \
MP_RETURN_IF_ERROR(graph.SetGpuResources(std::move(gpu_resources))); \
mediapipe::GlCalculatorHelper gpu_helper; \
gpu_helper.InitializeForTest(graph.GetGpuResources().get())
#else // !MEDIAPIPE_DISABLE_GPU
#define MAYBE_INIT_GPU(graph) LOG(INFO) << "Not built for GPU."
#endif
#if !defined(MEDIAPIPE_DISABLE_GPU)
#define ADD_INPUT_FRAME(inputStream, captured, timestamp) \
auto the_input_frame = absl::make_unique<mediapipe::ImageFrame>( \
mediapipe::ImageFormat::SRGBA, captured.cols, captured.rows, \
mediapipe::ImageFrame::kGlDefaultAlignmentBoundary); \
cv::Mat input_frame_mat = \
mediapipe::formats::MatView(the_input_frame.get()); \
captured.copyTo(input_frame_mat); \
/* Send image packet into the graph. */ \
MP_RETURN_IF_ERROR( \
gpu_helper.RunInGlContext([&the_input_frame, &timestamp, &graph, \
&gpu_helper]() -> ::mediapipe::Status { \
/* Convert ImageFrame to GpuBuffer. */ \
auto texture = gpu_helper.CreateSourceTexture(*the_input_frame.get()); \
auto gpu_frame = texture.GetFrame<mediapipe::GpuBuffer>(); \
glFlush(); \
texture.Release(); \
/* Send GPU image packet into the graph. */ \
MP_RETURN_IF_ERROR(graph.AddPacketToInputStream( \
inputStream, \
mediapipe::Adopt(gpu_frame.release()).At(timestamp))); \
return ::mediapipe::OkStatus(); \
}))
#else // !MEDIAPIPE_DISABLE_GPU
#define ADD_INPUT_FRAME(inputStream, captured, timestamp) \
auto the_input_frame = absl::make_unique<mediapipe::ImageFrame>( \
mediapipe::ImageFormat::SRGBA, captured.cols, captured.rows, \
mediapipe::ImageFrame::kDefaultAlignmentBoundary); \
cv::Mat input_frame_mat = \
mediapipe::formats::MatView(the_input_frame.get()); \
captured.copyTo(input_frame_mat); \
/* Send image packet into the graph. */ \
MP_RETURN_IF_ERROR(graph.AddPacketToInputStream( \
inputStream, mediapipe::Adopt(the_input_frame.release()).At(timestamp)))
#endif
#if !defined(MEDIAPIPE_DISABLE_GPU)
#define GET_OUTPUT_FRAME_MAT(packet, ofmat) \
std::unique_ptr<mediapipe::ImageFrame> output_frame; \
MP_RETURN_IF_ERROR(gpu_helper.RunInGlContext( \
[&packet, &output_frame, &gpu_helper]() -> ::mediapipe::Status { \
auto& gpu_frame = packet.Get<mediapipe::GpuBuffer>(); \
auto texture = gpu_helper.CreateSourceTexture(gpu_frame); \
output_frame = absl::make_unique<mediapipe::ImageFrame>( \
mediapipe::ImageFormatForGpuBufferFormat(gpu_frame.format()), \
gpu_frame.width(), gpu_frame.height(), \
mediapipe::ImageFrame::kGlDefaultAlignmentBoundary); \
gpu_helper.BindFramebuffer(texture); \
const auto info = \
mediapipe::GlTextureInfoForGpuBufferFormat(gpu_frame.format(), 0); \
glReadPixels(0, 0, texture.width(), texture.height(), info.gl_format, \
info.gl_type, output_frame->MutablePixelData()); \
glFlush(); \
texture.Release(); \
return ::mediapipe::OkStatus(); \
})); \
cv::Mat ofmat = mediapipe::formats::MatView(output_frame.get()); \
cv::cvtColor(ofmat, ofmat, cv::COLOR_RGB2BGR)
#else // !MEDIAPIPE_DISABLE_GPU
#define GET_OUTPUT_FRAME_MAT(packet, ofmat) \
auto& output_frame = packet.Get<mediapipe::ImageFrame>(); \
cv::Mat ofmat = mediapipe::formats::MatView(&output_frame); \
cv::cvtColor(ofmat, ofmat, cv::COLOR_RGB2BGR)
#endif
#endif // MEDIAPIPE_EXAMPLES_FACIAL_SEARCH_COMPAT_H_

View File

@ -0,0 +1,157 @@
// Copyright 2020 The MediaPipe Authors.
//
// Licensed under the Apache License, Version 2.0 (the "License");
// you may not use this file except in compliance with the License.
// You may obtain a copy of the License at
//
// http://www.apache.org/licenses/LICENSE-2.0
//
// Unless required by applicable law or agreed to in writing, software
// distributed under the License is distributed on an "AS IS" BASIS,
// WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
// See the License for the specific language governing permissions and
// limitations under the License.
//
// An example of sending OpenCV webcam frames into a MediaPipe graph.
// This example requires a linux computer and a GPU with EGL support drivers.
#include <cstdlib>
#include "absl/flags/flag.h"
#include "absl/flags/parse.h"
#include "mediapipe/framework/formats/classification.pb.h"
#include "mediapipe/framework/formats/image_frame.h"
#include "mediapipe/framework/formats/image_frame_opencv.h"
#include "mediapipe/framework/port/file_helpers.h"
#include "mediapipe/framework/port/opencv_highgui_inc.h"
#include "mediapipe/framework/port/opencv_imgproc_inc.h"
#include "mediapipe/framework/port/opencv_video_inc.h"
#include "mediapipe/framework/port/parse_text_proto.h"
constexpr char kWindowName[] = "Find memes that match your facial expression";
#include "cpu_gpu_compatibility.h"
#include "mediapipe/examples/facial_search/embeddings.h"
#include "mediapipe/examples/facial_search/labels.h"
DEFINE_string(
calculator_graph_config_file, "",
"Name of file containing text format CalculatorGraphConfig proto.");
DEFINE_string(input_video_path, "",
"Full path of video to load. "
"If not provided, attempt to use a webcam.");
DEFINE_bool(log_embeddings, false, "Print embeddings vector in the log.");
DEFINE_bool(without_window, false, "Do not setup opencv window.");
DEFINE_string(images_folder_path, "", "Full path of images directory.");
::mediapipe::Status RunMPPGraph() {
std::string pbtxt;
MP_RETURN_IF_ERROR(
mediapipe::file::GetContents(FLAGS_calculator_graph_config_file, &pbtxt));
LOG(INFO) << "Get calculator graph config contents: " << pbtxt;
auto config =
mediapipe::ParseTextProtoOrDie<mediapipe::CalculatorGraphConfig>(pbtxt);
LOG(INFO) << "Initialize the calculator graph.";
const auto labels = ::mediapipe::MyCollectionLabels();
const auto collection = ::mediapipe::MyEmbeddingsCollection();
std::map<std::string, ::mediapipe::Packet> input_side_packets = {
{"collection_labels", ::mediapipe::MakePacket<decltype(labels)>(labels)},
{"embeddings_collection",
::mediapipe::MakePacket<decltype(collection)>(collection)},
};
mediapipe::CalculatorGraph graph;
MP_RETURN_IF_ERROR(graph.Initialize(config, input_side_packets));
MAYBE_INIT_GPU(graph);
LOG(INFO) << "Load the video.";
cv::VideoCapture capture;
const bool load_video = !FLAGS_input_video_path.empty();
if (load_video)
capture.open(FLAGS_input_video_path);
else
capture.open(0);
RET_CHECK(capture.isOpened());
const double invCaptureFPS = 1.0 / capture.get(cv::CAP_PROP_FPS);
if (!FLAGS_without_window) {
cv::namedWindow(kWindowName, cv::WINDOW_AUTOSIZE);
RET_CHECK(!FLAGS_images_folder_path.empty());
}
LOG(INFO) << "Start running the calculator graph.";
ASSIGN_OR_RETURN(mediapipe::OutputStreamPoller pollerForEmbeddings,
graph.AddOutputStreamPoller("embeddings"));
ASSIGN_OR_RETURN(mediapipe::OutputStreamPoller pollerForEmbeddingsPresence,
graph.AddOutputStreamPoller("embeddings_presence"));
ASSIGN_OR_RETURN(mediapipe::OutputStreamPoller pollerForMemes,
graph.AddOutputStreamPoller("memes"));
MP_RETURN_IF_ERROR(graph.StartRun({}));
LOG(INFO) << "Start grabbing and processing frames.";
for (size_t n = 0; true; ++n) {
// Capture opencv camera or video frame.
cv::Mat camera_frame;
capture >> camera_frame;
if (camera_frame.empty()) break; // End of video.
if (!load_video)
cv::flip(camera_frame, camera_frame, /*flipcode=HORIZONTAL*/ 1);
if (!FLAGS_without_window) {
cv::imshow("You", camera_frame);
const int pressed_key = cv::waitKey(5);
if (pressed_key >= 0 && pressed_key != 255) continue;
}
cv::cvtColor(camera_frame, camera_frame, cv::COLOR_BGR2RGBA, 4);
const auto ts = mediapipe::Timestamp::FromSeconds(n * invCaptureFPS);
LOG(INFO) << "ts = " << ts;
ADD_INPUT_FRAME("input_frame", camera_frame, ts);
mediapipe::Packet presence;
if (!pollerForEmbeddingsPresence.Next(&presence)) break;
if (!presence.Get<bool>()) continue;
if (FLAGS_log_embeddings) {
LOG(INFO) << "polling for embeddings";
mediapipe::Packet packet;
if (!pollerForEmbeddings.Next(&packet)) break;
const auto& embedding = packet.Get<std::vector<float>>();
std::ostringstream oss;
oss << "{";
for (float f : embedding) oss << f << ",";
oss << "},\n";
LOG(INFO) << oss.str();
}
LOG(INFO) << "polling for memes";
mediapipe::Packet packet;
if (!pollerForMemes.Next(&packet)) break;
const auto& memes = packet.Get<std::vector<mediapipe::Classification>>();
LOG(INFO) << "#memes: " << memes.size();
for (const auto& meme : memes) {
LOG(INFO) << meme.score() << " <-- " << meme.label();
}
if (!FLAGS_without_window && !memes.empty()) {
const auto img_path = FLAGS_images_folder_path + memes[0].label();
const auto image = cv::imread(img_path, cv::IMREAD_UNCHANGED);
RET_CHECK(image.data) << "Couldn't load " << img_path;
cv::imshow(kWindowName, image);
// Press any key to exit.
const int pressed_key = cv::waitKey(5);
if (pressed_key >= 0 && pressed_key != 255) break;
}
}
LOG(INFO) << "Shutting down.";
MP_RETURN_IF_ERROR(graph.CloseAllInputStreams());
return graph.WaitUntilDone();
}
int main(int argc, char** argv) {
google::InitGoogleLogging(argv[0]);
gflags::ParseCommandLineFlags(&argc, &argv, true);
::mediapipe::Status run_status = RunMPPGraph();
if (!run_status.ok()) {
LOG(ERROR) << "Failed to run the graph: " << run_status.message();
} else {
LOG(INFO) << "Success!";
}
return 0;
}

View File

@ -0,0 +1,367 @@
// Copyright 2020 The MediaPipe Authors.
//
// Licensed under the Apache License, Version 2.0 (the "License");
// you may not use this file except in compliance with the License.
// You may obtain a copy of the License at
//
// http://www.apache.org/licenses/LICENSE-2.0
//
// Unless required by applicable law or agreed to in writing, software
// distributed under the License is distributed on an "AS IS" BASIS,
// WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
// See the License for the specific language governing permissions and
// limitations under the License.
#ifndef MEDIAPIPE_EXAMPLES_FACIAL_SEARCH_EMBEDDINGS_H_
#define MEDIAPIPE_EXAMPLES_FACIAL_SEARCH_EMBEDDINGS_H_
#include <vector>
namespace mediapipe {
const std::vector<std::vector<float>>& MyEmbeddingsCollection() {
static const std::vector<std::vector<float>> data = {
{0.360273,0.344299,-0.0601011,-0.0874571,-0.115668,-0.0172118,-0.0885485,0.264329,0.258976,0.000407169,-0.144043,-0.0182962,-0.0467717,-0.00249628,0.143685,-0.243664,0.0482081,-0.165425,-0.205157,-0.131136,0.352415,0.297783,0.090929,-0.139581,0.0360719,-0.0971549,-0.0127887,-0.0632506,-0.131023,-0.124878,-0.230134,-0.0489221,0.0767414,0.0447687,-0.103306,0.083289,0.203843,0.016971,-0.0801557,0.100098,0.22525,0.113119,-0.14363,-0.0690399,-0.283145,0.347141,-0.210801,-0.192435,0.302335,0.0188467,-0.142579,-0.407477,0.226639,-0.0164238,-0.00861372,-0.0454978,0.0355433,0.212059,-0.142849,-0.11361,-0.0787473,-0.0379442,0.0452453,-0.00798978,},
{0.318508,0.249886,-0.115154,-0.0730376,-0.187152,0.0396216,0.0505298,0.169197,0.352139,0.100405,-0.125271,-0.191171,-0.0134611,0.0796566,0.235819,-0.329756,0.0387886,-0.14595,-0.200429,-0.0798391,0.379982,0.119879,0.189558,-0.0639621,0.0913184,0.0255879,-0.0537018,-0.144633,-0.0646085,0.0365192,-0.0853716,-0.0725883,0.0781156,0.100849,-0.143935,0.0422517,0.197704,-0.0292149,0.122674,-0.0126583,0.294607,0.105169,-0.105966,-0.231691,-0.315402,0.402549,-0.0538364,-0.161181,0.391495,-0.0100625,-0.011637,-0.253579,0.250504,0.113486,0.209101,-0.0219375,0.0701367,0.256599,-0.0684085,-0.071408,-0.0120566,-0.132653,0.0125479,0.0576287,},
{0.325262,0.32928,-0.0227119,-0.137462,-0.143023,-0.0279421,-0.119785,0.267961,0.294252,0.0222093,-0.134782,-0.0382973,-0.00631426,-0.0292132,0.15267,-0.21202,0.0434223,-0.178312,-0.217174,-0.150065,0.334962,0.324984,0.106173,-0.160539,0.0684176,-0.110556,0.00895015,-0.0904209,-0.155617,-0.158414,-0.251649,-0.0903043,0.0317738,0.0169524,-0.117981,0.125301,0.194611,0.0458508,-0.0843728,0.0581117,0.258964,0.151901,-0.130525,-0.0817891,-0.293952,0.339044,-0.209209,-0.221465,0.340999,0.0069143,-0.138424,-0.405797,0.249794,-0.0481222,0.0236612,-0.0663456,0.0419176,0.207716,-0.172457,-0.12006,-0.0778105,0.0064223,0.0281377,-0.0209497,},
{0.306382,0.315247,-0.012325,-0.183931,-0.164453,-0.0522663,-0.109623,0.27201,0.317369,0.0282128,-0.123773,-0.0924757,-0.00313972,-0.0768318,0.172827,-0.196492,0.0440636,-0.138324,-0.216843,-0.152871,0.363662,0.319582,0.132875,-0.145934,0.0690874,-0.0771255,0.0182008,-0.128543,-0.158056,-0.149366,-0.237543,-0.0957797,0.0173511,0.0158658,-0.137325,0.150811,0.189168,0.0605078,-0.0543792,0.0443284,0.278685,0.162854,-0.163519,-0.0666793,-0.323751,0.345357,-0.220509,-0.249592,0.339764,0.00298731,-0.126348,-0.403189,0.292829,-0.0716793,0.0423921,-0.110006,0.042801,0.226869,-0.203283,-0.117354,-0.0634841,0.0230317,0.052782,-0.0682892,},
{0.338427,0.265398,-0.0275832,-0.100719,-0.185678,-0.0537828,-0.0926256,0.23777,0.296712,0.0524824,-0.100414,-0.0648169,-0.0656427,-0.035464,0.155403,-0.24084,0.0645928,-0.152585,-0.269832,-0.154228,0.335621,0.294165,0.106705,-0.154819,0.0987954,-0.160922,-0.00959375,-0.127159,-0.174685,-0.171453,-0.16602,-0.0718391,0.0303322,0.0192406,-0.0767172,0.0655644,0.192971,0.0575009,-0.128603,0.0594169,0.26037,0.141041,-0.117453,-0.0965049,-0.315703,0.35071,-0.163124,-0.228596,0.38985,-0.0451808,-0.135407,-0.389219,0.249238,0.0201468,0.0684455,-0.0485432,0.0302722,0.179657,-0.146936,-0.0552407,-0.0423196,-0.104139,0.0188916,-0.0208175,},
{0.355396,0.301085,-0.0740759,-0.0338421,-0.131099,0.0433599,-0.0208602,0.251003,0.281141,0.0306869,-0.113517,-0.0531262,-0.061923,0.104566,0.202619,-0.281404,0.0759911,-0.128102,-0.216162,-0.133683,0.35445,0.182672,0.119471,-0.128705,0.0359774,-0.0745939,-0.0638574,-0.1204,-0.0794186,-0.0337682,-0.143883,-0.0274828,0.0806934,0.0652223,-0.0605229,-0.00395597,0.235793,0.00479844,-0.0187269,0.063849,0.225617,0.077894,-0.154125,-0.143152,-0.296537,0.397859,-0.133685,-0.16179,0.337889,0.0208034,-0.0564092,-0.353877,0.223101,0.0944612,0.062843,-0.0227218,0.0708016,0.190903,-0.0792401,-0.0454141,-0.0189112,-0.100011,0.0774671,0.050441,},
{0.320085,0.268325,-0.128621,-0.071697,-0.151939,-0.0059406,-0.0188711,0.135222,0.3891,0.083281,-0.106805,-0.232411,-0.0596809,0.127448,0.22285,-0.288132,0.0149883,-0.130134,-0.20586,-0.114541,0.401313,0.124658,0.183961,-0.102603,0.0828049,0.0728461,-0.113325,-0.168498,-0.0904611,0.01476,-0.101791,-0.0439827,0.163579,0.0757737,-0.156089,0.00420617,0.186158,0.0222519,0.0888372,-0.0787775,0.278347,0.118629,-0.135177,-0.268086,-0.289374,0.396181,-0.111509,-0.18652,0.367359,-0.000632096,-0.0245633,-0.257022,0.233957,0.126828,0.249755,-0.0677688,0.123006,0.276647,-0.0835453,-0.120341,0.0171696,-0.112617,0.0464262,0.0771694,},
{0.318949,0.359606,-0.0814702,-0.106398,-0.1197,0.0591663,-0.0436736,0.287091,0.281112,0.0266814,-0.135669,-0.0440341,-0.016775,0.0455387,0.193396,-0.267153,0.0488719,-0.120146,-0.203079,-0.153818,0.332703,0.225785,0.0961039,-0.12654,0.0324361,-0.0483454,-0.0187725,-0.0964152,-0.0906417,-0.0357446,-0.195106,-0.0450568,0.0590893,0.103371,-0.121107,0.0453483,0.221735,0.0193647,0.00650701,0.0850196,0.234853,0.0750904,-0.171047,-0.113835,-0.303464,0.363741,-0.167023,-0.15981,0.330458,0.0101715,-0.0630308,-0.374736,0.258651,0.00567824,0.0410449,-0.0538444,0.0979758,0.222692,-0.142807,-0.0785648,-0.0458839,-0.0172269,0.0799239,0.00814222,},
{0.307079,0.22881,0.0297349,-0.124125,-0.171157,-0.0657267,-0.108027,0.200318,0.314083,0.0204639,-0.0599499,-0.1246,-0.0221423,-0.0349033,0.0977495,-0.189956,0.0678073,-0.157155,-0.241323,-0.207178,0.390847,0.286646,0.142758,-0.18341,0.0821922,-0.221356,-0.0665478,-0.116451,-0.179508,-0.171386,-0.186046,-0.0815089,0.0256136,-0.0682682,-0.0647167,0.0787328,0.164794,0.0953565,-0.175174,-5.29743e-05,0.271637,0.151928,-0.118048,-0.0761628,-0.312571,0.375768,-0.184119,-0.23487,0.336836,-0.0114414,-0.143397,-0.390486,0.264609,0.037542,0.0620895,-0.100508,0.0177446,0.162371,-0.142406,-0.0366981,0.00564983,-0.137154,-0.000310304,-0.0268266,},
{0.310229,0.329943,-0.0195658,-0.186195,-0.100672,-0.0750193,-0.12137,0.270256,0.296221,0.00714324,-0.134814,-0.0903694,-0.00827323,-0.0228784,0.161414,-0.191257,0.0374067,-0.139336,-0.201782,-0.198916,0.342827,0.334832,0.126807,-0.154851,0.0540382,-0.0399038,-0.0144955,-0.103355,-0.158811,-0.138871,-0.272362,-0.0892844,0.0410632,0.0152716,-0.135802,0.158546,0.174518,0.0531193,-0.0502995,0.061322,0.247107,0.156809,-0.188794,-0.0586758,-0.294702,0.33846,-0.244503,-0.240059,0.310854,0.0328215,-0.13986,-0.399933,0.25295,-0.0881528,0.0235612,-0.123792,0.0780249,0.234244,-0.199764,-0.138045,-0.0949635,0.0359434,0.0444352,-0.0453881,},
{0.344287,0.331681,-0.110711,-0.0849471,-0.138897,0.0501213,0.0198136,0.214632,0.297392,0.101464,-0.161769,-0.0955185,-0.0337375,0.0733783,0.229012,-0.311638,0.0764837,-0.17813,-0.172201,-0.0758149,0.354941,0.12761,0.134915,-0.0515817,0.0393597,0.0346223,-0.0339405,-0.0891455,-0.05254,0.0416615,-0.157187,-0.0655268,0.100648,0.137445,-0.150314,0.0158545,0.252786,-0.0291017,0.11226,-0.0222318,0.236223,0.0396605,-0.0939128,-0.180733,-0.301278,0.390418,-0.0843458,-0.113913,0.33251,0.032603,-0.0791966,-0.322725,0.24759,0.0516376,0.10153,-0.00514907,0.0814217,0.276704,-0.0783346,-0.104283,-0.044639,-0.0286115,0.092483,0.0716573,},
{0.296133,0.241589,-0.0987693,-0.0804043,-0.173511,0.0695879,0.0534834,0.186568,0.30639,0.0960323,-0.126115,-0.150848,-0.00145964,0.0446058,0.2437,-0.315794,0.0545066,-0.183374,-0.194116,-0.0529656,0.374882,0.152058,0.170572,-0.0351776,0.0655939,0.0370918,-0.0225046,-0.113088,-0.078141,0.0474878,-0.0801063,-0.113728,0.086861,0.144432,-0.172273,0.0403162,0.225323,-0.0440852,0.115197,-0.0100354,0.293727,0.0798405,-0.0670418,-0.182355,-0.34785,0.378084,-0.0627472,-0.129962,0.379515,0.0118176,-0.0425753,-0.29043,0.261015,0.0883289,0.19787,-0.0064624,0.0211013,0.281812,-0.0499057,-0.0632223,-0.0298522,-0.116669,0.0314379,0.0498679,},
{0.352871,0.337732,-0.0653371,-0.045443,-0.110721,0.0334488,-0.0603855,0.266984,0.264961,0.0116271,-0.116645,-0.0167193,-0.0734081,0.0303945,0.17234,-0.288698,0.07288,-0.142997,-0.209317,-0.117541,0.337666,0.253176,0.0948208,-0.156639,0.0474403,-0.0726385,-0.0506858,-0.0913342,-0.115654,-0.0577065,-0.160289,-0.0409435,0.0875943,0.104892,-0.063282,0.0222173,0.257647,-0.0101233,-0.0406285,0.103768,0.202388,0.0666511,-0.139954,-0.0723892,-0.297661,0.360716,-0.185972,-0.169777,0.338664,0.0122426,-0.0717004,-0.411217,0.245988,0.0459334,0.047695,-0.0189444,0.0563516,0.212151,-0.0855067,-0.0864692,-0.0668478,-0.0730168,0.0666377,0.0337336,},
{0.388538,0.341431,-0.0775281,-0.0431642,-0.107186,0.00915812,-0.0493844,0.261677,0.268958,-0.00350644,-0.120065,-0.0125907,-0.078002,0.0279799,0.154131,-0.283882,0.0563876,-0.137857,-0.201694,-0.121531,0.338493,0.267341,0.0959656,-0.16076,0.0397023,-0.067252,-0.0510807,-0.0861091,-0.111477,-0.0606824,-0.181214,-0.021082,0.0930901,0.0912825,-0.0608193,0.0444028,0.245796,-0.00925682,-0.0344847,0.109914,0.212804,0.0734442,-0.162665,-0.0719536,-0.28428,0.35065,-0.187998,-0.186493,0.310841,0.0209802,-0.0642645,-0.409563,0.234371,0.0321582,0.0234947,-0.0332354,0.068731,0.217496,-0.101609,-0.078901,-0.0735263,-0.0646544,0.0656712,0.0152659,},
{0.331338,0.259909,-0.120834,-0.0573443,-0.192277,0.0589223,0.0520888,0.165004,0.330613,0.102001,-0.137785,-0.169838,-0.0169369,0.0706278,0.243846,-0.335466,0.0418686,-0.156341,-0.185043,-0.0680414,0.384427,0.129504,0.189897,-0.0604905,0.0997903,0.05474,-0.0445177,-0.143749,-0.066726,0.0380801,-0.0922936,-0.0671152,0.085368,0.129282,-0.136782,0.0419251,0.203753,-0.050655,0.136562,-0.00543834,0.305791,0.0987109,-0.0931438,-0.229169,-0.31852,0.388921,-0.0584404,-0.149579,0.386107,-0.0163189,-0.00713679,-0.253317,0.250291,0.112969,0.209256,-0.00324434,0.0701798,0.273459,-0.0759804,-0.0850519,-0.0336064,-0.107856,0.0242881,0.0576473,},
{0.37138,0.332599,-0.106323,-0.0698364,-0.1508,0.0335721,0.022922,0.203903,0.299403,0.0975356,-0.134815,-0.0906056,-0.0457977,0.100077,0.234902,-0.296368,0.0934631,-0.160725,-0.161955,-0.0998385,0.352922,0.10904,0.115548,-0.0809659,0.0665576,0.0012876,-0.0480976,-0.114317,-0.0707604,0.0566706,-0.121904,-0.0427213,0.0787458,0.11943,-0.117418,0.0134981,0.252917,-0.0154556,0.0654239,0.00335963,0.247336,0.0159169,-0.123306,-0.144953,-0.292063,0.39801,-0.078169,-0.116139,0.325554,0.0403471,-0.0711036,-0.31929,0.230637,0.103841,0.117349,0.00515646,0.0637846,0.236677,-0.0531953,-0.0594427,-0.0337795,-0.0771331,0.0858982,0.0622918,},
{0.348222,0.34062,-0.0722753,-0.0757628,-0.128174,-0.0274891,-0.097611,0.27129,0.283191,0.013577,-0.122648,-0.0231612,-0.0559726,-0.00523109,0.155688,-0.258201,0.0533742,-0.1552,-0.215475,-0.136796,0.323154,0.292888,0.0848273,-0.161771,0.0695059,-0.0927762,-0.0167867,-0.0854196,-0.142102,-0.110863,-0.188188,-0.0539707,0.0757844,0.0614021,-0.0926535,0.0625578,0.230125,0.0260207,-0.0681151,0.0736313,0.219971,0.114521,-0.128311,-0.0755052,-0.293602,0.338328,-0.183055,-0.192197,0.346131,-0.00417221,-0.108639,-0.401007,0.244372,-0.0027942,0.0428526,-0.0433004,0.0474002,0.209935,-0.130152,-0.0859238,-0.0589042,-0.0515936,0.0345244,0.00778554,},
{0.309189,0.180551,-0.03273,-0.0495633,-0.169096,0.0167034,0.0168269,0.0926232,0.317463,0.0530672,-0.0443699,-0.240574,-0.0291347,0.122842,0.182244,-0.290036,0.0430625,-0.177554,-0.164888,-0.149528,0.437611,0.107912,0.204886,-0.0642741,0.112169,-0.0367455,-0.110305,-0.132266,-0.0859213,0.034631,-0.0802626,-0.0695443,0.0882689,-0.0132264,-0.0995596,0.0359566,0.171564,-0.00753561,0.00655237,-0.0444037,0.293208,0.115771,-0.105473,-0.199376,-0.313663,0.447306,-0.0590224,-0.161944,0.335439,0.0700934,-0.0725457,-0.219073,0.217746,0.150446,0.193973,-0.0441191,0.0392514,0.218073,-0.0242107,-0.00933563,0.014313,-0.225313,0.0365326,0.0611783,},
{0.321794,0.232989,-0.055296,-0.046562,-0.20949,0.0522764,0.00843576,0.241335,0.269654,0.0610697,-0.0754922,-0.0560918,-0.10145,-0.00470899,0.210019,-0.308663,0.072324,-0.163189,-0.259293,-0.071012,0.370082,0.239835,0.137331,-0.113085,0.0792236,-0.122774,-0.0149631,-0.118045,-0.1142,-0.0852951,-0.0668972,-0.039975,0.0865227,0.0882612,-0.0701816,-0.00137211,0.233247,-0.0104923,-0.0703764,0.125044,0.273062,0.0968095,-0.10265,-0.0900216,-0.358664,0.36382,-0.120649,-0.168913,0.375035,-0.0164556,-0.0496782,-0.382596,0.284387,0.0982983,0.128653,0.0018211,-0.0191305,0.200978,-0.070233,-0.0305964,-0.0196552,-0.184343,0.0621863,0.0172716,},
{0.364933,0.296403,-0.129953,-0.0788698,-0.18872,-0.00146602,-0.00417344,0.167826,0.393254,0.108901,-0.134892,-0.15721,-0.0640851,0.107699,0.207364,-0.336486,0.0717096,-0.142271,-0.209639,-0.11624,0.379739,0.101864,0.150625,-0.0976994,0.0833829,0.009025,-0.0760327,-0.165024,-0.0771504,0.00989326,-0.148632,-0.0258884,0.101704,0.0810735,-0.120653,0.00146257,0.206377,3.68599e-05,0.0986388,-0.0777265,0.255592,0.0915521,-0.109075,-0.250617,-0.279318,0.414236,-0.0847767,-0.17668,0.375744,-0.0307726,-0.040128,-0.304829,0.234588,0.102655,0.172191,-0.017905,0.12992,0.285109,-0.0843037,-0.120759,-0.0211067,-0.0742378,0.042621,0.0835297,},
{0.324631,0.27139,-0.118236,-0.0663515,-0.172825,0.0534523,0.0353175,0.185868,0.30769,0.0835204,-0.127356,-0.135108,-0.0322355,0.0674845,0.238229,-0.326702,0.0585089,-0.168338,-0.20011,-0.0590601,0.355998,0.143619,0.166317,-0.0384477,0.0765488,0.0491241,-0.0266898,-0.10695,-0.0803254,0.0461903,-0.0856299,-0.0770781,0.0973392,0.139509,-0.165935,0.0353658,0.208434,-0.0627687,0.115322,-0.00623055,0.291078,0.0731128,-0.0768019,-0.189657,-0.335561,0.382019,-0.0650087,-0.131663,0.371418,-0.0036026,-0.0462313,-0.282754,0.251005,0.097004,0.190257,0.00537437,0.0326599,0.281178,-0.0443668,-0.069008,-0.0399718,-0.12176,0.0335532,0.0563433,},
{0.315963,0.265788,-0.107343,-0.0811777,-0.160007,0.0608719,0.0420622,0.203766,0.303995,0.0960641,-0.141153,-0.125919,-0.00571726,0.0423487,0.243887,-0.300444,0.0613433,-0.179864,-0.187538,-0.0558936,0.382475,0.156892,0.156504,-0.0475527,0.0446089,0.0523558,-0.0216165,-0.110826,-0.0830884,0.0432428,-0.108282,-0.105816,0.116964,0.157245,-0.179199,0.0354474,0.239012,-0.0337119,0.125697,-0.0355786,0.278,0.0611358,-0.058428,-0.171386,-0.338492,0.36298,-0.081717,-0.108643,0.353647,0.0183785,-0.0398376,-0.311308,0.276919,0.0697573,0.180025,-0.00347799,0.0261338,0.300997,-0.0628225,-0.0966825,-0.0349036,-0.0723151,0.0570018,0.0542965,},
{0.317059,0.27336,-0.0781312,-0.117405,-0.153545,0.0725103,0.0534502,0.220293,0.312671,0.110539,-0.139981,-0.0835407,-0.0155339,0.064602,0.224436,-0.272734,0.0788269,-0.128442,-0.230935,-0.10582,0.346025,0.150953,0.10551,-0.0729182,0.0240157,-0.026388,-0.0172978,-0.158977,-0.0810496,0.0129372,-0.113949,-0.0605939,0.0536756,0.157837,-0.121317,0.00327872,0.258642,-0.00100676,0.0590226,0.0403893,0.267667,0.00402969,-0.131175,-0.142712,-0.332252,0.367268,-0.0959495,-0.157852,0.367934,0.0279415,-0.0558151,-0.352793,0.261929,0.0648764,0.118617,-0.0270767,0.0830299,0.242344,-0.0904478,-0.037398,-0.0504611,-0.0500523,0.0799516,0.0408059,},
{0.343802,0.293696,-0.115235,-0.0714119,-0.163924,0.0623397,0.0387746,0.193884,0.309507,0.0971878,-0.153825,-0.113056,-0.0278762,0.0534641,0.219738,-0.317921,0.0601335,-0.161666,-0.181697,-0.0447882,0.381119,0.125066,0.160059,-0.0654644,0.0433371,0.0202793,-0.048437,-0.101055,-0.0623087,0.0371505,-0.122618,-0.0662048,0.116271,0.149213,-0.134423,0.0235774,0.244425,-0.0411019,0.138921,-0.0195817,0.263687,0.0365202,-0.0696198,-0.179338,-0.319899,0.373517,-0.0757864,-0.106202,0.332047,0.00470118,-0.0334081,-0.310642,0.274593,0.0781457,0.145944,-0.0129415,0.0450831,0.291133,-0.0673774,-0.106379,-0.0277779,-0.0625801,0.0650729,0.0514383,},
{0.356888,0.238149,-0.0434092,-0.0666443,-0.244725,-0.020133,-0.0475269,0.224694,0.276899,0.0723563,-0.0830317,-0.0579196,-0.0972857,-0.0362781,0.171414,-0.284682,0.0678068,-0.171375,-0.28432,-0.118804,0.357324,0.243969,0.115809,-0.136776,0.114263,-0.170249,0.0001084,-0.135152,-0.153551,-0.151009,-0.104736,-0.02719,0.0501094,0.042578,-0.0641662,0.0201706,0.216119,0.0291009,-0.122312,0.112147,0.283536,0.112752,-0.100074,-0.0845308,-0.328448,0.362476,-0.12932,-0.188852,0.388328,-0.0551586,-0.10346,-0.381107,0.287838,0.0724177,0.110532,-0.00473178,-0.00448627,0.183699,-0.116365,-0.0470361,-0.0374693,-0.172089,0.0344737,-0.0119152,},
{0.309408,0.271774,-0.088982,-0.0850546,-0.156003,0.073741,0.0609403,0.226712,0.278742,0.0890752,-0.114824,-0.0895181,-0.0317,0.0564728,0.229157,-0.298424,0.0796293,-0.152307,-0.220388,-0.0888055,0.317964,0.151397,0.119163,-0.0410487,0.0501111,-0.0163446,-0.0185135,-0.118604,-0.062352,0.0408002,-0.0634054,-0.0597227,0.0512415,0.155207,-0.136164,0.0114933,0.244236,-0.0503375,0.0507225,0.0777921,0.27354,0.0170776,-0.117871,-0.112381,-0.355204,0.379672,-0.0700194,-0.145305,0.377801,0.0231804,-0.0652393,-0.331633,0.255999,0.0916562,0.138178,-0.00476045,0.0378463,0.235237,-0.043046,-0.00129614,-0.0391609,-0.133622,0.0579051,0.0508066,},
{0.304631,0.259511,-0.12886,-0.0870725,-0.165523,0.0156527,0.00581587,0.157333,0.394393,0.0700512,-0.0899772,-0.240204,-0.0316161,0.118205,0.224908,-0.289917,0.00863503,-0.121378,-0.230346,-0.0965385,0.375198,0.121239,0.182035,-0.0731234,0.0708182,0.0228723,-0.0980761,-0.153021,-0.0589099,0.0366152,-0.0894975,-0.0552061,0.121447,0.0688542,-0.171818,0.0343389,0.170673,0.00193801,0.0982724,-0.0506385,0.271282,0.127962,-0.113171,-0.249938,-0.302176,0.410061,-0.0712844,-0.215176,0.398082,0.00970392,-0.0363561,-0.233856,0.220154,0.128015,0.24076,-0.0582533,0.0808958,0.251653,-0.0495407,-0.0790889,0.0345726,-0.16092,0.0182059,0.0687761,},
{0.344587,0.335275,-0.0887492,-0.0703423,-0.113837,0.105627,0.0268238,0.279709,0.280243,0.0539953,-0.108308,-0.0704914,-0.0370656,0.0659413,0.239218,-0.300115,0.0759607,-0.105709,-0.204294,-0.105263,0.325057,0.172745,0.109971,-0.0775399,0.00824746,-0.0194537,-0.0511326,-0.117623,-0.0388734,0.0315696,-0.10223,-0.0371515,0.0544741,0.170964,-0.0993232,0.00839447,0.269202,-0.0401566,0.0582546,0.104358,0.202886,0.00975239,-0.151954,-0.106851,-0.330463,0.37865,-0.124378,-0.170761,0.364064,0.0471603,-0.0182817,-0.37221,0.251858,0.0904377,0.0976455,-0.0183483,0.0722663,0.227088,-0.0577708,-0.0481158,-0.0267482,-0.0898931,0.0909201,0.0588305,},
{0.344665,0.242632,-0.0980032,-0.0613425,-0.195671,0.0343994,0.0299919,0.158367,0.345197,0.0980126,-0.120768,-0.163293,-0.0217946,0.0988104,0.224279,-0.30845,0.0488981,-0.151496,-0.202772,-0.0951803,0.398011,0.114927,0.154692,-0.0757357,0.088874,-0.000731088,-0.0417978,-0.16374,-0.0892548,0.0275053,-0.112434,-0.074456,0.0843235,0.085574,-0.124689,0.025669,0.217708,-0.0126759,0.100351,-0.0437153,0.291081,0.0933995,-0.0827907,-0.22874,-0.307505,0.399522,-0.0538708,-0.143945,0.3786,0.00769491,-0.0261874,-0.259188,0.249669,0.100138,0.181844,-0.00646699,0.067524,0.254144,-0.0731249,-0.0749912,-0.025576,-0.099645,0.0366912,0.0436557,},
{0.331326,0.234756,-0.0821851,-0.0838793,-0.187797,0.0420651,0.0530422,0.189933,0.31132,0.11497,-0.120004,-0.103317,-0.0160286,0.0644649,0.223818,-0.306468,0.0915486,-0.184715,-0.214078,-0.0880839,0.360868,0.120677,0.150557,-0.0672355,0.070251,-0.0375255,-0.0205285,-0.134603,-0.0927082,0.0305504,-0.091203,-0.0712752,0.0620096,0.105521,-0.131022,0.0176959,0.236209,-0.00374017,0.0559253,-0.00424539,0.293313,0.0402755,-0.0762144,-0.155026,-0.335481,0.387629,-0.0525083,-0.11767,0.358056,0.00614468,-0.0576157,-0.317537,0.268096,0.118863,0.171617,-0.00371242,0.0285017,0.248951,-0.0495128,-0.018632,-0.0288855,-0.138685,0.0382578,0.0560587,},
{0.339961,0.26087,-0.0382113,-0.0939277,-0.201277,0.0334769,-0.0345735,0.258688,0.283224,0.0593205,-0.088424,-0.0410964,-0.0747341,-0.00773437,0.214299,-0.277231,0.06576,-0.150181,-0.263416,-0.110251,0.355777,0.250543,0.126383,-0.121873,0.0718979,-0.0977949,0.00947908,-0.143395,-0.137609,-0.0989004,-0.138234,-0.0441986,0.0622324,0.0798211,-0.0929962,0.0421122,0.229751,0.0178427,-0.0539323,0.0979241,0.279424,0.0982712,-0.122997,-0.0897891,-0.344639,0.355479,-0.151763,-0.184362,0.362083,-0.00132017,-0.0632171,-0.395221,0.297459,0.0411233,0.108067,-0.0225317,0.0132944,0.225036,-0.113887,-0.0596551,-0.0547109,-0.0897788,0.0879764,-0.0137683,},
{0.285507,0.320818,-0.0637487,-0.132075,-0.141212,0.0821823,-0.029348,0.284174,0.341243,0.0721274,-0.130047,-0.0574014,0.00320454,0.105444,0.225475,-0.25028,0.0888712,-0.111651,-0.244829,-0.167866,0.321689,0.196285,0.0830551,-0.111788,0.0315967,-0.0756463,-0.00923177,-0.172373,-0.0808396,-0.0351946,-0.193093,-0.0754966,0.0216871,0.0787717,-0.131821,0.0267876,0.223019,0.0307453,0.00991202,0.0106039,0.251062,0.090497,-0.146978,-0.168723,-0.322007,0.387665,-0.13869,-0.179355,0.394532,0.0257186,-0.0525325,-0.38065,0.243526,0.0255336,0.0820758,-0.0359476,0.103588,0.219356,-0.121119,-0.071594,-0.031087,0.0146532,0.0662156,0.0432442,},
{0.353876,0.366521,-0.0971726,-0.0445387,-0.0882943,0.050225,-0.0441095,0.271804,0.275944,0.0147757,-0.138044,-0.0190569,-0.0519959,0.0775852,0.187249,-0.291056,0.0542203,-0.109539,-0.192549,-0.13224,0.325542,0.225225,0.100344,-0.151121,0.0472309,-0.0576683,-0.0569713,-0.0953742,-0.0782593,-0.0314577,-0.184737,-0.022674,0.0999692,0.0963465,-0.0779654,0.0303446,0.236327,0.0152802,0.000833036,0.0756266,0.206684,0.0679493,-0.151415,-0.121251,-0.282654,0.36195,-0.155891,-0.150121,0.331069,0.0223891,-0.0462618,-0.363668,0.226998,0.0552946,0.0499308,-0.0327495,0.091645,0.207373,-0.0979942,-0.0807879,-0.0383509,-0.0467893,0.0740367,0.0523785,},
{0.349547,0.290612,-0.0296604,-0.0380481,-0.0871426,0.0017366,-0.0648398,0.194896,0.24609,-0.0451471,-0.0752447,-0.0674145,-0.0924615,0.035006,0.0868577,-0.261717,0.0485245,-0.140475,-0.183421,-0.154625,0.385997,0.289846,0.125485,-0.15797,0.0614472,-0.133931,-0.103582,-0.0576196,-0.123645,-0.0717492,-0.193807,-0.0373869,0.116912,0.007738,-0.0406825,0.0494684,0.185913,0.00649306,-0.103776,0.0709681,0.231786,0.113176,-0.137875,-0.067276,-0.301679,0.367755,-0.187864,-0.181404,0.273661,0.0348034,-0.101929,-0.377743,0.217504,0.0425438,0.00562303,-0.0763074,0.0428156,0.193232,-0.0921277,-0.0490164,-0.0353521,-0.141521,0.0471612,-0.00603666,},
{0.351626,0.288835,-0.0557091,-0.0541276,-0.181422,0.0074911,-0.0591848,0.245611,0.273758,0.0326949,-0.095641,-0.0324532,-0.0849836,-0.00257645,0.166003,-0.276486,0.0673054,-0.144381,-0.265629,-0.107836,0.333793,0.246812,0.105536,-0.141325,0.0862731,-0.13509,-0.0190697,-0.121614,-0.128764,-0.105526,-0.122331,-0.0323925,0.0703351,0.0572075,-0.0843968,0.0219067,0.22598,0.0268783,-0.0956035,0.0925016,0.267842,0.0913528,-0.121517,-0.0851744,-0.326837,0.36007,-0.154088,-0.178792,0.372584,-0.0308677,-0.083836,-0.398097,0.273152,0.0809708,0.0965916,-0.0198615,0.0190036,0.186499,-0.0898818,-0.0579368,-0.0330694,-0.136929,0.0419099,0.00818632,},
{0.312244,0.328087,-0.0325893,-0.162912,-0.170958,-0.0595892,-0.119917,0.280229,0.301605,0.0419186,-0.14201,-0.0688154,-0.0171198,-0.0650943,0.183879,-0.203444,0.042417,-0.14212,-0.228014,-0.148034,0.332742,0.312512,0.115733,-0.144135,0.0855812,-0.068617,0.0251946,-0.125909,-0.16675,-0.164549,-0.218377,-0.090526,0.0177935,0.0385527,-0.130311,0.137115,0.19338,0.0388527,-0.0532694,0.0702746,0.278349,0.154531,-0.157175,-0.0696932,-0.320527,0.334643,-0.21089,-0.233392,0.360594,-0.0234456,-0.135355,-0.395829,0.285964,-0.0708366,0.0506071,-0.0875421,0.038498,0.22206,-0.200022,-0.125692,-0.0790142,0.0266495,0.0383978,-0.0610063,},
{0.323424,0.181889,-0.00304171,-0.0507061,-0.148498,-0.00965907,0.00752859,0.0964388,0.288748,0.0549449,-0.0597246,-0.236534,-0.0116141,0.110424,0.150092,-0.253902,0.0533362,-0.148138,-0.155129,-0.2344,0.451782,0.0999413,0.137426,-0.0691527,0.0905972,-0.108254,-0.12832,-0.160651,-0.0780099,0.00274529,-0.113136,-0.0784251,0.0437635,-0.038317,-0.0674163,0.0188624,0.184763,0.0609294,-0.0692223,-0.0489166,0.25141,0.0860677,-0.145322,-0.175106,-0.292091,0.453455,-0.0781691,-0.179525,0.346735,0.0885182,-0.122523,-0.247876,0.17121,0.141396,0.122394,-0.0508372,0.0945659,0.186385,-0.0451822,-0.0134471,0.017079,-0.180537,0.0522082,0.0550881,},
{0.307025,0.396739,-0.0788499,-0.060072,-0.039722,0.0498656,-0.0962949,0.250832,0.261489,-0.0515191,-0.126807,-0.0592327,-0.0429244,0.0540432,0.123418,-0.267572,0.0625324,-0.0876422,-0.158933,-0.174088,0.338282,0.245282,0.128282,-0.142197,0.0494911,-0.0421787,-0.106707,-0.0832799,-0.0532278,-0.0265566,-0.225279,-0.0127758,0.091563,0.0419809,-0.0915253,0.0631984,0.181793,0.0132518,-0.0318172,0.0495234,0.210025,0.0970047,-0.188002,-0.100649,-0.308675,0.379015,-0.221322,-0.180973,0.29748,0.0215101,-0.0856281,-0.376147,0.20691,0.0545444,0.0264035,-0.1035,0.123866,0.225335,-0.112233,-0.0885637,-0.0194325,-0.0347617,0.0634617,0.0396538,},
{0.34686,0.24719,-0.0300387,-0.0432993,-0.170846,0.04987,-0.0263281,0.229103,0.293782,0.0429856,-0.070052,-0.0618068,-0.0580979,0.0644318,0.197687,-0.27577,0.0854898,-0.11794,-0.242001,-0.140323,0.374767,0.197643,0.137553,-0.134927,0.0719464,-0.155333,-0.0494742,-0.162088,-0.123426,-0.0662852,-0.123968,-0.049776,0.0469032,0.0192205,-0.0516768,0.0187005,0.218213,0.0501729,-0.0820852,0.0437955,0.267272,0.0984282,-0.135761,-0.137644,-0.330018,0.389438,-0.130054,-0.168834,0.351668,0.0216918,-0.0415648,-0.371676,0.251203,0.12193,0.110921,-0.0349643,0.0183981,0.176098,-0.0735077,-0.00896852,0.000615532,-0.133957,0.059932,0.00880669,},
{0.306229,0.352329,-0.049101,-0.0797718,-0.0453072,0.0292112,-0.109197,0.244209,0.285267,-0.0254971,-0.0895044,-0.0771253,-0.0519063,0.0720669,0.135271,-0.247814,0.0583894,-0.133895,-0.185469,-0.184408,0.345072,0.275422,0.13411,-0.166557,0.0319023,-0.0736296,-0.11871,-0.0509906,-0.0975992,-0.0630803,-0.214081,-0.0204861,0.113833,0.0335888,-0.0828009,0.0352229,0.182371,0.0185519,-0.0775711,0.0422696,0.186586,0.105194,-0.147277,-0.0971103,-0.288897,0.379537,-0.21684,-0.207386,0.302202,0.0423028,-0.101796,-0.389225,0.21263,0.0567392,0.0526485,-0.084246,0.0936453,0.214247,-0.0995195,-0.0775008,-0.0129147,-0.0915627,0.0517808,0.0662224,},
{0.330165,0.254575,-0.0572744,-0.0728579,-0.200955,0.0610598,0.00423442,0.235688,0.263858,0.051361,-0.0894671,-0.049062,-0.0798367,0.004992,0.203086,-0.312795,0.0667073,-0.154444,-0.257097,-0.0766433,0.362628,0.217565,0.13975,-0.0938219,0.0819972,-0.0978492,0.0117216,-0.125743,-0.0995199,-0.0586246,-0.109003,-0.0321381,0.07404,0.0783447,-0.104246,0.0299658,0.226913,0.00535407,-0.0402072,0.114299,0.290155,0.0879493,-0.12024,-0.101562,-0.353166,0.374685,-0.120346,-0.147022,0.35366,0.00109833,-0.0585367,-0.36332,0.292166,0.0761747,0.110685,-0.0169782,0.00221184,0.212258,-0.0906703,-0.0305743,-0.0365039,-0.149072,0.0848868,-0.00103678,},
{0.31405,0.193973,0.0195394,-0.11036,-0.0903486,0.0620486,0.0154395,0.155566,0.22464,-0.0116138,-0.0185709,-0.14745,-0.0993307,0.0957839,0.197239,-0.291899,0.0681998,-0.105633,-0.208967,-0.204836,0.41788,0.246747,0.219021,-0.0420222,0.057646,0.0128424,-0.0521482,-0.108809,-0.119252,-0.00162241,-0.15764,-0.0552532,0.132666,0.0159137,-0.147024,0.0566775,0.135824,0.0350293,-0.0466482,-0.00619371,0.320202,0.100734,-0.207761,-0.158222,-0.358009,0.417145,-0.156836,-0.117894,0.246294,0.11422,-0.0569843,-0.314785,0.255549,0.0562152,0.0918434,-0.0903498,0.0592005,0.250831,-0.0973526,0.0251716,-0.0237063,-0.161467,0.191527,-0.00891437,},
{0.315257,0.184377,0.000304148,-0.0826155,-0.155012,0.00413798,-0.0155895,0.120242,0.308668,0.03832,-0.0333883,-0.200993,-0.0266248,0.12604,0.181969,-0.234392,0.0595057,-0.113422,-0.217468,-0.224835,0.421827,0.132347,0.154384,-0.0759383,0.0841632,-0.0927653,-0.0836451,-0.188981,-0.116775,-0.0141053,-0.110483,-0.062388,0.0644196,-0.0314248,-0.101764,0.0274018,0.171897,0.0801484,-0.074577,-0.058257,0.283391,0.0859596,-0.144699,-0.181967,-0.308036,0.43166,-0.0942713,-0.183762,0.345603,0.089704,-0.106614,-0.25246,0.205101,0.136712,0.159136,-0.0585882,0.0617912,0.181026,-0.0460463,0.007613,0.0124192,-0.181638,0.0814187,0.0453396,},
{0.393533,0.287507,-0.0654374,-0.0429441,-0.134106,0.0311214,-0.00104658,0.155323,0.308277,0.0640641,-0.101943,-0.132545,-0.0343951,0.117889,0.181575,-0.275815,0.0676593,-0.134249,-0.171889,-0.137742,0.394821,0.117284,0.126107,-0.0871259,0.0734813,-0.0889881,-0.0842967,-0.148636,-0.041976,0.00128665,-0.153716,-0.0144225,0.0656523,0.0189957,-0.072247,0.0352229,0.213463,0.0325702,-0.013321,-0.0116643,0.227199,0.0517089,-0.11225,-0.175539,-0.280166,0.422046,-0.082741,-0.174731,0.337595,0.0807608,-0.0867321,-0.274552,0.184231,0.153276,0.103149,-0.0240356,0.0781886,0.190454,-0.0561891,-0.0419408,0.00715964,-0.1377,0.07014,0.0799129,},
{0.338489,0.267079,-0.0279493,0.00750312,-0.058209,0.0695155,-0.0342023,0.173413,0.18422,-0.0485772,-0.0583418,-0.0790395,-0.109083,0.029717,0.123395,-0.297436,0.0486968,-0.121573,-0.160458,-0.155219,0.420434,0.26914,0.163007,-0.120003,0.0809118,-0.0151161,-0.118211,-0.0957025,-0.0981997,-0.0195316,-0.141882,-0.0202344,0.177219,0.0737171,-0.0606242,0.0124913,0.211498,0.0135401,-0.08681,0.064576,0.250983,0.0799181,-0.173559,-0.0803859,-0.336747,0.374798,-0.208233,-0.123675,0.264662,0.0596052,-0.0535243,-0.363255,0.255814,0.0944505,0.0732314,-0.0827231,0.0760257,0.233127,-0.0905003,-0.03083,-0.0277357,-0.162853,0.138959,0.0267104,},
{0.339422,0.326121,-0.0888196,-0.0558769,-0.138109,0.0925251,0.0225326,0.273768,0.272945,0.0517572,-0.114493,-0.0578393,-0.0434482,0.0372299,0.224999,-0.297469,0.0596024,-0.14904,-0.187942,-0.0950836,0.347591,0.197142,0.116317,-0.111152,0.0178394,-0.0259673,-0.058264,-0.0968024,-0.0606957,0.0047796,-0.104229,-0.0326007,0.0788496,0.169727,-0.0804978,0.0044639,0.273796,-0.0486198,0.0358683,0.135145,0.219271,0.0307438,-0.147456,-0.0814678,-0.314689,0.364365,-0.141557,-0.170356,0.342704,0.0289315,-0.0257483,-0.385891,0.260995,0.075465,0.0941101,-0.00725061,0.0556489,0.233831,-0.0678028,-0.0706547,-0.0431814,-0.0880078,0.0830218,0.0519056,},
{0.358391,0.265215,-0.0959293,-0.0662079,-0.195499,0.0491609,0.0371206,0.161701,0.332123,0.0939965,-0.115412,-0.153528,-0.0302766,0.0956148,0.227363,-0.331151,0.0651281,-0.155221,-0.188639,-0.0778185,0.381645,0.109494,0.177275,-0.0606364,0.0993752,0.00986942,-0.0377397,-0.135209,-0.0786711,0.0392357,-0.102353,-0.0563916,0.0656994,0.0972882,-0.117206,0.0454417,0.204429,-0.0569217,0.11478,-0.0106291,0.29099,0.0714296,-0.0838034,-0.210001,-0.314605,0.40672,-0.050514,-0.137801,0.362774,0.00258351,-0.0221529,-0.257442,0.25595,0.113707,0.174707,0.00263727,0.0492843,0.251046,-0.057968,-0.0679836,-0.0385722,-0.132427,0.032405,0.0524825,},
{0.355981,0.361034,-0.074256,-0.0901131,-0.110591,-0.0155562,-0.0882762,0.275136,0.279928,0.00720624,-0.132151,-0.0251452,-0.0668049,0.0221652,0.163057,-0.255589,0.0485048,-0.133765,-0.213074,-0.131456,0.311637,0.281194,0.0927562,-0.154564,0.0667826,-0.0600321,-0.0215921,-0.0955294,-0.124004,-0.081066,-0.211317,-0.0459687,0.073012,0.061834,-0.103127,0.0827912,0.217652,0.0118828,-0.0319623,0.0917672,0.237652,0.108101,-0.162016,-0.0801867,-0.304801,0.340178,-0.193968,-0.185018,0.326617,0.00543312,-0.0820086,-0.399993,0.250328,-0.00876325,0.0353103,-0.0654091,0.0743389,0.2186,-0.138614,-0.103312,-0.0741553,-0.0190737,0.0510538,-0.0168964,},
{0.357418,0.303101,-0.0705806,-0.148631,-0.151309,0.0454494,0.0267507,0.248781,0.306621,0.0828623,-0.115748,-0.065103,-0.0242935,0.0230105,0.233867,-0.283366,0.0924782,-0.120811,-0.222699,-0.126211,0.37053,0.205517,0.116656,-0.0798406,0.0236465,-0.000262298,0.0280431,-0.135416,-0.124651,-0.00607882,-0.150497,-0.0614169,0.0682621,0.145228,-0.168594,0.0391707,0.24433,0.0470394,0.0234011,0.0118801,0.267208,0.0261332,-0.178808,-0.130537,-0.309927,0.374532,-0.143426,-0.140232,0.314872,0.0432699,-0.0577679,-0.392588,0.293795,0.0196458,0.0811559,-0.0371996,0.0645653,0.249517,-0.138193,-0.0300581,-0.0511004,-0.0527355,0.13315,0.00794206,},
{0.355064,0.303297,0.000716731,-0.178515,-0.138186,-0.0521389,-0.103317,0.234865,0.328006,-0.0126094,-0.0865517,-0.0983338,-0.0124669,-0.0235531,0.122163,-0.190272,0.037887,-0.142537,-0.216274,-0.178221,0.382609,0.329324,0.136127,-0.155102,0.048181,-0.129629,-0.0092335,-0.112201,-0.139053,-0.141545,-0.286438,-0.0618915,0.0346855,-0.0480605,-0.123108,0.161029,0.157165,0.0870173,-0.093301,0.0202364,0.266083,0.165664,-0.159709,-0.0835713,-0.294161,0.356467,-0.217056,-0.269585,0.292218,0.0518908,-0.125207,-0.390854,0.24733,-0.0378068,0.00816511,-0.124571,0.0587658,0.203141,-0.186276,-0.0944079,-0.0462367,-0.0364293,0.051983,-0.0487169,},
{0.347544,0.304467,-0.0590402,-0.074604,-0.183192,-0.00283436,-0.0714595,0.252198,0.285073,0.0317598,-0.109328,-0.0281497,-0.0664483,-0.043501,0.165006,-0.250641,0.0596236,-0.159708,-0.249332,-0.0943572,0.344081,0.280682,0.108177,-0.142934,0.0742224,-0.120058,0.000374774,-0.116905,-0.140018,-0.135609,-0.142027,-0.0359398,0.0701344,0.0677468,-0.0928673,0.0536224,0.221497,0.0233397,-0.0966222,0.0968429,0.26617,0.100687,-0.111227,-0.0682588,-0.323278,0.337173,-0.176829,-0.209941,0.360156,-0.0316956,-0.113596,-0.399113,0.269201,0.048452,0.0795096,-0.0297253,0.00348168,0.197835,-0.117511,-0.072851,-0.0438115,-0.109599,0.0435548,0.0043671,},
{0.357566,0.383977,-0.0823639,-0.0861221,-0.091619,-0.00713041,-0.0903495,0.282804,0.264228,-0.00437086,-0.155478,-0.0163271,-0.0360701,-0.0115746,0.148033,-0.254901,0.0335206,-0.127612,-0.185765,-0.137718,0.311592,0.300199,0.0815926,-0.148222,0.0592651,-0.0565224,-0.0250679,-0.0827817,-0.102998,-0.0918547,-0.23466,-0.0452897,0.0662017,0.0873655,-0.0952263,0.11022,0.220475,-0.000216341,-0.0181029,0.106984,0.212348,0.103318,-0.15223,-0.0587554,-0.288275,0.332622,-0.199148,-0.199366,0.331372,0.0113742,-0.108243,-0.386069,0.230643,-0.0397039,-0.00111772,-0.0627573,0.0753446,0.22765,-0.151803,-0.114601,-0.0838337,0.00624338,0.0499289,-0.00646116,},
{0.381117,0.263136,-0.0207137,-0.0749562,-0.148321,-0.0475294,-0.0708386,0.211184,0.304403,0.0087019,-0.0748994,-0.0696723,-0.0732929,0.0065973,0.10688,-0.248075,0.0832406,-0.13163,-0.245161,-0.159722,0.36986,0.277041,0.123984,-0.181482,0.0651827,-0.20743,-0.072941,-0.0982875,-0.148398,-0.133724,-0.184533,-0.0365904,0.048735,-0.0230386,-0.0313412,0.0610573,0.183103,0.0552802,-0.137994,0.0352012,0.228568,0.116734,-0.128632,-0.0877968,-0.289345,0.379005,-0.16522,-0.227108,0.325856,-0.00292139,-0.11169,-0.397125,0.219842,0.0692292,0.0261307,-0.0613381,0.0262277,0.162889,-0.10967,-0.0210984,-0.00999687,-0.156103,0.0171229,-0.00724913,},
{0.314389,0.267313,-0.11404,-0.0695098,-0.185946,0.0473651,0.0358932,0.195934,0.327406,0.112566,-0.149827,-0.140692,-0.00613908,0.0565348,0.237374,-0.312134,0.0464236,-0.170138,-0.194019,-0.0802843,0.369866,0.119366,0.155084,-0.0713647,0.0702671,0.0293407,-0.0408218,-0.137598,-0.0726852,0.0277694,-0.0962625,-0.0828925,0.0920356,0.137945,-0.147713,0.0181825,0.237174,-0.0211425,0.12227,-0.0186047,0.286422,0.0674763,-0.0833929,-0.199316,-0.321514,0.376631,-0.0666707,-0.12788,0.384423,-0.0195103,-0.0276692,-0.29136,0.270338,0.0907261,0.194025,-0.00576311,0.0721652,0.281422,-0.0706111,-0.100747,-0.0273109,-0.0722535,0.0379103,0.0652236,},
{0.365514,0.350014,-0.0779307,-0.0478045,-0.13016,0.00139122,-0.085271,0.266614,0.265568,0.0218994,-0.127091,-0.00737894,-0.0778389,0.00373711,0.158942,-0.281224,0.0493781,-0.159091,-0.216839,-0.124271,0.316967,0.271143,0.0894151,-0.162304,0.0726542,-0.07694,-0.0329188,-0.0853589,-0.125931,-0.103247,-0.1691,-0.018169,0.0919583,0.0985856,-0.0684485,0.0335393,0.244661,-0.00646821,-0.0569172,0.119016,0.217568,0.080554,-0.125146,-0.0692231,-0.289294,0.341479,-0.181866,-0.181492,0.348234,-0.0180117,-0.094095,-0.39675,0.257688,0.0252548,0.0508689,-0.0196618,0.0602069,0.21255,-0.116331,-0.0980692,-0.0741895,-0.0739688,0.0512778,0.0334868,},
{0.373657,0.332805,-0.0781666,-0.0356475,-0.135199,0.0102679,-0.0646518,0.253326,0.251294,0.0162226,-0.11896,-0.0104887,-0.101737,2.243e-05,0.167298,-0.298557,0.0552682,-0.139557,-0.232685,-0.0954426,0.323305,0.265497,0.0983645,-0.151682,0.0814893,-0.0791383,-0.0385576,-0.0996943,-0.114043,-0.0858285,-0.14604,-0.0197503,0.103484,0.106676,-0.067723,0.0302184,0.249078,0.00180742,-0.0560965,0.122665,0.226259,0.0743142,-0.130489,-0.0670359,-0.301504,0.347467,-0.173546,-0.174529,0.35722,-0.0166832,-0.0823344,-0.396137,0.253166,0.0581898,0.0697081,-0.0170677,0.0450281,0.2062,-0.0903019,-0.0916127,-0.0654198,-0.105915,0.0651891,0.0258115,},
{0.338345,0.288342,-0.0623573,-0.14484,-0.215494,0.00211923,-0.0424268,0.258519,0.301353,0.0700125,-0.127897,-0.0398516,-0.066878,-0.053567,0.218009,-0.249585,0.0655101,-0.148064,-0.267364,-0.072118,0.379541,0.283907,0.0979763,-0.0910907,0.0604441,-0.0878378,0.061274,-0.155592,-0.152049,-0.133826,-0.171784,-0.0491825,0.0608411,0.0882519,-0.141824,0.0854535,0.210778,0.0188083,-0.0607456,0.11106,0.284581,0.114093,-0.115049,-0.0635742,-0.342973,0.334126,-0.186294,-0.222562,0.358633,0.0078257,-0.129098,-0.414805,0.284674,-0.00868397,0.0899812,-0.0238416,-0.0276492,0.244785,-0.145154,-0.116102,-0.0898236,-0.0418494,0.0676258,-0.0472627,},
{0.315982,0.297766,-0.00776559,-0.166349,-0.141357,-0.0633254,-0.115921,0.244461,0.311277,0.00681303,-0.100946,-0.0991345,-0.00823073,-0.0295049,0.137482,-0.19335,0.0376654,-0.148729,-0.225621,-0.191588,0.353428,0.319978,0.121514,-0.15988,0.0705882,-0.119152,-0.0163546,-0.118767,-0.158369,-0.143522,-0.250578,-0.0949222,0.0280295,-0.0193751,-0.124257,0.138841,0.176052,0.0864024,-0.0937072,0.030028,0.264629,0.169316,-0.158105,-0.0788724,-0.297108,0.350009,-0.208657,-0.247109,0.333895,0.019813,-0.140402,-0.38896,0.248087,-0.046873,0.0375039,-0.114798,0.0575696,0.200366,-0.178422,-0.0974885,-0.0530103,-0.0250147,0.0312541,-0.0467401,},
{0.368608,0.270814,-0.0466511,-0.0158412,-0.136161,0.0139665,-0.0472516,0.205445,0.26587,0.0101795,-0.0904673,-0.0474535,-0.098684,0.0557866,0.132638,-0.276394,0.0652662,-0.130615,-0.238679,-0.126359,0.36748,0.236428,0.126088,-0.147499,0.0673757,-0.159214,-0.0864472,-0.111487,-0.11822,-0.100444,-0.140879,-0.0120647,0.0950304,0.0234565,-0.0274406,0.00501692,0.206565,0.0118854,-0.111478,0.0907523,0.247263,0.0972215,-0.131813,-0.105136,-0.302199,0.381827,-0.159402,-0.185728,0.328073,0.00339259,-0.0909932,-0.381191,0.229442,0.104509,0.057897,-0.0399743,0.0230676,0.170018,-0.0775963,-0.0379997,-0.0228926,-0.167616,0.0328277,0.0198692,},
{0.353662,0.33292,-0.0755601,-0.0534271,-0.139721,0.0265448,-0.0542445,0.260042,0.270083,0.021847,-0.116224,-0.0352836,-0.0834692,0.0257856,0.175065,-0.282421,0.0677684,-0.145896,-0.223076,-0.0966917,0.346698,0.247294,0.0932155,-0.146939,0.0547626,-0.0874957,-0.040017,-0.0954002,-0.10314,-0.0723088,-0.148443,-0.033776,0.0866244,0.0906791,-0.0734141,0.023237,0.248119,-0.0107136,-0.0458545,0.115698,0.215241,0.0791667,-0.135398,-0.0779967,-0.305838,0.36057,-0.17718,-0.17316,0.345851,0.0053682,-0.0720502,-0.403526,0.24904,0.0542905,0.0596996,-0.0190806,0.0408121,0.202893,-0.0938188,-0.100447,-0.0515395,-0.0876815,0.056049,0.0202873,},
{0.320351,0.146989,0.00524598,-0.0137111,-0.162932,0.0411707,-0.000105692,0.0717748,0.282255,0.00709332,-0.0427131,-0.264239,-0.0256082,0.115897,0.159469,-0.274001,0.0300283,-0.169765,-0.129584,-0.173976,0.510646,0.133132,0.243638,-0.0725806,0.0842033,0.00790732,-0.156027,-0.129209,-0.0849272,0.00334998,-0.115366,-0.0920265,0.126117,-0.0210794,-0.0683528,0.0399628,0.157856,-0.0348242,0.0336238,-0.0979871,0.311479,0.144384,-0.12076,-0.227435,-0.315594,0.45951,-0.105902,-0.138507,0.288213,0.0655784,-0.0423568,-0.21739,0.227829,0.1162,0.146828,-0.0608303,0.0507804,0.262471,-0.0603765,-0.056637,0.0237234,-0.169129,0.092204,0.037368,},
{0.339575,0.265213,-0.0974782,-0.0654478,-0.17878,0.043796,0.0513147,0.168974,0.301177,0.109233,-0.121715,-0.114763,-0.026504,0.0673113,0.220359,-0.308365,0.0859394,-0.18973,-0.183933,-0.0751942,0.354328,0.126131,0.141458,-0.0531375,0.0926435,-0.00910149,-0.025178,-0.113469,-0.079298,0.044917,-0.0753845,-0.0581881,0.0646781,0.114783,-0.13416,0.020216,0.226075,-0.0370525,0.0519828,0.00419091,0.293661,0.0359171,-0.0776641,-0.155326,-0.33166,0.387649,-0.0473508,-0.130053,0.363095,0.0157201,-0.0699003,-0.296717,0.240451,0.133363,0.174617,0.0144698,0.0340119,0.242383,-0.03899,-0.0177171,-0.0326224,-0.147609,0.0290734,0.0698631,},
{0.320165,0.244178,-0.091405,-0.0787122,-0.18331,0.0656851,0.0556495,0.179493,0.316808,0.0927628,-0.116879,-0.151437,-0.00707511,0.0488447,0.235672,-0.326999,0.0632315,-0.175066,-0.195423,-0.0530704,0.377862,0.142125,0.185126,-0.0392472,0.0760329,0.0159875,-0.0210902,-0.115533,-0.0738962,0.0445393,-0.0865218,-0.0951715,0.0715277,0.118715,-0.158835,0.0515107,0.212691,-0.0436964,0.109462,-0.0130551,0.298184,0.0798686,-0.0702735,-0.190698,-0.341766,0.392537,-0.0548878,-0.135808,0.372092,0.00875876,-0.0334072,-0.28247,0.263911,0.106042,0.188095,-0.00439268,0.0204606,0.266314,-0.0486735,-0.0512377,-0.0250137,-0.141044,0.0293588,0.0507587,},
{0.347955,0.381348,-0.0783491,-0.076401,-0.0891516,0.0213224,-0.0766042,0.276745,0.285052,0.000700096,-0.144612,-0.00957552,-0.0342437,0.0157007,0.142348,-0.261422,0.0458746,-0.136812,-0.184618,-0.133476,0.32471,0.288213,0.0739167,-0.164013,0.0411793,-0.0730767,-0.0352982,-0.0744471,-0.114246,-0.0751508,-0.216233,-0.0436074,0.0761697,0.0975783,-0.0832984,0.0686073,0.236029,-0.0109235,-0.0250501,0.0981402,0.204417,0.0804742,-0.142005,-0.0691392,-0.280275,0.336769,-0.199334,-0.191315,0.325672,0.0196603,-0.0859838,-0.406429,0.237698,-0.0187187,0.00582566,-0.0412218,0.0760511,0.220263,-0.128179,-0.10885,-0.0827145,-0.00684604,0.0395423,0.0199382,},
{0.33763,0.286651,0.00643897,-0.134022,-0.152633,-0.0551075,-0.118135,0.221074,0.312845,0.0103552,-0.0868971,-0.0895658,-0.0135995,-0.0255951,0.106596,-0.212335,0.0603935,-0.153517,-0.223955,-0.201553,0.360876,0.300848,0.127835,-0.179907,0.0904914,-0.174272,-0.0364908,-0.110722,-0.161762,-0.1528,-0.239199,-0.0701275,0.0124304,-0.0451505,-0.0814797,0.114962,0.168484,0.0832446,-0.131479,0.0137431,0.261928,0.153699,-0.135093,-0.0869926,-0.291641,0.369354,-0.191851,-0.239163,0.336165,-0.00149258,-0.134189,-0.388345,0.2477,0.00385112,0.0334234,-0.0929542,0.0576579,0.178327,-0.163802,-0.0630439,-0.0354185,-0.076232,0.0114873,-0.0242675,},
{0.364101,0.275485,-0.123479,-0.0585708,-0.190532,0.0192587,0.00919403,0.157841,0.362132,0.103237,-0.142862,-0.135546,-0.0497709,0.096097,0.220538,-0.331977,0.0750408,-0.150654,-0.202976,-0.0951673,0.391368,0.121427,0.169122,-0.0987826,0.092562,0.0436067,-0.0566117,-0.166765,-0.10654,0.0157753,-0.131555,-0.0436339,0.11206,0.10698,-0.125153,0.00962316,0.211733,-0.0179606,0.108441,-0.0706952,0.296647,0.0887913,-0.100254,-0.24212,-0.291428,0.396736,-0.0917107,-0.140897,0.360906,-0.0319368,-0.0233553,-0.301798,0.253987,0.107078,0.191042,-0.00304175,0.0930854,0.292917,-0.0864471,-0.106206,-0.0437594,-0.0681925,0.0416892,0.0637978,},
{0.349582,0.273707,-0.0423848,-0.0629315,-0.181281,-0.0453872,-0.088354,0.245617,0.252011,0.0436359,-0.109199,-0.0452112,-0.0940719,-0.0467085,0.162651,-0.278669,0.0713686,-0.163073,-0.261411,-0.132412,0.335395,0.272891,0.110936,-0.141034,0.099657,-0.1207,-0.0153915,-0.107331,-0.158376,-0.151093,-0.134877,-0.0487612,0.055649,0.0568892,-0.0670203,0.0367757,0.223439,0.0233085,-0.114231,0.101888,0.240863,0.117152,-0.122435,-0.0721896,-0.319805,0.360093,-0.167492,-0.193179,0.382286,-0.0506595,-0.135742,-0.395219,0.262734,0.0341087,0.0689286,-0.0246391,0.0220883,0.197906,-0.127205,-0.059525,-0.0558361,-0.124562,0.0444135,-0.0101011,},
{0.33618,0.269966,-0.11582,-0.0601329,-0.178325,0.0546235,0.0558768,0.175613,0.307196,0.0947066,-0.138313,-0.1437,-0.0320611,0.0709377,0.225678,-0.345583,0.0559551,-0.154643,-0.190989,-0.0715575,0.365769,0.122219,0.174348,-0.0532892,0.0873049,0.0327396,-0.0449313,-0.111415,-0.067525,0.048128,-0.0906912,-0.0592776,0.0850149,0.136214,-0.132903,0.0329236,0.20994,-0.0697644,0.12957,0.0165153,0.289363,0.0642758,-0.0931057,-0.193347,-0.319007,0.395836,-0.0546289,-0.121888,0.366888,-0.0115235,-0.0264793,-0.27137,0.259106,0.0969467,0.17163,0.00648034,0.0543846,0.271055,-0.0581014,-0.0712503,-0.0455504,-0.120306,0.0306986,0.0521099,},
{0.327383,0.329513,-0.0092596,-0.189348,-0.143629,-0.0543719,-0.114026,0.272088,0.310335,0.0254746,-0.13102,-0.0807572,0.000365394,-0.0516688,0.169772,-0.207471,0.0458145,-0.141922,-0.215264,-0.166437,0.343179,0.320739,0.140272,-0.153611,0.0708213,-0.0819557,0.00637511,-0.104247,-0.151969,-0.146901,-0.268146,-0.0872758,0.00672451,0.00133081,-0.137637,0.17234,0.166707,0.061395,-0.0582421,0.0503007,0.270955,0.158803,-0.177614,-0.073906,-0.302329,0.354511,-0.223356,-0.245875,0.328198,0.0133488,-0.126847,-0.405465,0.267835,-0.0608882,0.0319868,-0.103888,0.0570482,0.222813,-0.195373,-0.122566,-0.0757727,0.0235437,0.0447285,-0.0571004,},
{0.341239,0.271492,-0.11389,-0.0644752,-0.172073,0.043991,0.0481433,0.17909,0.314451,0.0809921,-0.120452,-0.155585,-0.0391966,0.0769755,0.235882,-0.333012,0.0567286,-0.155369,-0.181711,-0.0589679,0.37765,0.137249,0.164917,-0.0391669,0.0790365,0.0340942,-0.0329664,-0.105914,-0.0698171,0.0529756,-0.0906782,-0.0802424,0.0918847,0.119947,-0.147571,0.0460265,0.209701,-0.0626932,0.124146,-0.00796066,0.273155,0.0783431,-0.0845642,-0.195006,-0.326445,0.392008,-0.0543388,-0.133291,0.36192,0.0175413,-0.0310864,-0.269169,0.243111,0.0912291,0.167775,0.00215858,0.0348243,0.266358,-0.0460877,-0.0744487,-0.0327879,-0.126553,0.0371643,0.0476812,},
{0.327519,0.255069,-0.116715,-0.0662372,-0.188071,0.0527444,0.049235,0.181074,0.325423,0.101082,-0.1342,-0.156035,-0.013816,0.0609533,0.237439,-0.323117,0.04787,-0.16469,-0.191142,-0.0676844,0.381777,0.133632,0.172121,-0.057448,0.0774367,0.0354187,-0.0358392,-0.128997,-0.0689984,0.0366619,-0.0935487,-0.0789173,0.0914759,0.128332,-0.148225,0.0317397,0.218193,-0.0362893,0.127816,-0.0212567,0.294171,0.0858561,-0.0794196,-0.21125,-0.329132,0.381472,-0.0563348,-0.135527,0.377048,-0.00848641,-0.0154213,-0.276206,0.261068,0.0996218,0.195887,-0.00780672,0.057764,0.279733,-0.0724759,-0.0778395,-0.0207403,-0.102378,0.0308446,0.05261,},
{0.341416,0.255492,-0.0894909,-0.0743692,-0.175423,0.0394829,0.0400047,0.19769,0.30677,0.107009,-0.125121,-0.098042,-0.023415,0.0760961,0.229779,-0.287381,0.0726127,-0.167106,-0.212458,-0.0820639,0.361265,0.119015,0.138024,-0.0768835,0.0632142,-0.0343258,-0.0223867,-0.144247,-0.0816725,0.0254783,-0.0997706,-0.0639478,0.0850614,0.101662,-0.130352,0.0153586,0.253724,0.0171774,0.0605297,-0.00282778,0.283752,0.0375832,-0.0845569,-0.159126,-0.325969,0.379347,-0.0569306,-0.108845,0.349808,0.0253564,-0.0518987,-0.304567,0.270018,0.109651,0.160927,-0.0156671,0.0338373,0.236152,-0.0604663,-0.0343259,-0.0146796,-0.11188,0.065838,0.0492071,},
{0.314721,0.337745,-0.0457132,-0.135422,-0.155239,0.0156004,-0.0795073,0.277848,0.300173,0.0550223,-0.154116,-0.024853,-0.0108575,-0.0617952,0.187157,-0.232449,0.0510672,-0.162417,-0.213117,-0.112085,0.347026,0.312303,0.105325,-0.138897,0.0643036,-0.0775849,0.0246709,-0.116423,-0.140793,-0.139112,-0.22,-0.0668469,0.0439925,0.082765,-0.12672,0.10972,0.20671,0.0211125,-0.0548753,0.0867547,0.268329,0.117196,-0.117624,-0.0663768,-0.32197,0.324911,-0.208826,-0.22385,0.357519,-0.00306474,-0.117792,-0.416955,0.27602,-0.0270453,0.0605772,-0.0405951,0.0329378,0.242219,-0.165857,-0.12875,-0.0875602,0.0186889,0.0461889,-0.00814034,},
{0.361173,0.364247,-0.071334,-0.0402025,-0.0876141,0.0274981,-0.0780502,0.26933,0.250782,-0.00163995,-0.131817,0.00293818,-0.0728205,0.0189309,0.153547,-0.290919,0.0487768,-0.150342,-0.197373,-0.122823,0.31375,0.277333,0.0983092,-0.168845,0.0567306,-0.0485587,-0.0538593,-0.0686249,-0.114739,-0.0649802,-0.186706,-0.0300911,0.10261,0.112705,-0.0695492,0.0342109,0.251527,-0.00705413,-0.0367647,0.112782,0.211983,0.0698164,-0.150622,-0.0725382,-0.286658,0.345946,-0.19828,-0.169103,0.327748,-0.00107165,-0.0734738,-0.410443,0.24853,0.0266559,0.0336576,-0.0327158,0.0882813,0.220052,-0.105756,-0.0952599,-0.0809258,-0.0529107,0.0692458,0.0361292,},
{0.319733,0.246633,-0.104444,-0.0831628,-0.17994,0.0578379,0.0554741,0.184077,0.308044,0.103327,-0.130702,-0.126952,-0.0190658,0.0582509,0.235019,-0.32524,0.0695771,-0.176117,-0.211253,-0.0726066,0.359641,0.142441,0.171909,-0.0474511,0.0718601,0.0320103,-0.0201546,-0.115342,-0.0905475,0.0430584,-0.0914157,-0.0768052,0.0850897,0.142071,-0.161555,0.0285153,0.210662,-0.0446962,0.106239,-0.00469647,0.305987,0.0613235,-0.0759239,-0.18337,-0.339447,0.379537,-0.0609729,-0.123102,0.366892,-0.0105329,-0.0410079,-0.297579,0.267979,0.0997269,0.191818,0.0024606,0.0401185,0.282805,-0.058482,-0.0488155,-0.0456207,-0.122961,0.032539,0.0521804,},
{0.350538,0.327755,-0.0445712,-0.120344,-0.118079,-0.0122755,-0.0832164,0.247059,0.318446,0.00580902,-0.103614,-0.0650019,-0.0383568,0.0524991,0.135836,-0.231126,0.0745839,-0.113218,-0.235263,-0.162835,0.340218,0.260092,0.102074,-0.161042,0.0447954,-0.151965,-0.0602351,-0.105107,-0.115999,-0.0902845,-0.22659,-0.0409086,0.0405596,0.0014897,-0.0863954,0.0880406,0.180263,0.0338477,-0.0743714,0.0466174,0.223384,0.109551,-0.148677,-0.0876723,-0.288409,0.378218,-0.186001,-0.21994,0.325908,0.0331093,-0.103788,-0.401364,0.219891,0.0299327,0.0320415,-0.0716452,0.0468547,0.189605,-0.113215,-0.0783428,-0.034537,-0.0649407,0.0174645,-0.00601997,},
{0.296081,0.222445,0.029384,-0.139592,-0.164521,-0.00892344,-0.05772,0.20023,0.303641,-0.00591989,-0.0501942,-0.123733,-0.0368548,-0.00078563,0.123636,-0.208322,0.0704988,-0.157322,-0.235443,-0.166751,0.418968,0.293584,0.171116,-0.143113,0.0507134,-0.176369,-0.0425872,-0.113478,-0.154484,-0.129001,-0.193978,-0.0804797,0.0425122,-0.0515331,-0.0820781,0.0911527,0.154797,0.0574643,-0.13546,0.0436446,0.28738,0.158143,-0.141528,-0.0850009,-0.327313,0.38308,-0.193323,-0.232627,0.29603,0.0293626,-0.123863,-0.38084,0.255205,0.0295007,0.0394311,-0.10394,0.00121315,0.168056,-0.131024,-0.0386046,-0.0189345,-0.150579,0.0386279,-0.034461,},
{0.367815,0.308586,-0.0746996,-0.0033154,-0.123767,0.0299785,-0.0436585,0.238831,0.231594,0.0148156,-0.116025,-0.00564951,-0.106845,0.0177224,0.166452,-0.309667,0.053748,-0.138514,-0.218677,-0.10341,0.342757,0.250776,0.107239,-0.142037,0.0813028,-0.0833446,-0.0556659,-0.104434,-0.114538,-0.070193,-0.131134,-0.0176972,0.123553,0.106061,-0.052302,0.000854962,0.248758,0.00824108,-0.0675055,0.120786,0.238269,0.0714316,-0.128475,-0.0768576,-0.309159,0.351722,-0.163598,-0.152891,0.3439,-0.0130795,-0.075339,-0.38918,0.252307,0.083901,0.0754323,-0.0168505,0.0441271,0.205451,-0.0771699,-0.0679905,-0.0575197,-0.131432,0.0695689,0.0335425,},
{0.310582,0.31121,-0.0316172,-0.131762,-0.174805,-0.0401182,-0.122687,0.259052,0.282661,0.0521716,-0.137911,-0.0489362,-0.022307,-0.0606223,0.164481,-0.201137,0.0355832,-0.174309,-0.233776,-0.143313,0.329862,0.311482,0.100731,-0.142184,0.0949047,-0.10673,0.0173952,-0.119869,-0.171291,-0.185314,-0.202697,-0.0812675,0.03481,0.044298,-0.113909,0.111041,0.195602,0.0337123,-0.0938062,0.0873573,0.280206,0.140798,-0.109795,-0.0627929,-0.3229,0.320476,-0.198036,-0.219529,0.368704,-0.0309381,-0.158715,-0.387238,0.277013,-0.0429062,0.064119,-0.0664345,0.0171251,0.213254,-0.182212,-0.118078,-0.0767039,-0.0158314,0.0218997,-0.0341594,},
{0.352353,0.322031,-0.0352123,-0.144973,-0.153304,-0.0636371,-0.10897,0.251646,0.31145,0.0136623,-0.117676,-0.0672177,-0.0359611,-0.0197685,0.143562,-0.223535,0.0432328,-0.13757,-0.24191,-0.159603,0.330288,0.311978,0.109147,-0.162503,0.0831039,-0.129069,-0.00394728,-0.112912,-0.150735,-0.14214,-0.25063,-0.0777751,0.024659,-0.00916053,-0.11551,0.134425,0.177437,0.0746387,-0.0831804,0.0441399,0.262236,0.165441,-0.161722,-0.0984686,-0.286415,0.352734,-0.191047,-0.239732,0.346077,-0.00168939,-0.12907,-0.390699,0.23345,-0.0345067,0.0240127,-0.0890513,0.0593775,0.190238,-0.173115,-0.0963961,-0.0589511,-0.0243751,0.0286774,-0.0519091,},
{0.371748,0.401199,-0.0756587,-0.0868105,-0.0713403,0.0223345,-0.0852459,0.290547,0.29299,-0.0313424,-0.131983,-0.0158018,-0.0170082,0.0347299,0.132688,-0.273147,0.0454005,-0.116007,-0.182122,-0.153479,0.302569,0.287076,0.0886352,-0.173486,0.0445962,-0.097439,-0.0515406,-0.0660824,-0.0663151,-0.0460432,-0.275207,-0.0456879,0.0484988,0.0449409,-0.0918095,0.115048,0.214532,0.0302527,-0.00976035,0.0531877,0.191004,0.11374,-0.163289,-0.0959474,-0.264325,0.365476,-0.180928,-0.203414,0.324909,0.0382381,-0.0675291,-0.390853,0.201044,-0.00973314,-0.0219405,-0.0665317,0.11087,0.20715,-0.126715,-0.087979,-0.0457479,0.000823691,0.0528242,0.0157461,},
{0.315963,0.308997,-0.0240793,-0.14183,-0.179971,-0.0391095,-0.11141,0.259779,0.294662,0.04642,-0.135114,-0.0565115,-0.0116383,-0.0621505,0.161531,-0.20837,0.0402382,-0.166076,-0.225539,-0.151289,0.345277,0.31014,0.107326,-0.149663,0.091054,-0.110204,0.0192812,-0.124551,-0.166752,-0.17256,-0.21988,-0.0852271,0.0222013,0.032343,-0.109789,0.120271,0.198365,0.041594,-0.0797077,0.0726116,0.280991,0.149548,-0.123964,-0.0695134,-0.313941,0.332466,-0.196693,-0.223955,0.360758,-0.0207984,-0.141827,-0.390956,0.280228,-0.0542956,0.0476545,-0.0698455,0.0293434,0.213532,-0.190411,-0.115371,-0.0778021,0.000806212,0.028184,-0.0442664,},
{0.370235,0.344685,-0.0708581,-0.0369634,-0.100192,0.00868669,-0.065574,0.264049,0.249053,-0.00975855,-0.118534,-0.019626,-0.0791173,0.0189326,0.153141,-0.284001,0.0483196,-0.155537,-0.18898,-0.122043,0.348427,0.270966,0.101223,-0.165856,0.0431774,-0.0661621,-0.0537946,-0.0599737,-0.114781,-0.0614815,-0.181774,-0.0405136,0.110737,0.0817181,-0.0719118,0.0290298,0.249857,0.0178456,-0.0491244,0.096479,0.209591,0.0859165,-0.159468,-0.0791814,-0.285808,0.352356,-0.191501,-0.161176,0.302834,0.0107233,-0.0710281,-0.407443,0.242262,0.0325789,0.020794,-0.0427606,0.0755783,0.209624,-0.109341,-0.0864813,-0.0535943,-0.0737676,0.0768023,0.0151956,},
{0.337081,0.27103,-0.0630322,-0.0676986,-0.214838,0.00269474,-0.0457587,0.238932,0.270575,0.0649207,-0.0990157,-0.0459436,-0.0913861,-0.040795,0.182299,-0.290446,0.0554857,-0.157712,-0.275668,-0.104365,0.339481,0.249728,0.103092,-0.126408,0.107476,-0.128342,0.00556085,-0.133664,-0.142097,-0.122265,-0.102073,-0.0339596,0.0689762,0.0827372,-0.0953601,0.0223378,0.227993,0.0261733,-0.0955314,0.121803,0.279111,0.0964402,-0.108954,-0.0779154,-0.334676,0.346818,-0.142393,-0.178713,0.39464,-0.046344,-0.0961938,-0.386233,0.290014,0.0622522,0.123276,-0.00665075,0.00835404,0.201443,-0.10715,-0.0658631,-0.0484692,-0.140728,0.0448194,-0.00350298,},
{0.350106,0.321739,-0.0410131,-0.104,-0.0882261,-0.0561635,-0.107776,0.236872,0.29301,-0.00882887,-0.107754,-0.0733001,-0.0336432,0.0148486,0.114859,-0.226009,0.0562597,-0.125021,-0.193293,-0.199237,0.354758,0.285715,0.1073,-0.158143,0.0659426,-0.108471,-0.057446,-0.111425,-0.131931,-0.107831,-0.236427,-0.0404254,0.062851,-0.00975653,-0.0863919,0.10303,0.19022,0.0535237,-0.0870853,0.0410714,0.221573,0.128287,-0.153662,-0.0649167,-0.29107,0.36195,-0.206329,-0.21146,0.304842,0.0409024,-0.126952,-0.386602,0.235814,-0.0057581,0.0235392,-0.105552,0.0644489,0.211644,-0.150993,-0.0728722,-0.0464778,-0.0561406,0.0256284,-0.00938274,},
{0.325218,0.305158,-0.00317609,-0.165688,-0.131124,-0.0633963,-0.119797,0.242921,0.315672,0.0101697,-0.10554,-0.0900155,-0.000110191,-0.0245187,0.132389,-0.196775,0.047818,-0.158351,-0.213043,-0.195153,0.353481,0.320428,0.129423,-0.176174,0.0689278,-0.125297,-0.0286259,-0.103695,-0.163906,-0.143842,-0.263185,-0.0902941,0.0216163,-0.0238161,-0.111097,0.142446,0.172254,0.0850011,-0.0997172,0.024714,0.256343,0.162811,-0.15818,-0.0776073,-0.284549,0.354456,-0.215059,-0.248079,0.321478,0.0205411,-0.139973,-0.400119,0.24068,-0.035548,0.03164,-0.1113,0.0610973,0.199761,-0.176301,-0.0939889,-0.0563074,-0.0246447,0.0216374,-0.0351674,},
{0.306813,0.233119,-0.0802239,-0.134803,-0.18491,0.0497861,0.0544021,0.216525,0.332989,0.133704,-0.131768,-0.0885337,-0.00781278,0.0508622,0.237528,-0.283685,0.100557,-0.177826,-0.234385,-0.0834466,0.35836,0.153736,0.140549,-0.0569758,0.0344519,-0.0328496,0.00569443,-0.145023,-0.0964629,-0.00300328,-0.113937,-0.0936507,0.0693708,0.12394,-0.161348,0.0198115,0.240153,0.0199884,0.06147,-0.036486,0.297741,0.0452899,-0.0850468,-0.16545,-0.350096,0.374503,-0.0705207,-0.122898,0.355016,0.00993953,-0.0674468,-0.356317,0.280194,0.06357,0.148948,-0.0308978,0.025318,0.272834,-0.0901216,-0.0225489,-0.0146531,-0.082811,0.0695691,0.0465574,},
{0.322602,0.352377,-0.0582327,-0.160495,-0.112893,-0.0309377,-0.0773023,0.284682,0.285024,-0.014089,-0.134372,-0.0740077,-0.0312968,-0.00768827,0.163984,-0.239692,0.0609069,-0.139045,-0.210468,-0.144031,0.362186,0.311232,0.0979769,-0.121972,0.0249311,-0.0629611,0.0142426,-0.0743104,-0.11396,-0.0886132,-0.25248,-0.0851952,0.0459659,0.0287662,-0.157564,0.115924,0.188189,0.0479978,-0.0483691,0.0779081,0.220296,0.149195,-0.189819,-0.0789399,-0.296175,0.364312,-0.222859,-0.217304,0.311777,0.0306877,-0.132719,-0.41085,0.223572,-0.0502607,-0.0160709,-0.0854459,0.0693367,0.209759,-0.169236,-0.123835,-0.0702561,-0.0194543,0.0527093,-0.0370691,},
{0.32735,0.284825,-0.10302,-0.0814378,-0.158703,0.0601449,0.0385898,0.196315,0.310176,0.107271,-0.143278,-0.101633,-0.0275254,0.0696238,0.231472,-0.308141,0.0762961,-0.183489,-0.195631,-0.0649704,0.355648,0.133907,0.159893,-0.0669657,0.0460324,0.0237315,-0.0366475,-0.0971525,-0.0873041,0.0377982,-0.107416,-0.0656714,0.0992104,0.147357,-0.144041,0.00637387,0.235609,-0.037898,0.0972607,-0.00585894,0.279275,0.0334103,-0.0827394,-0.175854,-0.321297,0.37777,-0.0784199,-0.119786,0.339776,0.00152118,-0.056504,-0.321465,0.264479,0.0952526,0.157527,-0.0021587,0.0502733,0.272922,-0.0595827,-0.0632306,-0.040008,-0.0905554,0.0570332,0.0672216,},
{0.289183,0.226994,-0.0891526,-0.122518,-0.180975,0.0700375,0.0673564,0.209353,0.307549,0.132144,-0.14515,-0.102776,-0.0170198,0.0291976,0.246481,-0.300327,0.0784496,-0.197158,-0.224668,-0.0697871,0.37553,0.158537,0.152795,-0.051694,0.0221524,0.0342254,-0.00582685,-0.127099,-0.104093,0.0325475,-0.11538,-0.112359,0.109255,0.179683,-0.177437,-0.00457288,0.256445,-0.00276337,0.112124,-0.0304545,0.305927,0.0476341,-0.0744938,-0.170293,-0.35523,0.359692,-0.0800261,-0.103568,0.34921,-0.00711748,-0.052922,-0.35581,0.300332,0.0418412,0.164492,-0.0215672,0.0500401,0.317909,-0.0945046,-0.0602324,-0.0428806,-0.0499184,0.0908146,0.0311588,},
{0.329682,0.274331,-0.132938,-0.0625146,-0.17841,0.0282538,0.0302512,0.169019,0.343739,0.0847353,-0.12392,-0.187751,-0.0366205,0.0987586,0.245239,-0.328788,0.0267858,-0.134188,-0.203131,-0.0770842,0.362799,0.123916,0.173688,-0.0633011,0.101918,0.0576992,-0.0547396,-0.142613,-0.0703389,0.0479077,-0.0830145,-0.0702531,0.100292,0.113064,-0.157383,0.0445168,0.19731,-0.0367565,0.133202,-0.0123507,0.289822,0.104453,-0.113994,-0.233919,-0.307687,0.393421,-0.0589714,-0.155653,0.395204,-0.00585778,-0.0121952,-0.241882,0.236171,0.108223,0.220443,-0.0139207,0.0748233,0.260641,-0.0556447,-0.09385,-0.023372,-0.118992,0.023144,0.0538519,},
{0.378033,0.373674,-0.0761729,-0.0498728,-0.0785502,0.0206184,-0.0763041,0.282157,0.273446,-0.0210331,-0.129685,-0.00248471,-0.0394634,0.0514172,0.146369,-0.282112,0.0579017,-0.128988,-0.19058,-0.152016,0.311702,0.27402,0.0942149,-0.179682,0.0496791,-0.10183,-0.059709,-0.0721083,-0.0778499,-0.0539303,-0.245291,-0.0392542,0.0711844,0.0435764,-0.0735567,0.07944,0.223834,0.0356301,-0.0338175,0.0559911,0.194677,0.106898,-0.153022,-0.102153,-0.265583,0.364666,-0.173745,-0.175744,0.324332,0.0305258,-0.062762,-0.39057,0.197885,0.0311002,0.00125204,-0.0418255,0.0968696,0.199977,-0.105838,-0.0805387,-0.0415044,-0.029506,0.0578777,0.0351662,},
{0.315235,0.314003,-0.0839117,-0.15549,-0.145837,0.0371748,-0.0128388,0.264438,0.356623,0.101278,-0.120876,-0.0429576,-0.0460145,0.072877,0.265281,-0.265711,0.102447,-0.10478,-0.251368,-0.145064,0.331697,0.220681,0.100225,-0.100354,0.0454828,0.0197867,0.0352174,-0.19711,-0.160892,-0.0322771,-0.145124,-0.0719421,0.0831942,0.131803,-0.191544,0.0179756,0.236351,0.0664316,0.00427717,-0.0230603,0.307485,0.0640924,-0.198298,-0.167819,-0.325366,0.364366,-0.16711,-0.146458,0.34921,0.023482,-0.0493056,-0.419449,0.294321,0.00966555,0.131607,-0.0474831,0.073919,0.263374,-0.143879,-0.0389119,-0.0489364,0.00397383,0.124641,0.0156044,},
{0.327616,0.248734,-0.0950131,-0.0966352,-0.182622,0.0510391,0.0545837,0.189339,0.315713,0.102523,-0.119682,-0.122202,-0.019017,0.0720809,0.247341,-0.303704,0.0770339,-0.177476,-0.209551,-0.0710482,0.36302,0.140006,0.171195,-0.0560247,0.0610953,0.0151896,-0.0163549,-0.118236,-0.0903886,0.0436998,-0.0995376,-0.079859,0.0825997,0.123379,-0.157329,0.0339332,0.21845,-0.017946,0.0934922,-0.0192012,0.300753,0.0585973,-0.0836883,-0.181255,-0.331116,0.381947,-0.0560695,-0.12878,0.350459,0.0125237,-0.0486719,-0.296566,0.255907,0.103743,0.179284,-0.00623673,0.0301661,0.26195,-0.0553777,-0.0342387,-0.0289593,-0.121241,0.0559191,0.0506086,},
{0.363365,0.338249,-0.0922495,-0.0399409,-0.114337,0.093609,0.0212865,0.26165,0.26987,0.0384069,-0.116986,-0.0520861,-0.0546189,0.0622862,0.213673,-0.3081,0.061259,-0.130436,-0.180171,-0.0955694,0.352349,0.196729,0.120068,-0.113303,0.0184287,-0.0322372,-0.0682622,-0.094402,-0.0487696,0.00624409,-0.122993,-0.0181072,0.091458,0.156239,-0.0637101,0.00266146,0.268906,-0.0385545,0.0363707,0.121419,0.203347,0.0286446,-0.146879,-0.103119,-0.299105,0.370822,-0.137354,-0.166515,0.331288,0.0393811,-0.0221988,-0.369595,0.241904,0.0888141,0.0713119,-0.0120687,0.0704933,0.217441,-0.0684057,-0.0682066,-0.0370172,-0.100297,0.0889326,0.0667132,},
{0.334238,0.295522,-0.100286,-0.0993965,-0.167233,0.0607197,0.0232889,0.208362,0.32735,0.121363,-0.155193,-0.106711,-0.0344024,0.0586025,0.235623,-0.300769,0.0696675,-0.16835,-0.202614,-0.065129,0.379086,0.139474,0.158975,-0.0747772,0.0364295,0.0532832,-0.0388969,-0.117421,-0.100322,0.0164037,-0.141636,-0.0892684,0.129875,0.166178,-0.162108,0.011405,0.243864,-0.0285962,0.132208,-0.0593585,0.28115,0.0439795,-0.0955023,-0.204379,-0.314103,0.377492,-0.105522,-0.0935777,0.328204,-0.00893665,-0.0335684,-0.34293,0.3079,0.0315595,0.138099,-0.0180668,0.0652016,0.307275,-0.106244,-0.122736,-0.039268,-0.0155876,0.106343,0.0445386,},
{0.324968,0.323571,-0.096148,-0.0596546,-0.130956,0.0971114,0.0325846,0.263863,0.274011,0.0534466,-0.12307,-0.0686836,-0.043868,0.0542215,0.233069,-0.29656,0.0689857,-0.120694,-0.19432,-0.0923992,0.35501,0.180787,0.120554,-0.098638,0.0228067,-0.0228892,-0.0536435,-0.118234,-0.0516751,0.0158268,-0.100461,-0.0361466,0.0830778,0.16163,-0.0906617,0.000809424,0.263211,-0.0274194,0.0424919,0.113384,0.226385,0.0307009,-0.151118,-0.103948,-0.323344,0.369891,-0.132351,-0.155891,0.347981,0.0265588,-0.0265577,-0.364038,0.253429,0.0918147,0.101301,-0.0181511,0.0600234,0.221933,-0.0696624,-0.0643836,-0.0280386,-0.0918618,0.0873577,0.0527141,},
{0.334664,0.255961,-0.0953434,-0.0635044,-0.184972,0.054546,0.0472402,0.170332,0.300648,0.109194,-0.119413,-0.122166,-0.0405803,0.0748717,0.218447,-0.33157,0.0666825,-0.184608,-0.207451,-0.0710223,0.343035,0.121782,0.152446,-0.0450459,0.0978613,-0.00979165,-0.0277265,-0.111854,-0.0771627,0.0353585,-0.0776289,-0.0609053,0.0699872,0.120872,-0.132287,0.0217092,0.217668,-0.0578111,0.0763172,0.0237991,0.293493,0.0476068,-0.0699086,-0.175033,-0.334098,0.392984,-0.0399015,-0.123283,0.378249,-0.00239127,-0.0579291,-0.280297,0.25582,0.11333,0.17499,0.0141715,0.0380173,0.249404,-0.0406662,-0.0371517,-0.0428783,-0.156032,0.0303529,0.0636597,},
{0.313783,0.247825,-0.0971401,-0.0839978,-0.186998,0.0475275,0.0579748,0.178473,0.324775,0.12304,-0.129216,-0.15036,-0.0110168,0.0671693,0.229144,-0.325096,0.0626229,-0.17381,-0.203803,-0.0836937,0.357382,0.119736,0.154194,-0.0527603,0.0867656,-0.0122186,-0.0296557,-0.119447,-0.0790166,0.0324121,-0.0759507,-0.0840648,0.0531049,0.11848,-0.141937,0.0245888,0.213594,-0.0310295,0.0836026,0.00620572,0.288202,0.0607929,-0.0890328,-0.194471,-0.327786,0.395782,-0.0420251,-0.138015,0.392434,-0.00827985,-0.0463818,-0.284198,0.251697,0.108232,0.183362,0.00132722,0.0556973,0.246438,-0.0573978,-0.0417849,-0.0275305,-0.139288,0.0137909,0.0613431,},
{0.319472,0.262285,-0.114582,-0.0809064,-0.195809,0.0451671,0.0395053,0.194956,0.352546,0.111679,-0.145714,-0.149161,0.00441964,0.0619756,0.23168,-0.309653,0.0572398,-0.162547,-0.196928,-0.0942617,0.37552,0.125356,0.158544,-0.0752269,0.0623795,0.0247264,-0.0419611,-0.138193,-0.0798429,0.0226245,-0.103098,-0.0780305,0.0728904,0.130715,-0.143479,0.0200913,0.214879,-0.0307343,0.122792,-0.0402476,0.290805,0.0751203,-0.0882089,-0.215696,-0.320201,0.381288,-0.0684515,-0.155747,0.387876,-0.0322144,-0.0179975,-0.300324,0.260557,0.094771,0.191824,-0.00352591,0.084403,0.286524,-0.0777119,-0.0907293,-0.0260392,-0.0709685,0.0170924,0.0671636,},
{0.38889,0.25299,-0.0506927,-0.0258318,-0.159361,0.0642103,-0.00353469,0.195587,0.30363,0.0460489,-0.0618923,-0.0693772,-0.0809312,0.0891924,0.181651,-0.296798,0.0789358,-0.0990961,-0.238706,-0.116006,0.383047,0.149029,0.130605,-0.105609,0.0593606,-0.147172,-0.0724548,-0.165654,-0.0837612,-0.0302352,-0.105672,0.0010091,0.0798584,0.0440236,-0.042989,-0.0153489,0.227632,0.0467443,-0.0611894,0.0248527,0.248141,0.0430024,-0.120086,-0.152356,-0.326969,0.404377,-0.100809,-0.178785,0.344701,0.0318912,-0.04282,-0.348149,0.243901,0.171589,0.118054,-0.0374742,0.0411596,0.184744,-0.0451116,0.0110448,0.0235586,-0.191302,0.0838341,0.0472255,},
{0.342591,0.240414,-0.0370504,-0.0694669,-0.237705,-0.0177977,-0.0596556,0.23517,0.265767,0.0763946,-0.0910484,-0.05251,-0.0882914,-0.0454955,0.178404,-0.276601,0.0690053,-0.178442,-0.278576,-0.126644,0.352999,0.24757,0.116306,-0.133859,0.111854,-0.154908,0.00208817,-0.132342,-0.158015,-0.159597,-0.106412,-0.0334138,0.0496779,0.0536415,-0.0667623,0.0208063,0.219471,0.021803,-0.120576,0.115903,0.280003,0.109002,-0.0935839,-0.0730167,-0.335532,0.358576,-0.138939,-0.183167,0.390929,-0.0589812,-0.115135,-0.383384,0.29676,0.0602236,0.11126,-0.0044232,-0.00594232,0.19457,-0.122337,-0.0554621,-0.04488,-0.155257,0.0397653,-0.00671937,},
{0.357226,0.232223,-0.0257351,-0.0678128,-0.237968,-0.0262097,-0.0654951,0.219049,0.265604,0.0665469,-0.0858239,-0.0468253,-0.096156,-0.0462511,0.159673,-0.28017,0.0752751,-0.161326,-0.292773,-0.128441,0.353156,0.248265,0.118585,-0.133624,0.121932,-0.179644,0.00477032,-0.144703,-0.166789,-0.168034,-0.116485,-0.0297041,0.041148,0.0334261,-0.0571916,0.032493,0.210824,0.0305811,-0.134421,0.105364,0.286177,0.108904,-0.093281,-0.0762419,-0.333248,0.36578,-0.137128,-0.184677,0.389176,-0.0586857,-0.125282,-0.378191,0.293363,0.0614359,0.0967088,-0.00959909,-0.0133903,0.182999,-0.120902,-0.0411499,-0.0493349,-0.166031,0.0396718,-0.0202145,},
{0.336094,0.331113,-0.0789076,-0.0386769,-0.132376,0.0800047,-0.0144437,0.270565,0.288911,0.0294141,-0.104633,-0.0446056,-0.0687052,0.082706,0.198584,-0.300223,0.0710894,-0.118257,-0.219993,-0.1186,0.336577,0.198868,0.110089,-0.136454,0.0413956,-0.0920127,-0.0653516,-0.10971,-0.0782046,-0.0277437,-0.122542,-0.0209184,0.0696293,0.0972562,-0.0606361,-0.000706084,0.235934,-0.0322568,-0.0184445,0.124362,0.221247,0.0630984,-0.155512,-0.112028,-0.308383,0.383889,-0.149864,-0.168639,0.3527,0.0119668,-0.0268457,-0.382489,0.246248,0.0913455,0.0759313,-0.00828236,0.0578134,0.190582,-0.0632963,-0.0659712,-0.0335318,-0.107216,0.0550497,0.0479187,},
{0.348436,0.273218,-0.0514793,-0.0525415,-0.191586,-0.0180391,-0.0624102,0.235062,0.248916,0.057229,-0.111618,-0.0449822,-0.0835984,-0.0362841,0.158144,-0.287215,0.0624584,-0.181699,-0.242038,-0.12743,0.352715,0.254407,0.0963223,-0.145768,0.101994,-0.123694,-0.0207279,-0.105377,-0.14479,-0.128132,-0.125401,-0.0392788,0.0668173,0.0717683,-0.0657282,0.0188919,0.241073,0.00924864,-0.100208,0.123445,0.251075,0.0964838,-0.111118,-0.058826,-0.316629,0.354925,-0.160175,-0.165494,0.372082,-0.035163,-0.106992,-0.401678,0.280443,0.0447531,0.0873032,-0.00688022,0.0231797,0.208996,-0.118241,-0.0817758,-0.0641913,-0.118023,0.0324888,-0.000898259,},
{0.335321,0.284509,-0.0400435,-0.142311,-0.203705,-0.0610182,-0.0746663,0.249018,0.317133,0.0476453,-0.11365,-0.0804005,-0.052861,-0.0342967,0.160439,-0.228633,0.0493487,-0.125433,-0.262503,-0.153559,0.35115,0.29474,0.100375,-0.14593,0.0949992,-0.152634,0.0203005,-0.141056,-0.163121,-0.159248,-0.199766,-0.0752273,0.0211544,0.0053106,-0.102916,0.101763,0.178835,0.0610665,-0.0837537,0.0611431,0.283314,0.160857,-0.140809,-0.100801,-0.314748,0.345804,-0.159662,-0.227706,0.371185,-0.0326602,-0.115218,-0.376533,0.265942,-0.0339337,0.0429755,-0.0685095,0.0355884,0.184669,-0.182342,-0.0844318,-0.0511018,-0.049412,0.0233779,-0.0666665,},
{0.299778,0.260988,-0.00998143,-0.0608478,-0.140894,0.0651569,-0.0413008,0.182078,0.327938,0.0379437,-0.055245,-0.142317,-0.0311409,0.110512,0.131447,-0.237236,0.0801288,-0.125199,-0.21797,-0.19047,0.396444,0.150056,0.123435,-0.127128,0.0665958,-0.206697,-0.120102,-0.165728,-0.0728099,-0.0438152,-0.149261,-0.0294772,0.0369541,-0.0375533,-0.0480088,0.00332402,0.182643,0.0305742,-0.107047,0.0264754,0.243667,0.0940595,-0.102813,-0.133026,-0.323206,0.429672,-0.13152,-0.19957,0.357426,0.043759,-0.0854421,-0.334731,0.234018,0.144676,0.1,-0.0569367,0.0537723,0.155856,-0.0572253,-0.0364083,0.0305536,-0.173933,0.015096,0.0535565,},
{0.372864,0.343904,-0.0759528,-0.0495753,-0.103266,0.0814514,-0.0174524,0.27081,0.261699,0.029443,-0.117674,-0.0336414,-0.047679,0.0711793,0.20901,-0.299736,0.0573135,-0.12066,-0.196184,-0.129466,0.341586,0.198973,0.112552,-0.107783,0.0200294,-0.0445341,-0.0436216,-0.100966,-0.0624145,-0.0215272,-0.163135,-0.0154845,0.0864589,0.122191,-0.0795456,0.0188937,0.256305,-0.00684229,0.0175456,0.0968086,0.198756,0.0345863,-0.142235,-0.117444,-0.293424,0.374783,-0.144504,-0.151645,0.326787,0.0504756,-0.0444739,-0.358461,0.247929,0.0638706,0.0510917,-0.0175828,0.0781918,0.217269,-0.0876642,-0.0716878,-0.0434748,-0.0739325,0.109681,0.0617187,},
{0.313211,0.271449,-0.0328289,-0.0641546,-0.101294,0.0536901,-0.0528239,0.213431,0.321143,0.0347314,-0.0695039,-0.0978722,-0.0204012,0.101035,0.178009,-0.248359,0.0700761,-0.09094,-0.202715,-0.213888,0.382349,0.162038,0.154439,-0.137816,0.0404536,-0.133249,-0.119002,-0.169554,-0.101216,-0.0474402,-0.158018,-0.0215033,0.080969,0.0069919,-0.0577458,0.0129853,0.196662,0.0952755,-0.074158,-0.0185353,0.229995,0.0696198,-0.143964,-0.152592,-0.309281,0.392245,-0.151249,-0.18323,0.317759,0.0546229,-0.0651998,-0.347474,0.231858,0.135336,0.130347,-0.0924952,0.0734231,0.204673,-0.0706686,-0.0161023,0.0354502,-0.11324,0.0747234,0.0699252,},
{0.369125,0.239279,-0.0344932,-0.0960303,-0.213759,-0.0253915,-0.0381649,0.232292,0.29596,0.0198419,-0.0682578,-0.0565985,-0.0967091,-0.00398226,0.168384,-0.259898,0.0749688,-0.131587,-0.292185,-0.108998,0.36932,0.271645,0.122767,-0.129256,0.0720823,-0.174595,0.0106904,-0.141546,-0.149389,-0.12387,-0.154291,-0.0544616,0.053302,0.00174323,-0.0872273,0.0661882,0.195161,0.0587108,-0.106473,0.0646741,0.283765,0.13657,-0.132452,-0.100637,-0.327206,0.366409,-0.142144,-0.208917,0.346798,-0.00722005,-0.0979765,-0.384173,0.251539,0.0477936,0.0587318,-0.0442296,-0.0141936,0.171399,-0.109659,-0.0300428,-0.0270472,-0.149823,0.0614074,-0.0484302,},
{0.36187,0.374272,-0.0956695,-0.0571491,-0.0785307,0.0526692,-0.0535073,0.277018,0.24852,-0.009519,-0.135849,-0.00979797,-0.0290609,0.0669064,0.177756,-0.292259,0.0543619,-0.105177,-0.176126,-0.172477,0.321976,0.241304,0.117536,-0.14684,0.0595766,-0.0365347,-0.0469021,-0.0962636,-0.0687438,-0.0264042,-0.22738,-0.024001,0.0916311,0.0742799,-0.106106,0.0669237,0.217547,0.0534525,-0.0019992,0.0502246,0.238633,0.095293,-0.19166,-0.126462,-0.278919,0.372454,-0.166846,-0.118003,0.296996,0.0277965,-0.0482415,-0.360623,0.228405,0.0288022,0.0239529,-0.0679872,0.105139,0.22181,-0.143654,-0.0477528,-0.0224125,-0.02403,0.106593,0.0226854,},
{0.35319,0.376098,-0.0678493,-0.0976182,-0.104213,-0.00560807,-0.0825977,0.275105,0.254466,-0.00597947,-0.166426,-0.0223805,-0.0318062,-0.017331,0.147127,-0.256256,0.0387989,-0.139746,-0.18045,-0.142402,0.34274,0.288469,0.0926935,-0.14023,0.0545856,-0.0341377,-0.0100551,-0.0972063,-0.105198,-0.0862333,-0.252492,-0.0437261,0.0627047,0.0741955,-0.108612,0.108311,0.224875,0.00184544,-0.0157835,0.11928,0.237739,0.110507,-0.177448,-0.0558233,-0.28759,0.346661,-0.223723,-0.187191,0.308517,0.0194484,-0.111065,-0.400945,0.253298,-0.052416,-0.0121449,-0.0646147,0.0857474,0.238662,-0.169755,-0.141099,-0.111761,0.0329937,0.0641086,-0.0255613,},
{0.322969,0.321079,0.0093675,-0.110348,-0.0440689,-0.00692187,-0.122893,0.238768,0.282028,-0.0735779,-0.0951826,-0.0876643,0.0189207,0.045596,0.0831489,-0.194492,0.0584982,-0.144669,-0.149188,-0.230164,0.389399,0.311657,0.150378,-0.170839,0.0184999,-0.111317,-0.101698,-0.0775774,-0.081889,-0.0986789,-0.317655,-0.0528636,0.0550484,-0.0667147,-0.0654954,0.136365,0.170298,0.0365049,-0.0788856,0.00790678,0.203583,0.166215,-0.156265,-0.0703363,-0.275385,0.395197,-0.239162,-0.235022,0.257574,0.0985437,-0.131283,-0.378465,0.200508,-0.0230886,-0.0459389,-0.13158,0.082217,0.209216,-0.15097,-0.0839351,-0.0328838,-0.0196364,0.0474509,0.0175738,},
{0.333578,0.259576,-0.105762,-0.0839722,-0.18519,0.03435,0.043163,0.192312,0.340914,0.118361,-0.141192,-0.119441,-0.00707255,0.0607615,0.233491,-0.310816,0.0782707,-0.172294,-0.197326,-0.0733992,0.377443,0.121376,0.155784,-0.066687,0.0704648,-0.0106201,-0.0167848,-0.141949,-0.0878648,0.0245486,-0.108427,-0.0746175,0.0802634,0.105967,-0.148346,0.0342535,0.226264,-0.00418351,0.0937668,-0.0353658,0.286025,0.0592397,-0.0612774,-0.184449,-0.326859,0.378351,-0.059423,-0.124482,0.363191,-0.000578973,-0.0425571,-0.303216,0.269899,0.108063,0.185371,-0.0027501,0.0351012,0.269582,-0.0603629,-0.0716879,-0.0270209,-0.103495,0.0252582,0.0665362,},
{0.332777,0.311875,-0.0363699,-0.113503,-0.168764,-0.0113757,-0.0911332,0.266413,0.30297,0.0436858,-0.118607,-0.0431545,-0.0363222,-0.0186397,0.171086,-0.240265,0.0551748,-0.132964,-0.256323,-0.144585,0.316645,0.283023,0.105756,-0.153367,0.0756686,-0.129943,-0.0103706,-0.116119,-0.150843,-0.148352,-0.181175,-0.0609781,0.0274302,0.0565835,-0.0867997,0.0841372,0.201582,0.0180744,-0.0726827,0.0790826,0.252045,0.111449,-0.128127,-0.0870978,-0.303283,0.351629,-0.173471,-0.222501,0.38153,-0.0229037,-0.113755,-0.390392,0.260898,-0.00416797,0.058355,-0.0369303,0.0287934,0.195883,-0.136001,-0.0846607,-0.0605992,-0.0477597,0.0318987,-0.0070255,},
{0.357248,0.285536,-0.0311551,-0.0858066,-0.153306,-0.068261,-0.109321,0.238329,0.298359,0.0415138,-0.102421,-0.065802,-0.0691362,-0.0200807,0.140337,-0.249858,0.0646568,-0.140894,-0.262957,-0.175052,0.325286,0.284868,0.105613,-0.166156,0.0893802,-0.158487,-0.0387649,-0.108973,-0.168969,-0.165874,-0.17549,-0.0540719,0.0358636,0.00865358,-0.0698815,0.0560422,0.190995,0.0614916,-0.136314,0.0481874,0.23244,0.129673,-0.135559,-0.103157,-0.293976,0.365934,-0.17443,-0.232711,0.382024,-0.0370096,-0.137645,-0.397404,0.236327,0.0330661,0.0567436,-0.0502142,0.0559965,0.17906,-0.138054,-0.0530277,-0.036517,-0.106467,0.0154044,-0.00256063,},
{0.307567,0.309454,-0.0180931,-0.16638,-0.17421,-0.0599893,-0.114603,0.260919,0.304914,0.0479124,-0.132884,-0.0915733,-0.0210007,-0.0808156,0.166031,-0.202855,0.0378396,-0.137074,-0.231841,-0.159996,0.353772,0.305427,0.124278,-0.143118,0.0886572,-0.0871282,0.0113907,-0.137215,-0.1611,-0.170562,-0.218777,-0.0761994,0.0240166,0.0220829,-0.127089,0.129181,0.186462,0.0515866,-0.069906,0.066102,0.284957,0.152337,-0.152261,-0.0653936,-0.327603,0.342592,-0.213583,-0.238178,0.358564,-0.020568,-0.136073,-0.394936,0.304351,-0.0608634,0.0585564,-0.0970292,0.0461841,0.226666,-0.206199,-0.125524,-0.0684542,0.0105206,0.0429022,-0.0635014,},
{0.379924,0.349277,-0.0796342,-0.0436343,-0.100927,0.0886985,0.0116024,0.260501,0.277435,0.0477325,-0.116132,-0.0700106,-0.0421545,0.0827817,0.23,-0.314963,0.082472,-0.0964531,-0.170538,-0.112046,0.356559,0.156704,0.119513,-0.0964005,0.0305188,-0.0418348,-0.0669242,-0.124477,-0.0335806,0.0195013,-0.129334,-0.0232481,0.0602548,0.129397,-0.0620758,0.0218804,0.270475,-0.0191728,0.0468128,0.0893065,0.17798,0.0140807,-0.14597,-0.116904,-0.298891,0.395793,-0.126742,-0.155407,0.345072,0.0652734,-0.0185007,-0.350069,0.237876,0.111871,0.0765742,-0.0122452,0.0731392,0.204436,-0.0556222,-0.0753688,-0.026282,-0.0965643,0.093088,0.0777899,},
{0.359972,0.281398,-0.0738733,-0.141198,-0.100943,0.00161134,0.0231084,0.160112,0.304085,0.0654961,-0.0907714,-0.143557,-0.096563,0.083746,0.212577,-0.288172,0.0972983,-0.132788,-0.217765,-0.100711,0.394001,0.18995,0.180785,-0.0230149,0.047935,0.0727366,-0.0187692,-0.109604,-0.103003,0.0427504,-0.172567,-0.0504457,0.164907,0.0733563,-0.224261,0.0473142,0.181353,0.03055,0.0371394,-0.0966859,0.282624,0.066149,-0.148197,-0.187295,-0.321033,0.410593,-0.127148,-0.117143,0.266051,0.0940292,-0.0995102,-0.326609,0.271624,0.045646,0.110269,-0.065487,0.0593746,0.274982,-0.103963,-0.0374353,-0.028082,-0.114304,0.160984,0.0298599,},
{0.34824,0.26834,-0.105271,-0.0514571,-0.1722,0.0424076,0.0448179,0.163648,0.298106,0.117641,-0.142541,-0.100055,-0.054793,0.0742812,0.209938,-0.330658,0.0849522,-0.194475,-0.185099,-0.0813439,0.368589,0.122718,0.162049,-0.0771323,0.0751685,0.00229629,-0.0532583,-0.0914424,-0.0926189,0.0243903,-0.100182,-0.0378121,0.100786,0.124296,-0.107117,-0.0191439,0.223847,-0.0333153,0.0602777,-0.00675471,0.285757,0.0359961,-0.0892429,-0.19029,-0.311971,0.387614,-0.0649777,-0.114517,0.332843,-0.0163986,-0.0628948,-0.316221,0.245507,0.124942,0.152522,0.00919717,0.0713998,0.264748,-0.0655192,-0.0393236,-0.0377481,-0.118094,0.0499053,0.0738484,},
{0.383917,0.264444,-0.110475,-0.0616034,-0.183022,0.0282068,0.0257709,0.134624,0.374084,0.0900581,-0.118242,-0.171891,-0.0424698,0.106103,0.198559,-0.31902,0.0650852,-0.131072,-0.199876,-0.0931194,0.416405,0.113275,0.187417,-0.0993561,0.0857584,0.0154596,-0.0751168,-0.168665,-0.0830409,0.0280423,-0.136748,-0.0154139,0.107445,0.0771632,-0.107405,0.0241623,0.196184,-0.0217264,0.107865,-0.0627061,0.289483,0.0837677,-0.090753,-0.239624,-0.291037,0.408479,-0.0809233,-0.16382,0.344087,-0.00181558,-0.00513366,-0.271341,0.259767,0.133493,0.185425,-0.0220895,0.0904026,0.26846,-0.0884081,-0.0839723,-0.0211094,-0.116835,0.0343595,0.0587549,},
{0.338006,0.279604,-0.0503913,-0.0655405,-0.205337,-0.00175567,-0.0648192,0.24571,0.260871,0.0547768,-0.104568,-0.035031,-0.0945436,-0.0420655,0.178206,-0.276121,0.0562539,-0.170373,-0.272883,-0.0966288,0.340153,0.258798,0.113819,-0.133308,0.0951172,-0.116234,0.0021706,-0.114102,-0.148197,-0.138979,-0.107853,-0.0308857,0.0805509,0.0765148,-0.0966219,0.0181718,0.226557,0.0170702,-0.105705,0.124493,0.283092,0.0924669,-0.11305,-0.0703638,-0.334862,0.347881,-0.16581,-0.17651,0.376758,-0.0513775,-0.104563,-0.40134,0.302061,0.0617223,0.111593,-0.00941533,0.00487476,0.200667,-0.108865,-0.0825617,-0.0527769,-0.136361,0.0507679,0.00229429,},
{0.338004,0.234787,-0.0165288,-0.078805,-0.228148,-0.0177261,-0.0781849,0.225816,0.255837,0.0728982,-0.102986,-0.0396936,-0.0780088,-0.0520572,0.167913,-0.260552,0.0766671,-0.175479,-0.292396,-0.130336,0.349981,0.260912,0.119515,-0.12299,0.112152,-0.162606,0.0137941,-0.144898,-0.168132,-0.191821,-0.125444,-0.035337,0.037493,0.041458,-0.070503,0.0408056,0.204076,0.0194452,-0.143929,0.117173,0.289121,0.106967,-0.08565,-0.0668566,-0.338678,0.358532,-0.159823,-0.191184,0.394303,-0.0545882,-0.150442,-0.385315,0.291364,0.0535471,0.100406,-0.00486267,-0.0204842,0.191869,-0.126788,-0.0655067,-0.0663091,-0.144075,0.0348233,-0.0042695,},
{0.317523,0.271215,-0.069615,-0.0634818,-0.174574,0.0752498,0.0256609,0.24759,0.274175,0.0607283,-0.0966392,-0.0652214,-0.0692401,0.0222063,0.220191,-0.310257,0.0691059,-0.147015,-0.239677,-0.081208,0.352848,0.19472,0.128444,-0.0859291,0.0565987,-0.0702032,-0.0122749,-0.126727,-0.0842752,-0.0199752,-0.0834997,-0.0458908,0.0721105,0.116711,-0.10603,0.00571763,0.244959,-0.00898865,-0.0136141,0.114454,0.265356,0.0616072,-0.1308,-0.106315,-0.349587,0.376847,-0.115779,-0.156465,0.367968,0.00374306,-0.0503429,-0.362613,0.277177,0.0910799,0.115159,-0.0102236,0.0271462,0.210838,-0.0674058,-0.0303914,-0.0305389,-0.148025,0.0833198,0.02776,},
{0.34054,0.348386,-0.00458416,-0.205847,-0.139661,-0.0337287,-0.110704,0.264931,0.328849,0.0216949,-0.132794,-0.082957,0.0155003,-0.0535945,0.152549,-0.202263,0.0548869,-0.13,-0.192116,-0.165588,0.367947,0.30967,0.146069,-0.155584,0.0622321,-0.0872528,0.000619272,-0.116233,-0.134034,-0.133002,-0.303524,-0.0604626,-0.00465383,-0.00393673,-0.122011,0.188404,0.162903,0.0498964,-0.0389923,0.0449838,0.266488,0.147303,-0.170736,-0.0635995,-0.302916,0.363902,-0.232736,-0.260814,0.302437,0.0280269,-0.121143,-0.405761,0.280018,-0.0656733,0.00718259,-0.120422,0.0658455,0.234385,-0.215057,-0.1239,-0.0770316,0.0414924,0.0523368,-0.0630169,},
{0.32501,0.291912,-0.031172,-0.121103,-0.191974,-0.0519076,-0.108916,0.243213,0.287905,0.063495,-0.129294,-0.0594831,-0.0298073,-0.0701767,0.152418,-0.202838,0.0487313,-0.172726,-0.229624,-0.145923,0.352965,0.297829,0.0998547,-0.136297,0.105021,-0.139098,0.0220474,-0.130451,-0.175668,-0.193098,-0.18581,-0.0677798,0.0244216,0.0213996,-0.0991766,0.0989158,0.184394,0.0452188,-0.121387,0.0796732,0.287629,0.13832,-0.098491,-0.0651153,-0.337146,0.323751,-0.183678,-0.220509,0.364571,-0.0456687,-0.158292,-0.382831,0.2822,-0.012186,0.0653314,-0.0681755,0.0112112,0.201025,-0.189714,-0.0902731,-0.0569288,-0.0594894,0.00637466,-0.0397238,},
{0.337215,0.186141,-0.035652,-0.0342819,-0.139845,0.00328688,0.000612097,0.074809,0.323533,0.0507665,-0.0779236,-0.221393,-0.0326786,0.138531,0.171799,-0.281579,0.0385755,-0.16118,-0.151466,-0.167075,0.46798,0.130435,0.224309,-0.0963033,0.105969,-0.00446425,-0.126738,-0.151893,-0.111147,-0.00194535,-0.134201,-0.0554935,0.1353,-0.0263092,-0.0923766,0.0436159,0.153955,0.0159527,0.0117398,-0.0881162,0.312678,0.127751,-0.119239,-0.23513,-0.287626,0.432589,-0.102626,-0.139184,0.293302,0.0683718,-0.0539494,-0.229902,0.222003,0.138308,0.183401,-0.0558171,0.0626058,0.24723,-0.0654008,-0.0553166,-0.00210673,-0.159896,0.0516374,0.0622426,},
{0.297029,0.319206,-0.0450557,-0.125408,-0.176761,-0.0171605,-0.117422,0.266074,0.294423,0.0541681,-0.138236,-0.040254,-0.0342695,-0.0471225,0.173868,-0.200712,0.0425447,-0.170935,-0.248577,-0.119015,0.330895,0.304926,0.0886513,-0.137178,0.0774558,-0.10547,0.0196326,-0.125354,-0.165784,-0.175842,-0.186627,-0.0776275,0.052521,0.0630607,-0.121707,0.0811074,0.207155,0.0225365,-0.0903828,0.0867936,0.27472,0.132462,-0.0984922,-0.070031,-0.330473,0.319512,-0.20017,-0.22056,0.377954,-0.0317206,-0.155922,-0.398544,0.278083,-0.0321714,0.0725411,-0.0530782,0.00820424,0.214336,-0.166146,-0.124412,-0.0696147,-0.015703,0.0267847,-0.0218409,},
{0.31507,0.323588,-0.0223605,-0.154958,-0.160724,-0.0477297,-0.120954,0.276792,0.28896,0.033502,-0.147142,-0.0571197,-0.0030034,-0.0650304,0.174054,-0.20379,0.0420592,-0.157828,-0.214758,-0.154138,0.341956,0.320277,0.115799,-0.143429,0.0834742,-0.0667923,0.0276657,-0.127571,-0.1558,-0.164973,-0.242252,-0.0917673,0.0185545,0.0290297,-0.12821,0.144798,0.20018,0.0413337,-0.0565631,0.0675231,0.278624,0.160155,-0.148968,-0.0658097,-0.317559,0.335699,-0.218157,-0.227,0.352643,-0.00437881,-0.137659,-0.398767,0.281675,-0.0749182,0.0387548,-0.0847713,0.0443908,0.229825,-0.202866,-0.13339,-0.0898662,0.042994,0.0430635,-0.0513612,},
{0.352465,0.336931,-0.0781223,-0.0192863,-0.0935831,0.0841861,-0.0243373,0.280118,0.266825,0.0292752,-0.10788,-0.0486712,-0.0423707,0.0948328,0.220015,-0.293349,0.0753289,-0.100529,-0.182546,-0.156669,0.350701,0.17997,0.0994188,-0.126934,0.0296515,-0.0521602,-0.0751937,-0.132197,-0.0607446,-0.00573949,-0.131419,-0.0294854,0.079187,0.107764,-0.0616034,-0.00770105,0.270918,0.00487682,0.00298545,0.0768431,0.187448,0.0426585,-0.155548,-0.118394,-0.307242,0.381388,-0.151612,-0.138394,0.346958,0.0548081,-0.00931987,-0.374774,0.244285,0.100377,0.0867924,-0.0192587,0.0851411,0.211383,-0.0701282,-0.0683336,-0.0151833,-0.0657922,0.0886635,0.0692797,},
{0.303584,0.215531,-0.0671968,-0.0360307,-0.155308,0.0346399,0.0028323,0.095086,0.31303,0.03953,-0.0735957,-0.257747,-0.0328762,0.107324,0.201276,-0.287614,0.00595377,-0.152398,-0.150254,-0.144801,0.444516,0.139776,0.2083,-0.0776789,0.109392,0.0801066,-0.137664,-0.140267,-0.0924058,0.0412588,-0.0853649,-0.0794413,0.145875,0.0699179,-0.12799,0.0414982,0.166162,-0.0444295,0.0784895,-0.0559386,0.307762,0.121473,-0.126094,-0.217904,-0.304489,0.413981,-0.107075,-0.159175,0.345541,0.0392278,-0.0282318,-0.219975,0.227573,0.118209,0.232749,-0.0364524,0.0777855,0.282206,-0.0453876,-0.10336,-0.0136549,-0.139814,0.0572377,0.0580889,},
{0.318078,0.193298,0.019996,-0.070041,-0.173643,-0.022075,-0.0619729,0.178169,0.283449,0.025758,-0.0489994,-0.111738,-0.0835496,-0.0177478,0.111066,-0.260941,0.0719324,-0.162403,-0.273202,-0.16484,0.393208,0.273717,0.162866,-0.155387,0.0869532,-0.215617,-0.0767148,-0.118477,-0.155986,-0.156154,-0.141636,-0.0548235,0.0579637,-0.0361665,-0.0397681,0.0288632,0.17939,0.0627665,-0.180468,0.0564502,0.264337,0.146287,-0.116166,-0.100368,-0.317504,0.396938,-0.164022,-0.223372,0.355788,-0.0110747,-0.133284,-0.381722,0.248712,0.0850615,0.0739202,-0.0617087,0.0108172,0.158784,-0.102068,-0.0115782,-0.00528221,-0.212021,0.0284249,0.000675661,},
{0.330951,0.254507,-0.0858723,-0.0678441,-0.19047,0.0370081,0.050511,0.172655,0.325752,0.128411,-0.125217,-0.121375,-0.0257115,0.0836418,0.213501,-0.298826,0.0622601,-0.170189,-0.198151,-0.097148,0.356242,0.111528,0.109642,-0.0609058,0.0987695,-0.0685152,-0.0218949,-0.146582,-0.0763074,0.0152072,-0.0861895,-0.0664328,0.0510539,0.0850722,-0.114458,0.0160922,0.230007,-0.0113779,0.0376418,0.00831337,0.284796,0.0463119,-0.078258,-0.175799,-0.323692,0.390883,-0.0283478,-0.139349,0.391255,0.0213819,-0.0675367,-0.278807,0.240725,0.104627,0.152972,0.0113731,0.0522484,0.217849,-0.052209,-0.0309237,-0.0255523,-0.123134,0.0306209,0.0629213,},
{0.36556,0.28751,-0.103783,-0.0501384,-0.166298,0.0496781,0.0331821,0.175618,0.319103,0.0861749,-0.134391,-0.135964,-0.0412941,0.093096,0.216799,-0.335186,0.0525997,-0.159439,-0.173219,-0.0685155,0.379972,0.121591,0.173707,-0.0750576,0.0696686,0.00637003,-0.0665738,-0.0947912,-0.0635625,0.0288913,-0.121979,-0.0579152,0.100419,0.109391,-0.105319,0.0359397,0.215356,-0.0594858,0.126334,-0.0124189,0.258309,0.0602676,-0.0813812,-0.208464,-0.296496,0.395958,-0.0619278,-0.123986,0.340932,0.00804242,-0.0203818,-0.274989,0.243868,0.0974345,0.141597,0.00452959,0.0576561,0.262412,-0.051791,-0.103808,-0.0316952,-0.101864,0.0475599,0.0680284,},
{0.357218,0.281747,-0.120324,-0.0756312,-0.180073,-0.00370941,-0.018984,0.16664,0.359536,0.107885,-0.13626,-0.126946,-0.0632308,0.115839,0.232213,-0.290496,0.0653157,-0.152167,-0.224547,-0.115766,0.371643,0.125561,0.137002,-0.0910844,0.0862256,0.0407708,-0.0389953,-0.182941,-0.118188,-0.000516867,-0.141223,-0.0513659,0.128496,0.0858524,-0.161719,-0.00153828,0.213845,0.0365784,0.063132,-0.092719,0.30495,0.0933577,-0.120386,-0.248455,-0.293004,0.39362,-0.0977979,-0.137394,0.359749,-0.01393,-0.0646555,-0.302314,0.244493,0.0893584,0.183736,-0.0235459,0.101054,0.279041,-0.102558,-0.0901889,-0.0229679,-0.0517412,0.0826532,0.0527191,},
{0.363658,0.199353,-0.0816785,-0.0483504,-0.168317,0.0230314,0.0504077,0.0933952,0.344817,0.057156,-0.0729801,-0.232939,-0.0644164,0.0938278,0.179242,-0.31302,0.0572267,-0.152858,-0.164759,-0.0890315,0.485413,0.125449,0.207161,-0.0732093,0.0626774,-0.0127649,-0.124977,-0.141586,-0.0674689,0.0470144,-0.11993,-0.044159,0.134517,0.0416531,-0.0828472,0.0232499,0.186786,-0.0127348,0.0695436,-0.0651096,0.260996,0.110561,-0.0859711,-0.212348,-0.309044,0.424055,-0.0795402,-0.186836,0.306931,0.0492105,-0.0400911,-0.259196,0.211734,0.150573,0.168155,-0.0536349,0.0545768,0.268982,-0.0535264,-0.0553352,0.0166334,-0.191311,0.0541017,0.0419624,},
{0.310153,0.347105,-0.0541734,-0.138194,-0.146231,0.0533261,-0.0552715,0.299908,0.296677,0.0605653,-0.148264,-0.0403012,0.0109843,-0.00565268,0.217173,-0.257503,0.0758447,-0.149669,-0.185897,-0.147869,0.370881,0.255434,0.119381,-0.154779,0.0301977,-0.0609813,-0.00945642,-0.0806555,-0.118276,-0.0785897,-0.217119,-0.0579504,0.0406779,0.0944464,-0.114781,0.0612063,0.215753,0.0314159,-0.01586,0.058697,0.235188,0.0903619,-0.151906,-0.0964882,-0.30374,0.362163,-0.195068,-0.176751,0.325822,0.00857159,-0.0631003,-0.425781,0.277569,0.00577146,0.0600937,-0.0341498,0.0716725,0.248192,-0.162703,-0.108973,-0.0497988,0.0268612,0.0692498,0.00915919,},
{0.353183,0.283009,-0.113938,-0.0727339,-0.172333,0.0583678,0.0413239,0.184896,0.313141,0.0795872,-0.119104,-0.139856,-0.0354464,0.0686475,0.239001,-0.32625,0.0663011,-0.157209,-0.191366,-0.0408472,0.372832,0.143307,0.175712,-0.0309049,0.0741669,0.0425786,-0.0203846,-0.105094,-0.0691204,0.0488312,-0.100921,-0.0684347,0.0949708,0.130927,-0.158876,0.0603117,0.203009,-0.0726849,0.128193,-0.0118998,0.274784,0.066732,-0.0643314,-0.18812,-0.333833,0.384964,-0.0623938,-0.134292,0.354118,0.0173532,-0.0349045,-0.272272,0.256475,0.0988073,0.17313,0.00415945,0.0169965,0.271689,-0.0471682,-0.0786165,-0.0373645,-0.133234,0.0436459,0.0552013,},
{0.349403,0.350402,-0.110918,-0.0791684,-0.136272,0.0651483,0.0273279,0.207759,0.314013,0.0956921,-0.144696,-0.100493,-0.0388999,0.0891581,0.234817,-0.32112,0.0790296,-0.154129,-0.165851,-0.0789015,0.341184,0.132729,0.136153,-0.0736891,0.0554488,0.0197345,-0.0500625,-0.0822699,-0.0626041,0.0526717,-0.125243,-0.0461419,0.0792857,0.147456,-0.126415,0.0177571,0.235164,-0.0520133,0.0969483,0.0146517,0.237219,0.0213819,-0.113235,-0.172081,-0.290436,0.393034,-0.0842132,-0.140865,0.344949,0.0286051,-0.0551895,-0.318367,0.229202,0.0917837,0.121224,0.0155334,0.0780481,0.247928,-0.0503042,-0.083597,-0.0470305,-0.0678124,0.0658083,0.0825553,},
{0.356998,0.367918,-0.0835767,-0.0742567,-0.0985856,0.0448728,-0.0540783,0.283235,0.265727,0.0106121,-0.135843,-0.0109698,-0.0363314,0.0439462,0.184597,-0.282768,0.0462435,-0.118001,-0.192648,-0.152772,0.325731,0.247632,0.101254,-0.151088,0.0393324,-0.0567735,-0.0415156,-0.0822776,-0.101935,-0.0500225,-0.205354,-0.0249913,0.0827293,0.10671,-0.0876181,0.0605898,0.22541,0.0118212,-0.00618824,0.101193,0.212469,0.0648085,-0.16328,-0.0902078,-0.277254,0.350699,-0.177811,-0.159406,0.31325,0.0248311,-0.0626416,-0.381207,0.23886,0.0168045,0.0360485,-0.0355374,0.0791263,0.225407,-0.116858,-0.0891439,-0.0662021,-0.0248662,0.0799803,0.0251596,},
{0.358967,0.333705,-0.0700017,-0.0756266,-0.115321,0.098287,0.0186838,0.259669,0.285245,0.0670368,-0.117107,-0.0723536,-0.0311199,0.0805981,0.22828,-0.304142,0.0773028,-0.125557,-0.185655,-0.104936,0.343497,0.155302,0.120729,-0.0743322,0.0169612,-0.0468285,-0.0465178,-0.109625,-0.0304424,0.0165994,-0.144305,-0.0421958,0.0542106,0.127078,-0.0893456,0.0252685,0.265288,-0.0253375,0.0630334,0.0676546,0.196321,0.0170699,-0.12239,-0.131787,-0.314252,0.392176,-0.106313,-0.149403,0.344516,0.0675404,-0.0334971,-0.348217,0.249019,0.0780163,0.0700177,-0.0171461,0.0704012,0.222182,-0.0654891,-0.0699226,-0.0252589,-0.0738791,0.101144,0.0701896,},
{0.362563,0.355664,-0.0711873,-0.0522616,-0.10921,0.0272451,-0.0682197,0.270802,0.276665,0.0064008,-0.116985,-0.0199219,-0.0699224,0.0397701,0.161239,-0.279321,0.0668814,-0.147777,-0.204562,-0.118038,0.331527,0.253969,0.0864752,-0.159935,0.0418408,-0.078201,-0.050474,-0.0811191,-0.109065,-0.0583926,-0.174543,-0.0354891,0.0798875,0.0934656,-0.065907,0.0291871,0.251997,-0.0163918,-0.0379166,0.105799,0.198246,0.0712784,-0.143676,-0.0762357,-0.290961,0.360975,-0.187464,-0.181309,0.331675,0.0133831,-0.071971,-0.411495,0.240808,0.0369236,0.0311834,-0.0266349,0.0662899,0.206138,-0.0951353,-0.0917197,-0.0640826,-0.0679545,0.0556814,0.0296651,},
{0.331112,0.295998,-0.0196263,-0.194441,-0.12975,-0.0043803,-0.0522293,0.249988,0.317756,-0.0110373,-0.0681721,-0.121052,-0.0362483,-0.000387322,0.167769,-0.213507,0.0820086,-0.124223,-0.198696,-0.158108,0.413472,0.311634,0.14281,-0.10583,0.0304935,-0.0690517,0.0058289,-0.124709,-0.100818,-0.0761553,-0.251703,-0.0499022,0.0425593,-0.00713622,-0.137339,0.139444,0.154291,0.0510296,-0.0535867,0.0378968,0.24873,0.147264,-0.162098,-0.0698268,-0.352361,0.367577,-0.212092,-0.254205,0.281897,0.0665945,-0.0930428,-0.388712,0.251572,-0.00512319,0.0257577,-0.129151,0.0576264,0.228981,-0.179529,-0.0692318,-0.0296137,-0.0793843,0.084824,-0.0395013,},
{0.367914,0.308012,-0.0660871,-0.0600618,-0.169481,-0.039545,-0.0896644,0.255275,0.276537,0.03359,-0.106725,-0.0251224,-0.0972529,-0.00255636,0.159168,-0.27643,0.0646552,-0.149074,-0.258717,-0.130671,0.3148,0.266646,0.106362,-0.165143,0.0933432,-0.140218,-0.0293231,-0.0894394,-0.150891,-0.13374,-0.156881,-0.0287869,0.0714167,0.0412765,-0.0672647,0.0430971,0.207229,0.0266438,-0.0981961,0.0860423,0.240256,0.11213,-0.122276,-0.0869893,-0.299411,0.356153,-0.154621,-0.183869,0.358261,-0.0447596,-0.110605,-0.388451,0.251031,0.0425941,0.0620513,-0.0258713,0.0245091,0.188371,-0.114771,-0.0581194,-0.0391219,-0.117135,0.0366243,-0.00191225,},
{0.364655,0.290976,-0.0842305,-0.0411947,-0.127608,0.0106544,0.0136948,0.158537,0.249058,0.0825173,-0.148667,-0.127328,-0.0546575,0.0661991,0.198804,-0.300188,0.0811972,-0.170404,-0.145164,-0.150329,0.415633,0.140734,0.160389,-0.0632968,0.0829472,0.0843608,-0.0690117,-0.109392,-0.0862634,0.0232889,-0.15413,-0.0447583,0.146878,0.0969628,-0.151447,0.000444643,0.217049,-0.0023686,0.0380856,-0.0667755,0.289046,0.0639055,-0.156957,-0.18488,-0.284273,0.424164,-0.124802,-0.0713047,0.28856,0.033283,-0.0928417,-0.310476,0.26487,0.0621188,0.0951947,-0.00974524,0.104679,0.281776,-0.122201,-0.0769271,-0.0402001,-0.0549861,0.138491,0.057556,},
{0.328215,0.300878,-0.0385835,-0.100797,-0.164289,-0.0322752,-0.106255,0.266266,0.28702,0.0479957,-0.117478,-0.0397929,-0.0544119,-0.0445456,0.178114,-0.240208,0.0508311,-0.143867,-0.261237,-0.144319,0.30423,0.299815,0.110469,-0.145171,0.0968697,-0.10862,0.00215195,-0.128021,-0.162147,-0.16367,-0.16936,-0.0657906,0.0397431,0.0563228,-0.097863,0.0829189,0.201384,0.0402163,-0.0940724,0.0751242,0.262068,0.126855,-0.120947,-0.0872333,-0.325352,0.335372,-0.175403,-0.223532,0.395916,-0.0437841,-0.128595,-0.38417,0.264572,0.00366921,0.0805492,-0.0493175,0.0368598,0.202407,-0.147046,-0.0719038,-0.0565461,-0.0632457,0.0411018,-0.00679375,},
{0.340986,0.234864,-0.0715354,-0.0634437,-0.185696,0.041284,0.0272511,0.180522,0.311703,0.0988173,-0.0960853,-0.106866,-0.0420272,0.082839,0.222885,-0.286565,0.0730406,-0.143134,-0.236662,-0.115334,0.365823,0.127773,0.131648,-0.0890413,0.0890386,-0.0710596,-0.0304942,-0.189685,-0.0845119,-0.00127403,-0.0900158,-0.0396572,0.0673002,0.0708249,-0.101868,0.00236606,0.243284,0.0525193,-0.00758871,0.0124057,0.285419,0.0557556,-0.113411,-0.169672,-0.323624,0.393147,-0.0658265,-0.152243,0.380426,0.0289515,-0.0599093,-0.298621,0.244923,0.14277,0.172318,-0.0218073,0.0580899,0.201801,-0.0646574,-0.00107227,-0.00398046,-0.145152,0.0764498,0.0543772,},
{0.35507,0.262947,-0.0839271,-0.071732,-0.162164,0.0545812,0.0263027,0.184427,0.30998,0.0870394,-0.130461,-0.119171,-0.0219248,0.0758429,0.219692,-0.309599,0.0735182,-0.172529,-0.190153,-0.0653671,0.398139,0.130732,0.163439,-0.0636937,0.0421587,0.00285324,-0.0336039,-0.111011,-0.0857337,0.0264281,-0.132187,-0.0791753,0.103204,0.114313,-0.129319,0.0295405,0.238077,-0.0319145,0.111731,-0.0349764,0.258707,0.0477278,-0.0526891,-0.184325,-0.317776,0.387535,-0.0773686,-0.106714,0.329341,0.0247052,-0.0432707,-0.299915,0.271391,0.0857727,0.139115,-0.00480902,0.0292915,0.274035,-0.0615155,-0.0916156,-0.0356839,-0.0962643,0.0627156,0.0550792,},
{0.342962,0.299658,-0.0618424,-0.0760353,-0.156279,-0.00878094,-0.0576332,0.24661,0.319574,0.0328985,-0.0992552,-0.0580331,-0.0776163,0.063987,0.167574,-0.247808,0.0835822,-0.127737,-0.241744,-0.125464,0.358295,0.240794,0.10394,-0.16475,0.0528487,-0.154913,-0.0526718,-0.107478,-0.141969,-0.0915803,-0.158669,-0.0505735,0.065817,0.0147104,-0.0658298,0.0261888,0.201571,0.0215568,-0.0805102,0.0501185,0.242253,0.116285,-0.13976,-0.115522,-0.306555,0.371414,-0.160403,-0.18999,0.332328,0.00200174,-0.0734924,-0.405577,0.236125,0.059202,0.061423,-0.0431663,0.0196136,0.178413,-0.0995444,-0.0596844,-0.0158436,-0.0916512,0.0164054,-0.0115967,},
{0.329948,0.272797,-0.0621455,-0.0767259,-0.176669,0.0987106,0.0259054,0.250169,0.325216,0.0783951,-0.0844958,-0.0687038,-0.0164469,0.0705667,0.229814,-0.289966,0.0886939,-0.107615,-0.238906,-0.129306,0.338524,0.152763,0.128952,-0.0998058,0.0499674,-0.0974803,-0.0335942,-0.171285,-0.0809459,-0.00293562,-0.0906351,-0.0335869,0.0196188,0.103543,-0.0839854,0.00814151,0.236513,0.0069954,0.00191766,0.0537384,0.268633,0.039223,-0.136346,-0.141381,-0.341257,0.390133,-0.0945751,-0.182289,0.383974,0.0169808,-0.0135302,-0.36008,0.267918,0.126983,0.143784,-0.0184069,0.0505881,0.205169,-0.0607294,0.0114753,-0.00484033,-0.120353,0.0604686,0.0485928,},
{0.347321,0.186941,-0.0322086,-0.00927652,-0.148222,0.0311288,0.0249855,0.0769134,0.277697,0.0135855,-0.0580071,-0.247663,-0.0494918,0.110075,0.157568,-0.307654,0.0376831,-0.171053,-0.123038,-0.148144,0.485649,0.125335,0.222882,-0.0667949,0.0876969,0.0138938,-0.158717,-0.108797,-0.0631939,0.0467967,-0.118692,-0.0629001,0.124455,0.0142313,-0.0608681,0.039583,0.17315,-0.0574252,0.0527593,-0.0489465,0.268975,0.116874,-0.113262,-0.19668,-0.298959,0.447833,-0.092219,-0.157736,0.294208,0.0747225,-0.0506546,-0.225854,0.200653,0.132004,0.142992,-0.0375465,0.066913,0.260505,-0.0314473,-0.0679336,-0.0114205,-0.182242,0.0699525,0.0534564,},
{0.341889,0.25061,-0.117442,-0.0572674,-0.179159,0.0412219,0.054845,0.167718,0.311597,0.0812283,-0.134571,-0.156598,-0.0356905,0.0739937,0.237494,-0.337242,0.0580639,-0.149624,-0.188555,-0.0745481,0.397776,0.135238,0.179729,-0.0556339,0.0810721,0.0569662,-0.0431999,-0.140345,-0.0753661,0.050668,-0.105927,-0.0708766,0.104278,0.127852,-0.136056,0.0396948,0.214033,-0.0481406,0.135877,-0.0111242,0.288162,0.0910804,-0.0942001,-0.202368,-0.315417,0.392168,-0.0679313,-0.131994,0.360692,0.00330056,-0.0250939,-0.266275,0.245044,0.0940968,0.178969,-0.000960768,0.0541274,0.283479,-0.0641453,-0.0861508,-0.0486364,-0.105252,0.0464413,0.0438959,},
{0.331097,0.378273,-0.0389021,-0.193175,-0.107694,-0.0481687,-0.111712,0.279732,0.304299,-0.0119096,-0.141023,-0.0864127,0.0051141,-0.0279325,0.145718,-0.211432,0.045636,-0.116577,-0.181305,-0.189229,0.355034,0.30429,0.120864,-0.141711,0.0467775,-0.0354485,-1.15298e-06,-0.10432,-0.1209,-0.106069,-0.289593,-0.0513669,0.0200521,0.0264266,-0.13392,0.166401,0.180267,0.0315591,-0.0143006,0.0818538,0.233545,0.135334,-0.198748,-0.0499655,-0.286438,0.359462,-0.243225,-0.241758,0.294018,0.0304501,-0.132662,-0.388172,0.266624,-0.0921317,-0.0181667,-0.12564,0.0923884,0.230523,-0.214662,-0.137866,-0.0957173,0.0330243,0.0540084,-0.0475574,},
{0.31307,0.251744,-0.0343734,-0.107084,-0.225474,-0.0133097,-0.065549,0.245015,0.284238,0.0824573,-0.112416,-0.0531576,-0.0563965,-0.0674516,0.187417,-0.252251,0.0717332,-0.16194,-0.277149,-0.128895,0.355744,0.274498,0.10637,-0.126987,0.102749,-0.148286,0.0259881,-0.146962,-0.166061,-0.178005,-0.134623,-0.0577991,0.0298392,0.0603986,-0.0937634,0.0499952,0.207321,0.0237512,-0.112989,0.0995248,0.278158,0.118413,-0.0924971,-0.0730299,-0.341377,0.348702,-0.159364,-0.208715,0.405029,-0.0549817,-0.139457,-0.392365,0.295665,0.0248476,0.0986855,-0.011822,-0.0100889,0.20604,-0.145951,-0.0739028,-0.0604834,-0.102002,0.0297293,-0.0137599,},
{0.346687,0.312271,-0.0513837,-0.0220945,-0.0890391,0.0701052,-0.0561052,0.200134,0.236674,-0.0430734,-0.0743447,-0.0529062,-0.0923208,0.063876,0.132434,-0.300179,0.0618563,-0.120846,-0.188899,-0.145632,0.393347,0.248645,0.169107,-0.153995,0.0543473,-0.0730021,-0.104857,-0.0639953,-0.0971777,-0.0415506,-0.171946,0.0099357,0.145665,0.0448896,-0.0554742,-4.11347e-05,0.192517,0.0299914,-0.0824066,0.0561842,0.243753,0.0882543,-0.169518,-0.123119,-0.294956,0.391442,-0.1926,-0.149477,0.263669,0.0239426,-0.0635076,-0.368365,0.231214,0.111195,0.0522927,-0.0668739,0.0737989,0.201298,-0.0934117,-0.0275079,-0.00390505,-0.154143,0.10609,0.0397254,},
{0.354392,0.254076,-0.109439,-0.0555981,-0.210136,0.0404987,0.0416,0.163832,0.348442,0.109617,-0.13015,-0.159317,-0.0228962,0.0840427,0.224195,-0.328598,0.0470136,-0.153512,-0.189381,-0.0845332,0.39271,0.105154,0.172064,-0.0783641,0.0997748,-0.00365476,-0.048448,-0.152428,-0.0722038,0.0214942,-0.107118,-0.0573621,0.0774649,0.0913357,-0.111177,0.0332079,0.208517,-0.0278013,0.119205,-0.031324,0.297573,0.088558,-0.0815563,-0.232712,-0.311099,0.395302,-0.0434368,-0.140745,0.375892,-0.0180627,-0.00283042,-0.258589,0.259258,0.112946,0.188081,-0.00454742,0.0729501,0.26217,-0.0768392,-0.0845111,-0.0185101,-0.104046,0.0262627,0.052703,},
{0.34455,0.33782,-0.0541018,-0.098943,-0.13733,-0.0369797,-0.109363,0.264415,0.273469,0.0163456,-0.136866,-0.0295994,-0.0503772,-0.0283204,0.144186,-0.24495,0.0516745,-0.163324,-0.228938,-0.13657,0.32822,0.310652,0.0929349,-0.149986,0.0719427,-0.104931,0.00176028,-0.0810207,-0.143428,-0.15339,-0.211817,-0.0548864,0.0572916,0.0414611,-0.10347,0.0858705,0.203322,0.0264394,-0.0921917,0.0904803,0.233379,0.127569,-0.129639,-0.0748415,-0.29433,0.342259,-0.200662,-0.207318,0.348789,-0.0166616,-0.143925,-0.39882,0.243088,-0.0180468,0.0197626,-0.0467469,0.0441548,0.200226,-0.156425,-0.108193,-0.0733,-0.0498617,0.0290305,-0.00232126,},
{0.337233,0.267963,-0.0225653,-0.17391,-0.157372,0.0896285,0.0451904,0.189658,0.298683,0.0908323,-0.0903239,-0.090573,-0.0296495,0.0509063,0.248988,-0.278173,0.132537,-0.140425,-0.187833,-0.133066,0.40221,0.206545,0.177512,-0.0354267,0.0466489,0.0600012,0.0385568,-0.143766,-0.136027,0.0218911,-0.159534,-0.0643308,0.0635569,0.126282,-0.1801,0.0505459,0.202066,-0.00286297,0.0425365,-0.0484103,0.347419,0.0315186,-0.160841,-0.155321,-0.3552,0.398035,-0.136856,-0.118656,0.272816,0.0696621,-0.0575673,-0.369446,0.309849,0.0280215,0.0981583,-0.0374535,0.0457956,0.287277,-0.142809,0.00801627,-0.0628325,-0.0474934,0.169598,0.0014274,},
{0.365891,0.367106,-0.0920705,-0.0452106,-0.0890932,0.00836448,-0.0770279,0.272382,0.278165,-0.00265961,-0.127175,-0.0109329,-0.0812242,0.0494186,0.158247,-0.278335,0.0512125,-0.12126,-0.20828,-0.11885,0.313221,0.270265,0.0881328,-0.164306,0.0471406,-0.0878414,-0.0609783,-0.0686466,-0.106892,-0.0709485,-0.188141,-0.0347698,0.10365,0.0754898,-0.0746405,0.041912,0.225668,0.0120474,-0.0411194,0.0758996,0.20005,0.0887174,-0.150317,-0.101395,-0.286042,0.346867,-0.178156,-0.17806,0.327679,0.00895245,-0.0711501,-0.400351,0.215131,0.0352574,0.0316137,-0.0438734,0.0696935,0.204827,-0.0967233,-0.0868341,-0.039841,-0.0551584,0.0512759,0.0257562,},
{0.359783,0.357539,-0.0816965,-0.014305,-0.0660579,0.103177,-0.00933868,0.261847,0.237403,0.0288892,-0.132452,-0.0211432,-0.0480584,0.0519333,0.212316,-0.307889,0.0707199,-0.0973685,-0.156628,-0.126728,0.355984,0.202754,0.113355,-0.131323,0.0371031,-0.00837234,-0.0807837,-0.123734,-0.0692885,0.00945302,-0.135996,-0.0206367,0.111996,0.16251,-0.0649687,0.00734472,0.283987,-0.00486115,0.0216063,0.0999029,0.204292,0.00386914,-0.157197,-0.0825585,-0.308326,0.351377,-0.18012,-0.115361,0.317848,0.0594995,-0.00320485,-0.395714,0.263,0.0995882,0.097676,-0.0191372,0.0800922,0.242822,-0.0681453,-0.0931348,-0.0526772,-0.0388388,0.105475,0.0660027,},
{0.384385,0.278109,-0.101429,-0.0809574,-0.174922,0.0382442,0.0280979,0.186334,0.353307,0.103988,-0.122687,-0.0926459,-0.0497097,0.108143,0.216806,-0.295093,0.0877001,-0.171296,-0.210186,-0.0576128,0.378068,0.138548,0.158632,-0.082811,0.0329747,-0.0476905,-0.0344588,-0.102113,-0.0871762,0.00307437,-0.151464,-0.0482209,0.10578,0.0742986,-0.121108,0.0111849,0.2169,0.000151182,0.0703691,-0.0762415,0.272538,0.0653219,-0.0707812,-0.226831,-0.300916,0.396123,-0.0569709,-0.135626,0.310684,0.0211233,-0.053547,-0.318065,0.240454,0.097096,0.109288,-0.0154176,0.0336122,0.247889,-0.0805284,-0.0322009,0.0110135,-0.0998196,0.0736904,0.0528098,},
{0.354326,0.360922,-0.0805559,-0.06046,-0.113989,0.0125176,-0.0720175,0.27243,0.26469,0.0101402,-0.136025,-0.00908903,-0.0638786,-0.00767089,0.154862,-0.280401,0.0501547,-0.163301,-0.188117,-0.113477,0.333283,0.288326,0.0941527,-0.173742,0.0555889,-0.059141,-0.0408466,-0.0624531,-0.11924,-0.0787052,-0.191112,-0.0355675,0.0969588,0.110167,-0.0704215,0.0495698,0.250255,-0.0124124,-0.0300289,0.112855,0.210028,0.0851131,-0.136742,-0.0580664,-0.286999,0.336561,-0.194221,-0.176637,0.321471,-0.00237687,-0.0806483,-0.411366,0.252041,0.000243728,0.0276571,-0.0324212,0.0653607,0.229524,-0.126241,-0.103797,-0.0763816,-0.0366395,0.0591352,0.0171403,},
{0.334138,0.263986,-0.135945,-0.0583841,-0.190492,0.0308024,0.0507876,0.163815,0.349286,0.0984125,-0.130733,-0.191272,-0.036181,0.0878059,0.249745,-0.336952,0.0333757,-0.136343,-0.193606,-0.0826828,0.380322,0.138183,0.193796,-0.069079,0.112186,0.0787043,-0.0549397,-0.147438,-0.0773392,0.0403134,-0.0889512,-0.0681866,0.103721,0.116672,-0.1537,0.0442451,0.18349,-0.0420503,0.136945,-0.0309547,0.312534,0.124793,-0.129336,-0.256994,-0.305163,0.39434,-0.0617283,-0.155513,0.388241,-0.0188793,0.00941399,-0.248189,0.244478,0.101282,0.219619,-0.00990254,0.0893807,0.271642,-0.0846944,-0.0871743,-0.0257356,-0.102509,0.0281015,0.051,},
{0.328353,0.282068,-0.111545,-0.0682766,-0.156316,0.0658646,0.0558223,0.188305,0.288651,0.0937935,-0.137342,-0.127213,-0.0400849,0.0591639,0.234416,-0.333481,0.0633799,-0.176556,-0.178521,-0.0470131,0.365,0.138978,0.167806,-0.0393128,0.0595673,0.0396495,-0.0401237,-0.0806017,-0.0658164,0.0536738,-0.0905223,-0.0735719,0.103303,0.156932,-0.145012,0.0267262,0.226043,-0.0711648,0.120941,0.0218142,0.269382,0.0454406,-0.0795062,-0.168287,-0.330496,0.382629,-0.0655447,-0.114956,0.344781,0.0102644,-0.0503298,-0.294118,0.254234,0.0895633,0.154942,0.00319105,0.0324278,0.277001,-0.0469623,-0.0720119,-0.041364,-0.119906,0.053757,0.0579539,},
{0.348313,0.25712,-0.0465902,-0.0680616,-0.229366,-0.017014,-0.0657247,0.24018,0.269584,0.0748074,-0.0949057,-0.0436949,-0.0922839,-0.0458646,0.178234,-0.280501,0.0650822,-0.178585,-0.279954,-0.117584,0.341273,0.254137,0.111132,-0.136231,0.112383,-0.14977,0.00563166,-0.12494,-0.15326,-0.158465,-0.111443,-0.0278758,0.0567373,0.0576999,-0.0766447,0.0226566,0.219215,0.0252646,-0.120047,0.114182,0.275274,0.106899,-0.0919122,-0.0769696,-0.332946,0.353213,-0.14124,-0.185535,0.394088,-0.0594916,-0.112654,-0.387177,0.293058,0.0637419,0.114179,-0.00207502,0.00121768,0.196213,-0.120474,-0.0612617,-0.0434848,-0.151816,0.0394441,0.00138198,},
{0.312738,0.27938,-0.131828,-0.0681579,-0.159836,0.0172194,-0.00755028,0.14381,0.383167,0.0656817,-0.0903867,-0.24101,-0.0445816,0.134219,0.225621,-0.284262,-0.00348731,-0.121774,-0.205034,-0.105628,0.377026,0.118561,0.179876,-0.0822508,0.0884117,0.049772,-0.113805,-0.145522,-0.0654035,0.0389704,-0.0860225,-0.0412617,0.139498,0.0756844,-0.158928,0.0306258,0.16514,-0.0179804,0.100632,-0.0455607,0.276116,0.117787,-0.118324,-0.250924,-0.294501,0.40069,-0.078345,-0.206182,0.385703,0.0128129,-0.0272476,-0.218489,0.216542,0.132377,0.250086,-0.04848,0.0940176,0.255131,-0.0469493,-0.100865,0.02263,-0.144473,0.0264293,0.0762801,},
{0.326983,0.288294,-0.123879,-0.0661792,-0.153076,0.0113055,0.00694396,0.170049,0.344037,0.075376,-0.128465,-0.17555,-0.0422548,0.114596,0.238766,-0.307694,0.02532,-0.127687,-0.204947,-0.0991426,0.358349,0.117809,0.167036,-0.0763979,0.0943917,0.0684555,-0.0626319,-0.156777,-0.0852579,0.046775,-0.10025,-0.0596804,0.122825,0.101321,-0.165716,0.0422321,0.201707,-0.0192383,0.119989,-0.0170016,0.288478,0.0875092,-0.123113,-0.216912,-0.297786,0.388994,-0.0854705,-0.145261,0.375244,0.00858913,-0.0283128,-0.247883,0.247447,0.101873,0.219198,-0.0223612,0.0836127,0.26304,-0.0492713,-0.116363,-0.0401318,-0.0976674,0.039663,0.0623411,},
{0.337098,0.272223,-0.113671,-0.066389,-0.174619,0.0498302,0.0532992,0.171731,0.309595,0.110677,-0.12981,-0.119899,-0.0412627,0.0708006,0.228556,-0.330753,0.0760462,-0.181465,-0.191128,-0.0694859,0.35353,0.135701,0.163064,-0.0576684,0.0869959,0.0229441,-0.0329823,-0.0963542,-0.0905577,0.0451814,-0.0807365,-0.0526552,0.088447,0.136248,-0.141901,0.0125993,0.207876,-0.0529433,0.0824116,0.00256087,0.297482,0.0462642,-0.0824134,-0.183674,-0.327322,0.38147,-0.0555368,-0.126718,0.357385,-0.00931421,-0.0464934,-0.298059,0.250218,0.123844,0.185824,0.0155089,0.049364,0.265509,-0.0498467,-0.0381195,-0.041115,-0.1382,0.0277907,0.0680383,},
{0.328376,0.288343,-0.108912,-0.089795,-0.159862,0.0640467,0.0487842,0.196911,0.306118,0.0881504,-0.130719,-0.119814,-0.0274896,0.0716616,0.235194,-0.313938,0.0729173,-0.165125,-0.194289,-0.0594069,0.350394,0.144065,0.163405,-0.043835,0.0499563,0.0399874,-0.0271699,-0.0851557,-0.0750147,0.0538931,-0.0967551,-0.0671947,0.08886,0.151382,-0.157529,0.030217,0.216805,-0.0690808,0.118467,0.0033869,0.280942,0.0401629,-0.0883789,-0.171455,-0.330175,0.38321,-0.0680055,-0.129035,0.344632,0.0121471,-0.0492633,-0.301613,0.256501,0.0851297,0.154268,0.000653743,0.0355314,0.272202,-0.0515556,-0.0530708,-0.0406433,-0.108033,0.0505177,0.0554236,},
{0.343647,0.327924,-0.0801486,-0.0506037,-0.147093,-0.00823261,-0.0675319,0.258218,0.248148,0.0322595,-0.130799,-0.0325714,-0.0756222,-0.0405417,0.160619,-0.286379,0.0545775,-0.176562,-0.19959,-0.114449,0.347108,0.273892,0.0860045,-0.152525,0.080768,-0.0706318,-0.0297626,-0.0847891,-0.128302,-0.0939313,-0.148688,-0.0439424,0.0881591,0.111986,-0.0722897,0.0311215,0.258028,-0.00277666,-0.0593739,0.129132,0.217497,0.0919018,-0.1227,-0.0442122,-0.305359,0.338842,-0.18191,-0.173229,0.351974,-0.0255767,-0.107114,-0.403865,0.26139,0.0169832,0.0570625,-0.0231509,0.0465819,0.225215,-0.125785,-0.098946,-0.0717893,-0.079166,0.0471894,0.00877379,},
{0.319042,0.363713,-0.0724174,-0.134752,-0.0978266,-0.0692006,-0.115709,0.273363,0.287024,-0.00273063,-0.143162,-0.0660103,-0.0448315,-0.0141122,0.14482,-0.233629,0.0334603,-0.118189,-0.219696,-0.177933,0.313837,0.317307,0.0820768,-0.148218,0.0718844,-0.0486922,-0.006121,-0.102746,-0.138622,-0.117998,-0.232239,-0.0656568,0.0668838,0.0459374,-0.137986,0.108513,0.199493,0.0466653,-0.0494522,0.0803884,0.224746,0.139644,-0.176507,-0.0714937,-0.28927,0.333388,-0.217602,-0.213413,0.347479,0.00223347,-0.133701,-0.386541,0.243111,-0.067287,0.0232493,-0.0931289,0.0932731,0.215566,-0.177784,-0.130565,-0.0855251,0.000103742,0.0312705,-0.0224503,},
{0.339878,0.359475,-0.0458917,-0.11959,-0.103087,-0.0167769,-0.0944185,0.277869,0.260917,-0.00683262,-0.157353,-0.0282731,-0.0185196,-0.0258869,0.147794,-0.247249,0.0373502,-0.130005,-0.191385,-0.160467,0.330164,0.312117,0.102878,-0.145161,0.0639276,-0.0579108,-0.00525936,-0.0958392,-0.121479,-0.107647,-0.268318,-0.0705482,0.0431514,0.0559188,-0.106407,0.138983,0.206303,0.017741,-0.0223843,0.0949415,0.238136,0.130585,-0.169507,-0.0624057,-0.287809,0.345828,-0.213436,-0.198525,0.322211,0.0187106,-0.121663,-0.387443,0.24521,-0.0776176,-0.0201264,-0.075684,0.0758402,0.229226,-0.176593,-0.124476,-0.106811,0.0380805,0.0618962,-0.0356497,},
{0.314356,0.246897,-0.110554,-0.0699704,-0.192086,0.0551966,0.0562716,0.177879,0.337299,0.100885,-0.126188,-0.17028,-0.0117204,0.0591269,0.241497,-0.330136,0.0538308,-0.171331,-0.18433,-0.0639373,0.387765,0.137972,0.184403,-0.0467979,0.0812157,0.0363473,-0.0358766,-0.127221,-0.0736662,0.0413065,-0.086336,-0.0927644,0.0763953,0.11947,-0.149331,0.0390432,0.205449,-0.0491335,0.123017,-0.0233317,0.298033,0.104742,-0.0857412,-0.219567,-0.334897,0.391041,-0.0566518,-0.156,0.38231,-0.00814672,-0.0195394,-0.278255,0.251208,0.100377,0.197565,-0.00825226,0.0515994,0.27727,-0.0645588,-0.0679582,-0.0233608,-0.115817,0.0176266,0.0532107,},
{0.336732,0.370986,-0.0502031,-0.161426,-0.124696,-0.0340769,-0.0845142,0.280741,0.307543,-0.00424536,-0.149134,-0.0568499,0.0021561,-0.031012,0.15151,-0.228662,0.0352931,-0.13462,-0.17955,-0.158849,0.353638,0.318202,0.106419,-0.162394,0.0479915,-0.0694971,0.00439189,-0.0845134,-0.138494,-0.098224,-0.27975,-0.0874032,0.0283167,0.0380059,-0.126524,0.151385,0.193713,0.0457623,-0.0200398,0.0681166,0.247457,0.14898,-0.192493,-0.0767156,-0.269501,0.345415,-0.217084,-0.227577,0.30231,0.0184486,-0.111865,-0.400624,0.242553,-0.0893426,-0.0254578,-0.0919561,0.0797283,0.216433,-0.193659,-0.126577,-0.0910697,0.0447457,0.0458566,-0.0563551,},
{0.317884,0.242828,0.0199006,-0.144877,-0.170965,-0.0762648,-0.103919,0.208801,0.303633,0.0296331,-0.0861359,-0.121278,-0.0135541,-0.0482743,0.114441,-0.191915,0.0483797,-0.16166,-0.227017,-0.203567,0.392308,0.295481,0.131606,-0.168531,0.0814559,-0.181602,-0.0447954,-0.12125,-0.181682,-0.166936,-0.217061,-0.0946093,0.0203933,-0.0452061,-0.0828948,0.109142,0.173866,0.0915314,-0.140648,0.0248383,0.274961,0.161514,-0.13875,-0.0684173,-0.302102,0.365287,-0.194498,-0.236277,0.329018,0.00516967,-0.152421,-0.393153,0.263469,-0.0151896,0.0461342,-0.106545,0.0270157,0.188165,-0.170529,-0.0705998,-0.0336303,-0.0755819,0.0121928,-0.0594162,},
{0.327249,0.368411,-0.0632005,-0.126221,-0.116736,0.0141285,-0.0830177,0.289749,0.29168,0.0168522,-0.153864,-0.0234377,-0.00681655,-0.0186803,0.169287,-0.240377,0.0469533,-0.140529,-0.194077,-0.133265,0.333522,0.304351,0.0864332,-0.14024,0.0483797,-0.074552,0.00346527,-0.0958244,-0.113985,-0.0994898,-0.249023,-0.0693423,0.0449436,0.0749314,-0.12047,0.118264,0.2108,0.014886,-0.024806,0.0816799,0.230388,0.119407,-0.13716,-0.0692234,-0.299073,0.337946,-0.201814,-0.21133,0.339482,0.0224837,-0.112451,-0.402358,0.242435,-0.0491995,0.0120673,-0.0549346,0.0555851,0.233355,-0.158266,-0.123286,-0.0828483,0.0305597,0.0468015,-0.0105602,},
{0.345809,0.34168,-0.0859863,-0.0593101,-0.139433,0.00473128,-0.0625204,0.273483,0.262426,0.017807,-0.12722,-0.0266893,-0.0811437,-0.0190557,0.175673,-0.282979,0.0659527,-0.161744,-0.208217,-0.092777,0.349137,0.266344,0.0929326,-0.146489,0.0501146,-0.0515104,-0.0270278,-0.0803532,-0.121438,-0.0718172,-0.147405,-0.039566,0.0959859,0.113447,-0.089798,0.0260463,0.258886,-0.0118972,-0.0420498,0.119048,0.216757,0.0845432,-0.144217,-0.0521755,-0.30939,0.349222,-0.195678,-0.177878,0.333901,-0.00929065,-0.0926346,-0.42359,0.262794,0.0241529,0.0532549,-0.0259624,0.0389528,0.229928,-0.110543,-0.0983855,-0.0653642,-0.0681057,0.0625864,0.00538312,},
{0.328116,0.237088,-0.0275684,-0.0906551,-0.240583,-0.0171208,-0.0670699,0.240118,0.273847,0.0798687,-0.0943108,-0.055471,-0.0777929,-0.0491401,0.186147,-0.265693,0.0727999,-0.164486,-0.293523,-0.133373,0.349649,0.252262,0.114013,-0.123453,0.108818,-0.155315,0.0168688,-0.149456,-0.166153,-0.171497,-0.113893,-0.0448493,0.0353461,0.0534741,-0.0783414,0.0322558,0.213044,0.0240121,-0.118857,0.108051,0.283783,0.11321,-0.0935187,-0.0759351,-0.340728,0.360427,-0.144471,-0.194312,0.405011,-0.0570659,-0.129383,-0.382259,0.29993,0.0409502,0.109552,-0.00726491,-0.0122095,0.195536,-0.1292,-0.0603317,-0.0536512,-0.135421,0.0415792,-0.0139033,},
{0.322114,0.276003,-0.126559,-0.0731216,-0.194247,0.0452536,0.0371162,0.179948,0.360476,0.109025,-0.133287,-0.16808,-0.00278412,0.0691615,0.238329,-0.318578,0.0469874,-0.153122,-0.19846,-0.0800652,0.36222,0.124228,0.160943,-0.0669898,0.0942361,0.0303987,-0.038709,-0.142935,-0.0767568,0.0388555,-0.0824006,-0.0707618,0.0696559,0.123794,-0.160057,0.0347187,0.199541,-0.0360281,0.114993,-0.0276525,0.300067,0.0862248,-0.0884936,-0.222356,-0.319628,0.386865,-0.0572271,-0.167014,0.408084,-0.0258601,-0.016441,-0.272962,0.251212,0.120442,0.223994,0.00331926,0.0735313,0.267813,-0.0616132,-0.0787455,-0.0207288,-0.109938,-0.00166026,0.068707,},
{0.344018,0.30581,-0.101341,-0.0730662,-0.149568,0.0394329,0.0142959,0.213759,0.322598,0.108021,-0.148013,-0.0769686,-0.0310525,0.100691,0.225321,-0.281416,0.0708928,-0.127551,-0.218627,-0.115022,0.335542,0.123187,0.0915635,-0.0979986,0.0638982,-0.0377808,-0.0332626,-0.17746,-0.0758093,0.00787046,-0.123312,-0.0410439,0.0696997,0.114695,-0.109223,0.00123274,0.264714,0.0232377,0.0430883,0.0230197,0.25149,0.0259579,-0.124095,-0.164258,-0.298813,0.377594,-0.0874468,-0.144198,0.380843,0.0302588,-0.0598622,-0.323978,0.240102,0.0939804,0.136725,-0.0110018,0.091098,0.220846,-0.074429,-0.0657894,-0.0408558,-0.0484187,0.0656569,0.0661691,},
{0.339515,0.348515,-0.0817094,-0.063893,-0.139714,0.0584915,-0.0411668,0.293729,0.296255,0.0472945,-0.12147,-0.0311241,-0.0581186,0.0317215,0.209665,-0.282848,0.0681445,-0.149295,-0.209758,-0.111441,0.341293,0.230171,0.0845162,-0.146275,0.0311942,-0.0602086,-0.0378024,-0.104158,-0.0961582,-0.0457437,-0.148801,-0.0346315,0.0762381,0.126291,-0.0846599,0.00379311,0.263955,-0.0183584,-0.0140285,0.107215,0.207407,0.0655386,-0.13747,-0.0869818,-0.309948,0.360783,-0.174739,-0.185425,0.35956,0.00897523,-0.0443455,-0.420575,0.265807,0.0485479,0.0763977,-0.00403845,0.0698331,0.230306,-0.0951137,-0.103205,-0.0518715,-0.0434779,0.0698161,0.0403063,},
{0.398106,0.261685,-0.0442354,-0.0264257,-0.151425,-0.0532167,-0.0598911,0.209617,0.258648,0.0113511,-0.0913443,-0.0386183,-0.103312,0.0166595,0.116944,-0.270897,0.0795648,-0.159014,-0.214419,-0.135816,0.372889,0.267182,0.114278,-0.179175,0.0841102,-0.173732,-0.0725811,-0.0809557,-0.160577,-0.115582,-0.161514,-0.0399561,0.0761891,0.00662312,-0.00559345,0.0403545,0.211893,0.0202625,-0.117547,0.0745019,0.233799,0.113012,-0.125622,-0.0708181,-0.294223,0.363458,-0.153955,-0.174391,0.301249,-0.011812,-0.102452,-0.394996,0.223083,0.0611149,0.0207389,-0.0465716,0.00878133,0.177038,-0.106075,-0.0231417,-0.0353652,-0.151174,0.0198991,-0.0263879,},
{0.339804,0.292559,-0.0723384,-0.114849,-0.13127,0.0561949,0.00217967,0.204228,0.344263,0.0917696,-0.115378,-0.0891882,-0.0255772,0.103689,0.225474,-0.256451,0.0900544,-0.117788,-0.217393,-0.124343,0.377117,0.171514,0.127948,-0.0688895,0.033311,-0.0488136,-0.00799402,-0.156361,-0.100997,-0.021676,-0.163803,-0.0409856,0.0807071,0.062765,-0.147438,0.021997,0.201806,0.0474359,-0.00247729,-0.0479502,0.272407,0.0610921,-0.120627,-0.199049,-0.317704,0.393465,-0.111566,-0.163592,0.327993,0.0662675,-0.0841508,-0.333901,0.24185,0.0792787,0.106589,-0.0416715,0.0538034,0.228666,-0.111478,-0.0144845,-0.00158685,-0.0684819,0.0944323,0.0484905,},
{0.36759,0.256608,-0.0838301,-0.0971145,-0.176795,0.055506,0.0505124,0.179608,0.326771,0.110268,-0.134898,-0.101615,-0.0491807,0.060011,0.220915,-0.31177,0.0877342,-0.15787,-0.219679,-0.0486827,0.398979,0.140401,0.175132,-0.066454,0.0412558,0.00784167,-0.0161847,-0.138285,-0.102088,0.0191488,-0.142108,-0.0668362,0.113839,0.126588,-0.141905,0.0236478,0.234997,-0.0120883,0.108662,-0.0463287,0.300275,0.0430168,-0.0815253,-0.197041,-0.327023,0.386217,-0.0859445,-0.101627,0.311029,0.00619407,-0.033758,-0.329139,0.303744,0.0693869,0.126643,-0.0237886,0.0367582,0.282496,-0.0990196,-0.0676759,-0.036938,-0.082177,0.100633,0.0230466,},
{0.314243,0.273654,-0.128404,-0.0764701,-0.159529,0.0376606,0.045356,0.165091,0.330807,0.0787629,-0.116482,-0.200422,-0.0556305,0.0819418,0.244333,-0.341282,0.025408,-0.129561,-0.203244,-0.0719743,0.368725,0.143253,0.194901,-0.042259,0.0978309,0.0876214,-0.0562703,-0.127508,-0.0646046,0.0571738,-0.083695,-0.0615179,0.123954,0.129188,-0.173548,0.0510648,0.182743,-0.0557046,0.139037,0.00473539,0.285448,0.101031,-0.117156,-0.220467,-0.319615,0.390856,-0.0720482,-0.157554,0.381354,0.0071394,-0.0166412,-0.241224,0.250123,0.0940965,0.219306,-0.0201264,0.0751885,0.275229,-0.0556303,-0.100535,-0.0377821,-0.135102,0.0434635,0.0594284,},
{0.349966,0.272799,0.0153803,-0.172161,-0.126912,-0.0721209,-0.103433,0.21784,0.288815,-0.035307,-0.0763665,-0.120416,-0.010688,-0.0507826,0.111241,-0.182349,0.0403143,-0.138678,-0.195635,-0.200789,0.404511,0.338628,0.14985,-0.133314,0.0619105,-0.107835,-0.0148758,-0.125957,-0.132627,-0.138478,-0.282343,-0.0677351,0.0366963,-0.0626958,-0.121916,0.185147,0.149744,0.0947147,-0.104181,0.0201536,0.27187,0.1749,-0.163822,-0.0502041,-0.317128,0.355485,-0.225508,-0.263013,0.278858,0.0646328,-0.145283,-0.372854,0.243991,-0.0369887,0.00990878,-0.149939,0.0498708,0.216142,-0.19096,-0.080586,-0.0460221,-0.0571471,0.0632783,-0.0636205,},
{0.326891,0.325504,-0.0733126,-0.0752619,-0.126276,0.0880519,-0.0131624,0.28244,0.287449,0.0583267,-0.114102,-0.0546664,-0.00903986,0.070852,0.234,-0.264271,0.0626684,-0.125421,-0.205972,-0.138732,0.334983,0.171893,0.0953612,-0.103813,0.00951445,-0.0402592,-0.0422994,-0.124297,-0.081071,-0.00489584,-0.119817,-0.0486712,0.0615991,0.143569,-0.105738,0.00350165,0.267397,-0.00591419,0.0232632,0.0771008,0.218689,0.0191937,-0.142186,-0.107314,-0.31601,0.36945,-0.139473,-0.156794,0.355182,0.0443098,-0.0411391,-0.376,0.266332,0.0688179,0.106068,-0.0174627,0.0628046,0.2292,-0.0722248,-0.0625886,-0.0311602,-0.0517606,0.0857889,0.0551036,},
{0.298586,0.263018,-0.114868,-0.0794811,-0.177043,0.0631458,0.0470513,0.191441,0.316112,0.103947,-0.143977,-0.152769,0.00216736,0.0538909,0.241088,-0.313885,0.050944,-0.171564,-0.194672,-0.0677661,0.367992,0.13377,0.158467,-0.0503194,0.0688022,0.0454855,-0.0327973,-0.123196,-0.0743407,0.0476883,-0.0846739,-0.0972153,0.0823765,0.154666,-0.165992,0.0289164,0.225729,-0.0469479,0.126884,-0.00130834,0.290545,0.0720525,-0.0812632,-0.188199,-0.333495,0.380276,-0.0677663,-0.131913,0.388494,-0.010485,-0.0377559,-0.28773,0.262804,0.087803,0.197429,-0.003815,0.0507681,0.281481,-0.064058,-0.0821516,-0.0354731,-0.0949039,0.0226508,0.0533081,},
{0.340907,0.309136,-0.00325666,-0.190908,-0.152851,-0.0434773,-0.0851099,0.247504,0.320262,0.0131507,-0.113305,-0.0872442,-0.0117311,-0.0418054,0.151454,-0.223166,0.0703406,-0.120448,-0.223059,-0.172498,0.375437,0.302495,0.152215,-0.145049,0.0752255,-0.0899564,0.0172205,-0.146071,-0.138678,-0.125998,-0.268251,-0.0508712,0.00628815,-0.0200176,-0.128406,0.164066,0.163895,0.0695806,-0.0628414,0.0485965,0.286558,0.147038,-0.181365,-0.0717974,-0.314037,0.368446,-0.223053,-0.244178,0.311547,0.023888,-0.107453,-0.400165,0.284567,-0.0290788,0.0325613,-0.110384,0.0664465,0.217531,-0.195127,-0.102052,-0.0797058,-0.015879,0.0538732,-0.0527265,},
{0.356162,0.259756,-0.0299869,-0.0991148,-0.218618,-0.040359,-0.0798291,0.226569,0.291674,0.0661849,-0.10373,-0.0493888,-0.0654235,-0.0495875,0.150913,-0.245752,0.0799727,-0.156244,-0.274515,-0.132112,0.350595,0.276779,0.112752,-0.138122,0.11527,-0.193413,0.0150476,-0.137861,-0.16387,-0.18927,-0.158941,-0.0377634,0.0180635,0.00587622,-0.0716458,0.0752355,0.17512,0.0467097,-0.14546,0.0781753,0.28298,0.126089,-0.0880348,-0.0826017,-0.332821,0.352117,-0.150212,-0.217584,0.383071,-0.0565425,-0.1419,-0.379904,0.2657,0.0532255,0.0765752,-0.0321333,-0.00704748,0.174809,-0.148091,-0.0487773,-0.0385244,-0.140321,0.00770524,-0.019303,},
{0.316076,0.249695,-0.105069,-0.0786122,-0.168573,0.0705786,0.0568698,0.191453,0.310104,0.0997594,-0.139458,-0.133487,-0.00623147,0.0396668,0.231847,-0.310834,0.0529387,-0.172764,-0.199124,-0.0437213,0.386325,0.149139,0.160621,-0.0441402,0.0449621,0.0180956,-0.0226321,-0.11545,-0.0729957,0.041433,-0.104828,-0.101075,0.104369,0.145597,-0.166131,0.0314864,0.236516,-0.0289381,0.123779,-0.0212652,0.285557,0.0675276,-0.0546442,-0.183326,-0.343093,0.370929,-0.0643086,-0.118154,0.361381,0.0132515,-0.0370044,-0.301574,0.274771,0.0778888,0.172371,-0.0120999,0.0243262,0.288753,-0.0665137,-0.0734422,-0.0225722,-0.0929301,0.046137,0.0387202,},
{0.321516,0.296286,-0.0803512,-0.0965521,-0.149238,0.0838635,0.0128166,0.263924,0.283512,0.0713262,-0.115923,-0.0613111,-0.0149371,0.0588599,0.239572,-0.282534,0.0602247,-0.113833,-0.221186,-0.14355,0.350662,0.182013,0.111984,-0.0822288,0.0312241,-0.0408301,-0.00545671,-0.137797,-0.0887637,-0.02353,-0.121494,-0.0346063,0.0636287,0.135031,-0.119342,0.0165744,0.236071,0.0142659,0.0173574,0.0826048,0.248979,0.0358162,-0.14455,-0.1268,-0.324946,0.365072,-0.121126,-0.147934,0.352183,0.0341477,-0.0463379,-0.347171,0.271291,0.0597854,0.112827,-0.0238987,0.0575334,0.230938,-0.105002,-0.0377526,-0.0345836,-0.0749963,0.0919251,0.0400406,},
{0.317702,0.262315,-0.108854,-0.067359,-0.184179,0.050559,0.0418312,0.180095,0.329913,0.111825,-0.136651,-0.155696,-0.0126357,0.073836,0.234227,-0.332183,0.049359,-0.160813,-0.200093,-0.0829138,0.369615,0.117296,0.158302,-0.0592189,0.0875683,0.00802781,-0.0358204,-0.122691,-0.0851098,0.0340194,-0.0872687,-0.0830317,0.0745662,0.122607,-0.146195,0.0239437,0.210072,-0.0386585,0.106585,-0.00582413,0.283616,0.0760118,-0.0815084,-0.212848,-0.315118,0.397758,-0.0509275,-0.130309,0.392958,-0.0149223,-0.0358733,-0.269138,0.258403,0.0982376,0.187307,0.010698,0.0564242,0.258238,-0.0605662,-0.0735734,-0.0321288,-0.119208,0.0166506,0.058746,},
{0.316347,0.310314,-0.110777,-0.0999641,-0.156899,0.0457188,0.0356603,0.218938,0.298787,0.0936012,-0.111087,-0.101694,-0.056175,0.0964293,0.269968,-0.293791,0.0783086,-0.169596,-0.191886,-0.0840757,0.321857,0.149801,0.131632,-0.0485936,0.0609661,0.0497803,-0.00886478,-0.0849423,-0.091888,0.0616883,-0.0765067,-0.0635898,0.0971761,0.151311,-0.168434,0.00994276,0.229937,-0.0433413,0.0793219,0.0157179,0.273548,0.0286493,-0.113532,-0.151619,-0.32973,0.37131,-0.063993,-0.127276,0.345556,0.0348805,-0.0658379,-0.304925,0.242283,0.0824037,0.163427,0.0103593,0.0432582,0.248988,-0.0384571,-0.0344184,-0.0400926,-0.102864,0.0856419,0.0656892,},
{0.352865,0.30601,-0.0734625,-0.0355234,-0.121235,0.0925114,0.0208412,0.263992,0.264186,0.0503052,-0.100329,-0.0579906,-0.0485046,0.0699418,0.238179,-0.303887,0.0725532,-0.127133,-0.206528,-0.106047,0.330366,0.171408,0.136669,-0.0898281,0.0308384,-0.0419363,-0.0592343,-0.119339,-0.0483705,0.00560995,-0.0912724,-0.0301434,0.0731757,0.13347,-0.0827436,0.00702929,0.258273,-0.0177646,0.017119,0.100562,0.222518,0.0244338,-0.139019,-0.113324,-0.324495,0.382337,-0.115809,-0.156274,0.357931,0.0379918,-0.0275292,-0.351912,0.2469,0.130518,0.115004,-0.00752896,0.0512238,0.206679,-0.0373616,-0.0363303,-0.0163669,-0.138761,0.0933952,0.0821793,},
{0.336123,0.265231,-0.0732523,-0.0888412,-0.159043,0.0212737,-0.00460966,0.115703,0.358859,0.10663,-0.104635,-0.150049,-0.033682,0.114478,0.185007,-0.246858,0.0703786,-0.132395,-0.19689,-0.15268,0.398227,0.112564,0.1248,-0.0939907,0.105427,-0.0516531,-0.0720504,-0.211137,-0.0945476,-0.00482253,-0.129271,-0.000518778,0.0906745,0.0401968,-0.109823,0.0151584,0.193429,0.0482134,-0.0276721,-0.0440422,0.295141,0.0431445,-0.107279,-0.177992,-0.302349,0.399084,-0.0981716,-0.186585,0.353327,0.0527875,-0.102828,-0.278255,0.222728,0.150897,0.190701,-0.0392549,0.0859303,0.226677,-0.0748284,-0.039748,-0.0125485,-0.116951,0.0575417,0.0815041,},
{0.337291,0.268876,-0.0769885,-0.125534,-0.152286,0.0353829,0.0230367,0.211689,0.329874,0.123514,-0.141654,-0.0817466,-0.0177771,0.0934154,0.24157,-0.266019,0.101573,-0.147979,-0.230118,-0.120284,0.372984,0.147128,0.12592,-0.0708246,0.02974,-0.0194721,0.0152917,-0.159264,-0.116614,-0.00929204,-0.154857,-0.0659578,0.0778065,0.0936122,-0.159395,0.00213098,0.235092,0.0568732,0.0317934,-0.0480625,0.283702,0.045489,-0.117359,-0.197987,-0.315974,0.389773,-0.0958484,-0.119257,0.331424,0.0347464,-0.0836824,-0.339868,0.269831,0.0624809,0.110763,-0.0319315,0.0664013,0.242098,-0.127254,-0.0220771,-0.0247671,-0.052712,0.0998587,0.0395048,},
{0.325764,0.302019,-0.00799423,-0.176349,-0.166863,-0.0702554,-0.0990653,0.263286,0.2979,0.0330609,-0.13117,-0.100238,-0.00866936,-0.0820453,0.169273,-0.20217,0.0497755,-0.132008,-0.209148,-0.161542,0.374829,0.306347,0.138677,-0.134015,0.0776628,-0.0853666,0.0146062,-0.12842,-0.154991,-0.152752,-0.238344,-0.0908179,0.0027713,-0.00354515,-0.128607,0.161705,0.173399,0.0613964,-0.0636498,0.0542312,0.285428,0.16275,-0.177815,-0.0616767,-0.329573,0.355376,-0.216719,-0.239499,0.328326,2.99625e-05,-0.131056,-0.39965,0.288531,-0.0601781,0.0313272,-0.113291,0.040612,0.225687,-0.210056,-0.109816,-0.0641733,0.011294,0.0475549,-0.0884606,},
{0.359434,0.379833,-0.078807,-0.0568695,-0.0820348,0.0646075,-0.0415139,0.287759,0.266606,0.0196126,-0.143767,-0.0110303,-0.0422624,0.0385831,0.195,-0.293938,0.0545834,-0.113181,-0.177957,-0.126264,0.331124,0.239724,0.106035,-0.153448,0.0321202,-0.0451894,-0.0563346,-0.0788838,-0.0788556,-0.0312752,-0.195477,-0.0302542,0.0961318,0.126704,-0.0792963,0.0423911,0.249688,0.00482347,0.0151265,0.0849917,0.196236,0.0456583,-0.148655,-0.0940107,-0.282673,0.35702,-0.173475,-0.152764,0.324724,0.0281831,-0.0401184,-0.388454,0.249215,0.0384837,0.0381465,-0.0214453,0.0902643,0.226433,-0.098227,-0.105703,-0.0542705,-0.020027,0.0960357,0.052089,},
{0.328394,0.268301,-0.0650541,-0.0569394,-0.209182,0.0115983,-0.0310144,0.249106,0.263499,0.0676637,-0.104564,-0.0536378,-0.0905353,-0.0413198,0.193451,-0.295716,0.0532973,-0.16333,-0.2592,-0.0986715,0.351532,0.251778,0.110014,-0.116438,0.0938159,-0.112994,-0.0030969,-0.117017,-0.129326,-0.12353,-0.0850843,-0.0323814,0.0764687,0.0970792,-0.0876451,0.00572812,0.229714,0.00286343,-0.0891075,0.139779,0.269288,0.0973558,-0.111549,-0.0755289,-0.338115,0.3524,-0.143984,-0.185145,0.395196,-0.0471321,-0.0913705,-0.389051,0.291099,0.065507,0.117939,0.00164246,0.0076208,0.203686,-0.104113,-0.0713832,-0.0445047,-0.153047,0.0416264,0.0137305,},
{0.29891,0.297913,-0.0388372,-0.132097,-0.189954,-0.0235352,-0.0926786,0.261861,0.292164,0.0687342,-0.131792,-0.0487022,-0.0256377,-0.0690051,0.179881,-0.227488,0.0533537,-0.168869,-0.240728,-0.1423,0.336785,0.302581,0.103988,-0.140147,0.0974385,-0.113134,0.0248871,-0.125014,-0.173453,-0.172832,-0.172897,-0.0739947,0.0315915,0.0695112,-0.108438,0.0877439,0.199008,0.0314675,-0.0938103,0.0920575,0.273118,0.127091,-0.101025,-0.0650426,-0.327511,0.323117,-0.180747,-0.218375,0.386824,-0.0458721,-0.14513,-0.388653,0.282348,-0.0195406,0.083945,-0.040957,0.0139654,0.212978,-0.168513,-0.0964483,-0.0732685,-0.0494004,0.0206439,-0.0130121,},
{0.3444,0.33129,-0.0907287,-0.0130034,-0.117685,0.0617924,-0.0218471,0.263384,0.239187,0.024612,-0.127326,-0.015135,-0.102439,0.0210484,0.197282,-0.32292,0.0496465,-0.144737,-0.201979,-0.0862291,0.345665,0.244705,0.109312,-0.128664,0.06087,-0.0363689,-0.0504465,-0.0958346,-0.0906533,-0.0429764,-0.123982,-0.0186402,0.127694,0.14303,-0.0686052,-0.00451029,0.261486,-0.0276183,-0.023701,0.153562,0.224296,0.0681975,-0.141472,-0.0769232,-0.314505,0.353236,-0.172145,-0.155113,0.345697,0.000487398,-0.0540093,-0.39416,0.259938,0.0671483,0.0786087,-0.00528449,0.0557553,0.226652,-0.0774243,-0.09454,-0.0688495,-0.100992,0.0841564,0.0451822,},
{0.295119,0.323452,-0.0206105,-0.180026,-0.154708,-0.0527369,-0.124253,0.266835,0.303699,0.0416936,-0.130119,-0.0960904,-0.0172324,-0.0746521,0.167419,-0.206977,0.0358411,-0.143698,-0.229724,-0.169103,0.342484,0.313727,0.119663,-0.139722,0.0833205,-0.0650489,0.0103493,-0.129012,-0.155009,-0.158471,-0.2295,-0.0790438,0.0274383,0.0374635,-0.140207,0.12926,0.190712,0.0513036,-0.0630501,0.07206,0.265672,0.15079,-0.153345,-0.0619653,-0.32281,0.342532,-0.223276,-0.244485,0.363769,-0.0123812,-0.145135,-0.395307,0.296809,-0.0710375,0.0590357,-0.102796,0.0651321,0.232858,-0.20686,-0.133552,-0.0771696,0.0113079,0.0478784,-0.0476835,},
{0.342944,0.300521,-0.0959392,-0.0845538,-0.151492,0.0493125,0.0506422,0.215137,0.305586,0.101657,-0.1198,-0.0953782,-0.0472143,0.0837313,0.24611,-0.307122,0.0882382,-0.16985,-0.180776,-0.0757846,0.344239,0.138015,0.142103,-0.0631587,0.0553288,-0.0108096,-0.0283713,-0.100836,-0.0653674,0.0431981,-0.0985835,-0.0536465,0.0757658,0.120037,-0.124165,0.0204106,0.242867,-0.0239574,0.0640439,0.0287841,0.252484,0.0290434,-0.108235,-0.147574,-0.32027,0.384658,-0.0648059,-0.135673,0.337624,0.0423953,-0.0573624,-0.318924,0.238983,0.105689,0.131816,-0.00249904,0.0437221,0.230218,-0.0439447,-0.0354269,-0.0268681,-0.119236,0.0737208,0.073573,},
{0.320992,0.265402,-0.10948,-0.0590497,-0.186488,0.0622696,0.0362813,0.179939,0.319889,0.109918,-0.1454,-0.13748,-0.00895045,0.042474,0.234787,-0.31772,0.0577009,-0.185677,-0.180316,-0.063606,0.385472,0.127116,0.172865,-0.0661799,0.0739142,0.0372525,-0.0442226,-0.128633,-0.0791829,0.0300736,-0.0941848,-0.07802,0.0950028,0.142637,-0.143223,0.0183209,0.228714,-0.0316601,0.109472,-0.0229763,0.295342,0.0671486,-0.0709696,-0.197712,-0.328621,0.376576,-0.0764206,-0.133809,0.371367,-0.0232437,-0.0354289,-0.298215,0.265558,0.115774,0.201652,-0.000424446,0.0584778,0.288791,-0.0653745,-0.091843,-0.0288799,-0.0921076,0.036497,0.0696843,},
{0.36862,0.29522,-0.0675123,-0.00312471,-0.125457,0.069674,-0.0162105,0.208165,0.252098,0.0198176,-0.0918457,-0.074728,-0.07415,0.0913734,0.210582,-0.296005,0.0650065,-0.0963904,-0.189293,-0.149402,0.383748,0.162576,0.138829,-0.116204,0.0594827,-0.0203831,-0.0965268,-0.144661,-0.0796519,-0.00419006,-0.102507,0.00378086,0.117036,0.108978,-0.0494174,-0.0251829,0.242477,0.00677207,-0.014353,0.0524483,0.239184,0.0332789,-0.162042,-0.13358,-0.299881,0.395437,-0.141843,-0.154829,0.333451,0.0322556,-0.0382549,-0.331563,0.23571,0.1468,0.123046,-0.014421,0.0832772,0.214219,-0.0518266,-0.0473658,-0.0201668,-0.124886,0.11749,0.0723957,},
{0.350116,0.267376,-0.0521938,-0.0533729,-0.205954,0.00263233,-0.0436343,0.230877,0.263206,0.050873,-0.0986445,-0.0431181,-0.0964997,-0.0414913,0.16781,-0.288888,0.0608242,-0.165392,-0.262568,-0.0883443,0.354991,0.256252,0.118919,-0.134603,0.101714,-0.13429,-0.00695225,-0.118637,-0.133555,-0.124495,-0.109089,-0.0300781,0.0749193,0.0604206,-0.0825511,0.0266036,0.224957,0.0205457,-0.104605,0.117788,0.283284,0.100504,-0.114,-0.0758704,-0.336527,0.353867,-0.15308,-0.176611,0.371309,-0.0387267,-0.0875967,-0.396996,0.288103,0.0781649,0.107081,-0.0123926,0.00332048,0.196457,-0.103553,-0.0650418,-0.0408781,-0.149007,0.0447806,-0.0050769,},
{0.318016,0.290208,-0.0670695,-0.0845145,-0.172567,0.064524,-0.00403811,0.264325,0.275073,0.0690748,-0.113297,-0.0646492,-0.0514488,0.0220836,0.227216,-0.282955,0.0667629,-0.157117,-0.23021,-0.0896465,0.350905,0.201477,0.114149,-0.0930017,0.0453517,-0.0509439,-0.0110372,-0.119494,-0.0856635,-0.0414465,-0.107445,-0.0484595,0.0640724,0.125408,-0.107028,0.0157305,0.251812,-0.0231081,-0.00099018,0.115437,0.249126,0.0599184,-0.126915,-0.0924018,-0.343897,0.371766,-0.136318,-0.165302,0.36764,0.00961376,-0.0628074,-0.375427,0.282127,0.0598106,0.10623,-0.013997,0.0325155,0.227105,-0.091613,-0.0682886,-0.0425707,-0.0953388,0.0808217,0.024775,},
{0.346562,0.263811,-0.0783109,-0.0406598,-0.167111,0.0474469,0.00373562,0.201139,0.312073,0.0716769,-0.0873427,-0.0901671,-0.0539643,0.0936974,0.223542,-0.274901,0.0616538,-0.133516,-0.232453,-0.104662,0.347179,0.144496,0.113162,-0.0862897,0.0784944,-0.0732502,-0.0374919,-0.178251,-0.0848868,-0.00235585,-0.0845266,-0.0445677,0.0758861,0.0707231,-0.105479,0.00762879,0.240127,0.0311092,-0.0172382,0.0208246,0.272648,0.060361,-0.114652,-0.161659,-0.328399,0.383952,-0.0804224,-0.16831,0.383142,0.0385736,-0.0593333,-0.309069,0.229621,0.140209,0.16373,-0.0159116,0.0417771,0.197317,-0.038737,-0.0122205,-0.000708004,-0.139578,0.0718925,0.0550625,},
{0.358301,0.236755,-0.0550131,-0.0405871,-0.135309,-0.0065005,0.0126515,0.110922,0.321483,0.0527809,-0.077176,-0.210994,-0.0461725,0.144964,0.174532,-0.291296,0.0497099,-0.170255,-0.146323,-0.164397,0.421374,0.1056,0.190971,-0.0822636,0.0925122,-0.029848,-0.125267,-0.126137,-0.0519175,0.0313493,-0.13801,-0.0279664,0.0968672,-0.0259434,-0.0835811,0.0337857,0.178748,0.00757881,0.0121393,-0.0431411,0.260451,0.106927,-0.130921,-0.208426,-0.275904,0.449029,-0.072161,-0.174285,0.311103,0.0815817,-0.0778168,-0.233629,0.187205,0.148482,0.138537,-0.0445873,0.0957282,0.213275,-0.0442088,-0.03748,0.00711283,-0.177806,0.0554536,0.0863708,},
{0.355349,0.308524,-0.0925833,-0.0500112,-0.134146,5.06639e-06,-0.0210838,0.167739,0.304135,0.0939092,-0.14119,-0.119612,-0.0523254,0.116536,0.220277,-0.278106,0.0618747,-0.173479,-0.163984,-0.137535,0.378132,0.120325,0.145265,-0.091477,0.0871852,0.0395136,-0.0700238,-0.134106,-0.0899908,0.00409343,-0.145167,-0.0399349,0.141152,0.0690133,-0.140735,0.00227534,0.224444,0.0265935,0.0308359,-0.0605758,0.277897,0.064844,-0.131268,-0.201722,-0.271506,0.408618,-0.107149,-0.105581,0.319192,0.0345142,-0.0939788,-0.28883,0.239909,0.0947651,0.140866,-0.0145398,0.0945963,0.249667,-0.0846747,-0.0951022,-0.0221417,-0.0652183,0.107454,0.0912772,},
{0.384725,0.292845,-0.0298873,-0.0858961,-0.142995,-0.0438042,-0.0895202,0.217372,0.322639,0.0158177,-0.0767451,-0.0643652,-0.0489924,0.0372163,0.113432,-0.229647,0.0763263,-0.14598,-0.211542,-0.171712,0.368731,0.259689,0.13385,-0.19974,0.0695737,-0.180855,-0.0753598,-0.0900128,-0.15022,-0.125823,-0.197327,-0.0103548,0.0571623,-0.033833,-0.0357018,0.0678458,0.181915,0.0485749,-0.116676,0.0270018,0.240003,0.105826,-0.126756,-0.0875474,-0.283859,0.367799,-0.172586,-0.209194,0.290016,0.0138634,-0.0822998,-0.395151,0.247786,0.0722974,0.0536498,-0.0758715,0.0325479,0.177353,-0.124438,-0.0359334,-0.00761034,-0.126895,0.00457111,0.00683568,},
{0.365554,0.304683,-0.0933951,-0.0504726,-0.128855,0.0391441,0.0188988,0.211812,0.286197,0.0880054,-0.161219,-0.0816286,-0.00441734,0.0822711,0.201046,-0.277922,0.0834579,-0.121459,-0.176173,-0.138263,0.372834,0.118553,0.0995919,-0.0936307,0.048734,-0.0504453,-0.0589042,-0.163735,-0.0491512,0.00208917,-0.143023,-0.0343815,0.0537648,0.0918705,-0.0862116,0.013205,0.259372,0.0296198,0.0256975,0.0221743,0.236776,0.0272343,-0.146464,-0.145864,-0.292618,0.3989,-0.106189,-0.130556,0.345577,0.0436113,-0.0711589,-0.333626,0.224646,0.104902,0.0882168,-0.0272267,0.0887843,0.221415,-0.0960652,-0.052056,-0.019064,-0.0493411,0.0657435,0.0558185,},
{0.382448,0.361019,-0.0507993,-0.0995045,-0.0933265,-0.0276013,-0.0945351,0.258893,0.294346,-0.0159285,-0.126219,-0.0445263,-0.0194142,0.00593861,0.112522,-0.255648,0.05648,-0.123538,-0.181083,-0.176601,0.343319,0.287473,0.0984685,-0.17097,0.0568589,-0.120065,-0.0483786,-0.0813074,-0.102199,-0.0900311,-0.270271,-0.0373778,0.0359115,0.00926613,-0.0734856,0.118884,0.200562,0.0389841,-0.0523101,0.0495838,0.200934,0.120498,-0.158376,-0.0766822,-0.26632,0.371813,-0.193552,-0.217092,0.309831,0.0346196,-0.102996,-0.393608,0.218703,-0.0145003,-0.0239487,-0.0784799,0.0887862,0.206001,-0.15332,-0.0821873,-0.0548038,-0.0244742,0.0333558,-0.00720169,},
{0.353424,0.281565,-0.12644,-0.0603787,-0.182536,0.0464402,0.0319605,0.171577,0.341347,0.118064,-0.157968,-0.138705,-0.0383187,0.0462438,0.225079,-0.332156,0.0797949,-0.171803,-0.171062,-0.0514151,0.418694,0.138386,0.176358,-0.0776482,0.069392,0.067738,-0.0549874,-0.13996,-0.0853029,0.0194544,-0.126833,-0.0723313,0.124005,0.147558,-0.133906,0.00827121,0.238903,-0.0335045,0.131726,-0.0743578,0.28179,0.0842996,-0.0908259,-0.229944,-0.313345,0.385531,-0.102996,-0.123838,0.343435,-0.0231218,-0.0162908,-0.332726,0.276209,0.0821555,0.169963,-0.0174667,0.0779749,0.315932,-0.111751,-0.11925,-0.0276807,-0.0433651,0.0605912,0.0550617,},
{0.357009,0.319034,-0.0829707,-0.0895129,-0.110082,0.0195668,0.0320809,0.222203,0.258633,0.104206,-0.17477,-0.0592598,-0.0366598,0.0509947,0.211848,-0.301444,0.0936185,-0.170503,-0.176761,-0.112316,0.351853,0.145745,0.127305,-0.0555553,0.0546526,0.0365611,-0.0142847,-0.116063,-0.0721747,0.0335243,-0.181685,-0.072176,0.105368,0.118779,-0.168898,0.031538,0.262687,0.0186014,0.0651618,-0.0201233,0.264321,0.0292035,-0.140995,-0.14261,-0.300939,0.393791,-0.11073,-0.0649074,0.303199,0.0505873,-0.0933397,-0.355474,0.285168,0.0209253,0.0626212,-0.0228357,0.0907732,0.266573,-0.110605,-0.082102,-0.0706747,-0.0129624,0.129348,0.0491149,},
{0.331391,0.256193,-0.111663,-0.0807958,-0.19124,0.0472753,0.0427947,0.166469,0.340947,0.0936731,-0.114241,-0.167878,-0.0254866,0.0679949,0.241955,-0.327035,0.0529145,-0.149866,-0.206807,-0.062143,0.378511,0.137093,0.17342,-0.0471986,0.0947115,0.0232252,-0.0247556,-0.14268,-0.0773271,0.0422757,-0.0920664,-0.0777161,0.083849,0.110858,-0.162979,0.0530929,0.197974,-0.0257969,0.109154,-0.0279701,0.295727,0.0922937,-0.0782318,-0.213841,-0.327793,0.390778,-0.053248,-0.15609,0.388859,0.00439186,-0.0310111,-0.261217,0.245178,0.114541,0.210639,-0.00421572,0.0409541,0.264061,-0.0523502,-0.0687708,-0.0225664,-0.136021,0.030154,0.0518489,},
{0.35716,0.255012,-0.0336739,-0.104459,-0.199527,-0.0743114,-0.086744,0.232272,0.30792,0.0545932,-0.0886534,-0.0717426,-0.0727068,-0.0284167,0.151515,-0.245326,0.0723191,-0.142267,-0.2813,-0.161271,0.336325,0.29008,0.107059,-0.1536,0.108932,-0.192769,-0.003073,-0.129603,-0.173126,-0.179952,-0.163753,-0.0589691,0.0215245,-0.0101298,-0.0746861,0.0730939,0.173656,0.0747293,-0.144749,0.0461525,0.260062,0.148498,-0.112169,-0.104767,-0.313922,0.355562,-0.142945,-0.232986,0.39163,-0.0480801,-0.133401,-0.37798,0.239248,0.0391544,0.0720962,-0.0479971,0.0210582,0.164539,-0.145375,-0.0350263,-0.0233279,-0.139792,0.00439521,-0.0218185,},
{0.350798,0.26021,-0.0992756,-0.0655329,-0.187205,0.0190659,0.0164179,0.130202,0.352053,0.0976799,-0.0699305,-0.166175,-0.0838113,0.126625,0.211585,-0.311264,0.0579403,-0.158255,-0.214198,-0.0973468,0.361361,0.111195,0.141332,-0.0688516,0.124225,-0.0465036,-0.0629367,-0.147122,-0.0851342,0.0369579,-0.0818905,-0.0244932,0.0941044,0.0542471,-0.118855,0.013973,0.190638,-0.0070639,0.0179909,-0.0158544,0.278281,0.0737654,-0.0833387,-0.199432,-0.31109,0.408865,-0.0373818,-0.177048,0.378124,0.0318158,-0.0710444,-0.251066,0.21197,0.156147,0.206651,-0.00566524,0.0533966,0.217247,-0.0225696,-0.0229329,-0.0038472,-0.199862,0.0401411,0.0721218,},
{0.350635,0.239525,-0.0871951,-0.0989963,-0.214745,0.0550025,0.0459268,0.179891,0.338444,0.102061,-0.113672,-0.118177,-0.0549885,0.0574632,0.218745,-0.325607,0.0795639,-0.162966,-0.218393,-0.0563254,0.395378,0.134777,0.183515,-0.0515067,0.0485474,-0.0251149,-0.0247505,-0.114562,-0.0915944,0.00433662,-0.125821,-0.0693798,0.0945137,0.102168,-0.129577,0.0254655,0.200806,-0.0232761,0.102556,-0.0621399,0.303651,0.069541,-0.0773109,-0.218279,-0.341514,0.392944,-0.0574358,-0.13111,0.325483,-0.019769,-0.0377939,-0.316803,0.273549,0.0750781,0.133757,-0.0244693,0.0311542,0.289178,-0.0806767,-0.0512563,-0.00696937,-0.103501,0.0852206,0.0238786,},
{0.318089,0.329502,-0.0425179,-0.117006,-0.101495,-0.0436873,-0.107922,0.265666,0.276241,-0.00464838,-0.110846,-0.0768859,-0.0366903,-0.00614984,0.135926,-0.24123,0.0401334,-0.121185,-0.218913,-0.201126,0.322259,0.293003,0.0998138,-0.148621,0.0682491,-0.0769765,-0.0334693,-0.100849,-0.127638,-0.113123,-0.206823,-0.0541075,0.0581493,0.0407964,-0.102952,0.0892702,0.207941,0.0329249,-0.0578458,0.081328,0.213094,0.116979,-0.157754,-0.0612546,-0.29715,0.353626,-0.198897,-0.203927,0.348227,0.0109099,-0.119262,-0.373429,0.260248,-0.0388568,0.030452,-0.087105,0.0838285,0.209046,-0.154708,-0.0948221,-0.0645115,-0.0505082,0.0420384,0.000729544,},
{0.359788,0.370961,-0.0823386,-0.0526653,-0.0933602,-0.0060464,-0.0971445,0.269755,0.271774,-0.00540336,-0.128249,-0.0107808,-0.0781074,0.0405782,0.143447,-0.271054,0.0582176,-0.149596,-0.209439,-0.12939,0.305012,0.279732,0.081904,-0.176658,0.0623728,-0.071295,-0.049299,-0.0732149,-0.117862,-0.0767002,-0.196385,-0.0368221,0.0911383,0.0742323,-0.0754564,0.0428407,0.239563,0.000788415,-0.0488842,0.0941807,0.204121,0.0944186,-0.14664,-0.0813415,-0.284066,0.345982,-0.194483,-0.177186,0.333572,-0.00256834,-0.0849991,-0.406044,0.229721,0.0196179,0.0274652,-0.044022,0.0841592,0.201867,-0.113496,-0.099539,-0.0677182,-0.0520375,0.0401367,0.0259343,},
{0.381875,0.346709,-0.0833371,-0.0197036,-0.0940633,0.0355202,-0.0408517,0.264231,0.252153,-0.00425588,-0.118382,-0.00231809,-0.0653012,0.0431875,0.169837,-0.292955,0.0548174,-0.148725,-0.171158,-0.131783,0.349778,0.24681,0.108689,-0.173768,0.0431314,-0.0526759,-0.0670793,-0.0800582,-0.102762,-0.0286343,-0.175203,-0.0183381,0.118731,0.0985206,-0.0615191,0.0232133,0.256912,0.022916,-0.0317626,0.0934544,0.216755,0.0611171,-0.15989,-0.0785914,-0.28095,0.346468,-0.18126,-0.146899,0.291377,0.0241526,-0.0377369,-0.402352,0.23943,0.0731456,0.0524079,-0.0315069,0.0820877,0.220037,-0.0878415,-0.0738753,-0.0522271,-0.07445,0.0824753,0.0429637,},
{0.344119,0.357904,-0.0604486,-0.0994966,-0.114166,-0.0199851,-0.10898,0.283153,0.279217,0.0151579,-0.146151,-0.0208376,-0.0331981,-0.0157883,0.159756,-0.246115,0.0436921,-0.130423,-0.215171,-0.152625,0.30387,0.303249,0.0913298,-0.15176,0.0737454,-0.0766349,-0.0112458,-0.102396,-0.126437,-0.126478,-0.229041,-0.0552733,0.0484497,0.06423,-0.0971928,0.107631,0.211339,0.0162234,-0.0426608,0.081464,0.226832,0.120088,-0.139406,-0.0756159,-0.296375,0.338762,-0.193813,-0.209233,0.359089,-0.00252538,-0.117375,-0.387017,0.243759,-0.0382102,0.0224221,-0.057249,0.0665726,0.220898,-0.157183,-0.106087,-0.0792082,0.00551492,0.0443965,-0.0036204,},
{0.324109,0.295476,-0.0281292,-0.114385,-0.173569,-0.0484541,-0.11347,0.252074,0.290846,0.0442501,-0.124216,-0.0550952,-0.0310343,-0.0482114,0.151454,-0.208224,0.0418628,-0.169457,-0.235297,-0.153528,0.340338,0.309521,0.0989772,-0.152788,0.0897779,-0.131945,0.00515989,-0.11941,-0.170406,-0.181033,-0.199946,-0.0818681,0.0350119,0.0224138,-0.0956073,0.0941758,0.198203,0.0475155,-0.107126,0.0652754,0.270499,0.148682,-0.112766,-0.0796745,-0.315843,0.330535,-0.186089,-0.223455,0.367313,-0.0289236,-0.145648,-0.388096,0.264543,-0.0283212,0.0500721,-0.0656143,0.0288255,0.198437,-0.176365,-0.0945758,-0.0586395,-0.0374151,0.0192757,-0.0308711,},
{0.349283,0.295237,-0.100427,-0.0941209,-0.163985,0.0258205,0.0251441,0.207459,0.333652,0.140782,-0.174864,-0.0871416,-0.0307999,0.0706562,0.222407,-0.316819,0.0949918,-0.182371,-0.198185,-0.101422,0.361928,0.115727,0.133993,-0.0916892,0.0548375,0.0123267,-0.0384617,-0.154689,-0.0816526,0.0122277,-0.162496,-0.0760338,0.0928973,0.124863,-0.143649,-0.000488289,0.271443,0.0187457,0.0963853,-0.0499897,0.280266,0.0535017,-0.120784,-0.195046,-0.290842,0.406787,-0.0964842,-0.0905256,0.342951,-0.00765601,-0.0625586,-0.361881,0.283681,0.0442857,0.111424,-0.019636,0.0950487,0.288915,-0.11555,-0.0967829,-0.0389149,-0.0121098,0.0936858,0.0556605,},
{0.332057,0.269973,-0.12453,-0.070738,-0.158448,0.0290571,0.0387105,0.155504,0.33308,0.0752017,-0.111308,-0.200086,-0.069015,0.0983782,0.240469,-0.333572,0.0305047,-0.128404,-0.201607,-0.076229,0.380487,0.140831,0.188956,-0.0530211,0.0919124,0.0790295,-0.0685362,-0.134442,-0.070976,0.0509638,-0.0898413,-0.0592699,0.132614,0.119893,-0.159802,0.0433003,0.187204,-0.0472199,0.12797,-0.00470738,0.283882,0.101182,-0.125754,-0.222719,-0.309024,0.400289,-0.0780917,-0.153917,0.366538,0.0112897,-0.0234996,-0.244489,0.23986,0.0955823,0.201835,-0.0249062,0.0707444,0.271098,-0.0602202,-0.0953753,-0.0279811,-0.139159,0.0593821,0.0503808,},
{0.355303,0.204617,-0.0675169,-0.0444146,-0.1723,-0.0121618,-0.00618122,0.100426,0.349967,0.0748744,-0.0826461,-0.200193,-0.0394667,0.117338,0.173244,-0.287801,0.0579773,-0.160101,-0.188635,-0.147032,0.439213,0.101291,0.193984,-0.112169,0.103791,-0.0324079,-0.120312,-0.170892,-0.103191,-0.000761246,-0.112799,-0.0354278,0.127589,0.00369904,-0.0991335,0.0223802,0.182005,0.033999,0.0162097,-0.089475,0.294922,0.0952173,-0.0974667,-0.211574,-0.289826,0.4265,-0.0903726,-0.140842,0.325079,0.0221005,-0.0535222,-0.25949,0.241618,0.165444,0.210718,-0.0462759,0.0583442,0.251991,-0.054369,-0.0604984,0.01753,-0.181018,0.0383387,0.0740459,},
{0.314443,0.289704,-0.0396589,-0.101268,-0.185781,-0.0170918,-0.0990972,0.255963,0.279448,0.0714766,-0.126444,-0.0375127,-0.0505478,-0.0532175,0.177332,-0.238786,0.0643398,-0.166,-0.265914,-0.134911,0.320394,0.28928,0.101236,-0.13224,0.102037,-0.128646,0.0133031,-0.131805,-0.161564,-0.181299,-0.155415,-0.0562188,0.0352971,0.0628926,-0.0976546,0.0642766,0.197159,0.0275434,-0.118355,0.0960248,0.268197,0.116706,-0.0903654,-0.0746834,-0.336731,0.334869,-0.174858,-0.21531,0.405805,-0.0559178,-0.150789,-0.389094,0.270755,0.0237231,0.094938,-0.0271834,0.0145375,0.202865,-0.14684,-0.0837235,-0.0613809,-0.0846172,0.0213597,0.0069115,},
{0.296972,0.234535,-0.0612668,-0.112508,-0.190786,0.0810946,0.0378562,0.234775,0.322186,0.0642046,-0.0728284,-0.108075,-0.0330876,0.0884767,0.243395,-0.271979,0.0493362,-0.115462,-0.271342,-0.114419,0.32965,0.177803,0.132178,-0.0430178,0.0460531,-0.0513513,0.0100329,-0.164494,-0.0819638,-0.00118319,-0.093984,-0.0732274,0.0441167,0.093456,-0.144913,0.0340433,0.207112,-0.010907,0.0383986,0.0380962,0.304838,0.0856008,-0.132122,-0.176251,-0.36149,0.385602,-0.0644712,-0.18908,0.393585,0.0342872,-0.0424642,-0.300388,0.25742,0.0531142,0.134695,-0.0327623,0.0392108,0.215837,-0.0709789,0.0122979,-0.0161701,-0.115154,0.0881264,0.0140114,},
{0.349702,0.32315,-0.108022,-0.0953591,-0.13398,0.0472526,0.034243,0.227338,0.298124,0.0985799,-0.144447,-0.0812023,-0.0404408,0.0888769,0.230722,-0.292904,0.0819032,-0.149984,-0.199452,-0.0798227,0.334332,0.130052,0.110473,-0.0720043,0.0240152,-0.00862668,-0.0344098,-0.0982041,-0.0562282,0.039145,-0.122743,-0.0494291,0.0868707,0.1464,-0.127652,0.00303506,0.26901,-0.013794,0.0846896,0.0252577,0.224799,0.0021187,-0.114647,-0.144273,-0.303243,0.381537,-0.0783262,-0.122229,0.336322,0.0437587,-0.0693618,-0.333969,0.24274,0.073077,0.0996579,-0.013416,0.0662541,0.238166,-0.0653514,-0.0589129,-0.0297461,-0.0677661,0.0889633,0.0626569,},
{0.317718,0.275649,-0.0120406,-0.11347,-0.0579465,0.0575009,-0.0286511,0.17129,0.233501,-0.027145,-0.0633033,-0.116762,-0.0631398,0.0755341,0.171449,-0.27204,0.104569,-0.121873,-0.160668,-0.178456,0.415231,0.25703,0.202307,-0.0483611,0.0580219,0.0507121,-0.0436602,-0.109869,-0.0856642,0.00516334,-0.205771,-0.0424592,0.128794,0.0173249,-0.168875,0.0719597,0.1613,0.0291797,-0.0338918,-0.0439044,0.306025,0.108335,-0.191881,-0.133043,-0.351475,0.42243,-0.198199,-0.117056,0.231749,0.112338,-0.0942952,-0.349354,0.25502,0.0465274,0.0593574,-0.110586,0.0621173,0.266575,-0.13062,-0.00367825,-0.0181086,-0.105213,0.166319,0.0147378,},
{0.334124,0.353643,-0.0485081,-0.111712,-0.106555,0.00585844,-0.0724861,0.286281,0.27406,0.00383736,-0.146551,-0.0386796,-0.00343524,-0.0154935,0.152662,-0.246916,0.0330867,-0.132744,-0.173908,-0.169068,0.340816,0.298773,0.0932916,-0.14959,0.0471088,-0.0792238,-0.0221,-0.0846695,-0.111857,-0.0900751,-0.253954,-0.0767727,0.0391447,0.0685435,-0.0895619,0.118322,0.214651,0.0109702,-0.0115675,0.0878302,0.221688,0.121126,-0.156535,-0.0678912,-0.287157,0.34698,-0.190552,-0.200249,0.32476,0.0238502,-0.0984978,-0.384153,0.243277,-0.071456,-0.0222502,-0.0671713,0.0790631,0.227429,-0.168229,-0.106881,-0.0823108,0.0293476,0.0576291,-0.0245775,},
{0.325885,0.173213,-0.0016222,-0.0775492,-0.147151,-0.034269,-0.00733112,0.107694,0.310042,0.0483438,-0.0731066,-0.21256,-0.011495,0.121206,0.171484,-0.250969,0.078403,-0.160765,-0.160935,-0.229359,0.464329,0.111034,0.193321,-0.0906886,0.0754792,-0.0351879,-0.110405,-0.168009,-0.115762,-0.00821481,-0.144381,-0.0789605,0.0813696,-0.0486882,-0.0980632,0.0371692,0.172605,0.0755915,-0.0367628,-0.106365,0.292328,0.103733,-0.169866,-0.195918,-0.287167,0.456972,-0.116312,-0.146579,0.289688,0.0692006,-0.109672,-0.269288,0.209034,0.119854,0.129473,-0.0744053,0.0852387,0.228602,-0.073451,-0.0232354,0.00474943,-0.146206,0.0880557,0.0539565,},
{0.349524,0.360095,-0.0432683,-0.145037,-0.129857,-0.0281007,-0.0932204,0.269415,0.307968,0.00431467,-0.141336,-0.0459976,-0.00982909,-0.0232236,0.143201,-0.224812,0.035738,-0.14724,-0.195078,-0.145344,0.342451,0.319757,0.107505,-0.171017,0.0548799,-0.110114,-0.0106983,-0.0770531,-0.139169,-0.116289,-0.279588,-0.0844988,0.0294057,0.0222486,-0.110799,0.145864,0.183782,0.04968,-0.048332,0.0585062,0.249958,0.151326,-0.167642,-0.0878218,-0.271782,0.345528,-0.204375,-0.23259,0.311191,0.0103914,-0.118214,-0.401328,0.227624,-0.0601789,-0.0180816,-0.0841823,0.0659892,0.204482,-0.179244,-0.113157,-0.0725188,0.0204609,0.0379015,-0.0498942,},
{0.334012,0.257285,-0.0447573,-0.0521925,-0.175784,0.078234,0.00314827,0.222926,0.301773,0.0683765,-0.0903689,-0.0562181,-0.0482852,0.0588846,0.19365,-0.291857,0.080916,-0.124775,-0.248049,-0.118253,0.35981,0.176418,0.110201,-0.0991177,0.0755107,-0.143895,-0.021354,-0.17546,-0.101455,-0.0466726,-0.110383,-0.0391002,0.0363503,0.062145,-0.0712344,0.0125186,0.2285,0.0102505,-0.0548421,0.0785141,0.270869,0.0653352,-0.10911,-0.128361,-0.341167,0.38835,-0.109701,-0.169854,0.382838,0.0188046,-0.0558132,-0.356146,0.263607,0.110464,0.112425,-0.00834739,0.0242209,0.187422,-0.0655495,-0.0165194,-0.0302039,-0.137814,0.0489614,0.0301894,},
{0.394554,0.261708,-0.0690812,-0.0166268,-0.184143,-0.0456947,-0.0466212,0.214776,0.247654,0.0271399,-0.0919052,-0.0496148,-0.113365,-0.0143238,0.128933,-0.299297,0.078637,-0.161698,-0.233771,-0.117999,0.374025,0.249751,0.0935929,-0.148831,0.103923,-0.174269,-0.0390648,-0.0987945,-0.126346,-0.116135,-0.125171,-0.0230471,0.0760034,0.0216862,-0.0336956,0.0197641,0.228392,0.0293805,-0.122946,0.0979222,0.228508,0.110581,-0.106626,-0.0684106,-0.310964,0.366601,-0.13355,-0.16407,0.347131,-0.0259954,-0.102815,-0.38331,0.237023,0.0857779,0.0534545,-0.0191659,0.00829767,0.176971,-0.103269,-0.0360744,-0.0212068,-0.186158,0.0206989,-0.00882413,},
{0.358855,0.282122,-0.10134,-0.0788857,-0.188783,0.0355987,0.0267126,0.193076,0.360117,0.112851,-0.133469,-0.12587,-0.0207363,0.0874398,0.224886,-0.315229,0.0622678,-0.155629,-0.203546,-0.0767814,0.369619,0.110502,0.153433,-0.0828284,0.0681739,-0.0403417,-0.0342489,-0.127998,-0.0766426,0.00886687,-0.124868,-0.0613588,0.0772445,0.0865898,-0.125529,0.0349755,0.216695,-0.0088757,0.100072,-0.0416882,0.265258,0.0585001,-0.0662281,-0.216019,-0.301389,0.392098,-0.049372,-0.137341,0.366337,-0.00293491,-0.0279311,-0.285233,0.259236,0.104464,0.15843,0.00270772,0.0545782,0.246995,-0.0594226,-0.0900265,-0.0130311,-0.1014,0.0355255,0.0736821,},
{0.382081,0.272242,-0.0865813,-0.0549718,-0.179284,0.0132776,0.0260073,0.125415,0.358189,0.0958213,-0.102432,-0.154751,-0.0559547,0.116896,0.192507,-0.30349,0.0803406,-0.15847,-0.165295,-0.110909,0.41112,0.0984226,0.146761,-0.0908568,0.100696,-0.0468914,-0.0765688,-0.155818,-0.0829939,0.039193,-0.131478,-0.0235623,0.0814592,0.038381,-0.0853334,0.0200975,0.204496,-0.00268475,0.0358602,-0.0512464,0.272079,0.0648121,-0.0922736,-0.199773,-0.287431,0.417769,-0.060832,-0.172073,0.335373,0.0397228,-0.0622341,-0.274942,0.212197,0.148052,0.152174,-0.00392813,0.0762415,0.230292,-0.0460194,-0.0519549,-0.0201428,-0.13431,0.0443914,0.0690851,},
{0.291157,0.279893,-0.0504947,-0.0986673,-0.214088,0.00834955,-0.0565714,0.272286,0.266244,0.0823315,-0.119055,-0.055671,-0.0620577,-0.0690013,0.217362,-0.266993,0.0608452,-0.181847,-0.251646,-0.102797,0.349328,0.260432,0.113919,-0.127872,0.0856511,-0.0712843,0.0110792,-0.115662,-0.152295,-0.12987,-0.0948865,-0.0604743,0.0656289,0.119147,-0.112723,0.0247599,0.243446,-0.0040091,-0.0680489,0.134741,0.274076,0.0923406,-0.114392,-0.0473575,-0.347894,0.340391,-0.176345,-0.177072,0.39192,-0.046881,-0.100182,-0.413519,0.322102,0.0249273,0.135195,-0.0040732,-0.000427122,0.234249,-0.12243,-0.108472,-0.066165,-0.0815614,0.0527274,-4.84157e-05,},
{0.297451,0.235642,-0.0793231,-0.102862,-0.186794,0.0665264,0.0413073,0.213657,0.304286,0.110533,-0.112857,-0.0893922,-0.0253909,0.06356,0.23647,-0.284402,0.0720712,-0.14027,-0.264596,-0.110982,0.32454,0.152533,0.108598,-0.0524964,0.0703146,-0.042515,0.00787745,-0.183941,-0.0849359,-0.00156263,-0.0802649,-0.0652178,0.0441791,0.129186,-0.139818,0.004992,0.242447,0.0159467,0.0220123,0.0414762,0.297036,0.0450653,-0.1145,-0.156295,-0.357029,0.372319,-0.0664424,-0.15954,0.414032,0.011951,-0.0684897,-0.32229,0.257071,0.0885318,0.169978,-0.0200909,0.0606015,0.229702,-0.0765198,0.000583,-0.0338905,-0.1056,0.066793,0.0421278,},
{0.325866,0.321512,-0.0665913,-0.0556879,-0.142394,-0.00223829,-0.0774805,0.260495,0.244763,0.0414103,-0.145458,-0.0236683,-0.0602274,-0.0437758,0.161785,-0.264116,0.0559585,-0.183001,-0.197763,-0.110431,0.351571,0.276413,0.0888253,-0.149353,0.0685515,-0.0800511,-0.0350979,-0.076526,-0.139661,-0.113728,-0.152942,-0.0542241,0.0886004,0.109269,-0.0731301,0.034214,0.24944,-0.0143674,-0.0702759,0.121573,0.224039,0.0902182,-0.110258,-0.0388816,-0.313707,0.333707,-0.192793,-0.170286,0.346773,-0.0180302,-0.122835,-0.417483,0.265003,0.00785631,0.0590942,-0.0191574,0.0199366,0.236418,-0.123219,-0.107463,-0.0736129,-0.0508156,0.0386555,0.00382863,},
{0.371035,0.351753,-0.0704603,-0.0446515,-0.105503,0.0475339,-0.0503907,0.279986,0.277214,-0.0026797,-0.120188,-0.00255061,-0.045058,0.0607023,0.164391,-0.278281,0.0609665,-0.12481,-0.19541,-0.150867,0.334027,0.238472,0.0995198,-0.162255,0.0365089,-0.0858857,-0.05105,-0.10176,-0.0893399,-0.046553,-0.202946,-0.0156837,0.0791034,0.0725125,-0.0618304,0.0440316,0.238721,0.00184556,-0.0190197,0.0859742,0.217996,0.0720306,-0.149853,-0.0911723,-0.286033,0.36314,-0.171416,-0.164178,0.312975,0.0293201,-0.0436667,-0.389303,0.244894,0.0392199,0.0236988,-0.0291467,0.0789469,0.212611,-0.100158,-0.074841,-0.0550244,-0.04088,0.0745109,0.0353383,},
{0.338319,0.266338,-0.0637439,-0.0359251,-0.178188,0.0306907,-0.020345,0.244111,0.250821,0.0502954,-0.102038,-0.0492612,-0.100761,0.00683864,0.195332,-0.304853,0.0605056,-0.143555,-0.257423,-0.103215,0.346906,0.233434,0.108755,-0.111369,0.0845085,-0.0990171,-0.0269647,-0.133144,-0.10777,-0.0879023,-0.0931204,-0.0320713,0.0819723,0.0942002,-0.0742472,0.00357019,0.239959,-0.00985978,-0.0674312,0.141389,0.257019,0.0883741,-0.128297,-0.083445,-0.337516,0.364921,-0.145052,-0.168994,0.386893,-0.0131259,-0.0701148,-0.385183,0.270355,0.0791754,0.110946,-0.00131786,0.0203784,0.20502,-0.0792674,-0.0700419,-0.0520848,-0.140226,0.0559337,0.0169275,},
{0.307263,0.268689,-0.0257246,-0.0989362,-0.197232,-0.010556,-0.0876292,0.251547,0.278167,0.0733744,-0.119381,-0.0472558,-0.0397337,-0.068367,0.18055,-0.237182,0.0633866,-0.172967,-0.254042,-0.136548,0.34477,0.285429,0.107121,-0.133269,0.0961513,-0.12102,0.0118007,-0.141356,-0.168423,-0.174572,-0.143104,-0.0680965,0.0345195,0.0715607,-0.0887951,0.0569782,0.217825,0.0242898,-0.110034,0.0933037,0.273732,0.114772,-0.0925886,-0.0651851,-0.340042,0.33715,-0.177306,-0.213409,0.400353,-0.0453917,-0.140701,-0.39594,0.288683,0.0144586,0.0985969,-0.0268649,0.00761976,0.212768,-0.147275,-0.0812621,-0.0654688,-0.0748439,0.0317967,-0.00133588,},
{0.366054,0.282896,0.0309692,-0.175324,-0.137035,-0.0643627,-0.122207,0.21359,0.319902,0.00261814,-0.0840439,-0.110562,-0.00617294,-0.0356502,0.10764,-0.183715,0.0510127,-0.149078,-0.202753,-0.193428,0.392134,0.321854,0.153792,-0.163308,0.0691378,-0.158374,-0.0375654,-0.110967,-0.148591,-0.160231,-0.300684,-0.0646287,0.00723837,-0.078829,-0.0905549,0.177688,0.140639,0.08615,-0.117124,0.00145496,0.267123,0.17064,-0.148328,-0.0768722,-0.302497,0.372719,-0.217773,-0.274671,0.288771,0.0488209,-0.139864,-0.394106,0.245928,-0.0226216,0.00758068,-0.136671,0.0521664,0.207199,-0.194575,-0.0780569,-0.0380672,-0.0384995,0.0396658,-0.0639107,},
{0.293355,0.297522,-0.0333448,-0.148494,-0.0954392,0.04334,-0.0508538,0.234309,0.296498,-0.0118806,-0.0682663,-0.137015,-0.0185194,0.104476,0.201622,-0.222888,0.0886249,-0.115662,-0.17268,-0.220846,0.39556,0.242054,0.167428,-0.0825485,0.0180427,0.00181624,-0.0564406,-0.0943162,-0.0838012,-0.0226529,-0.214505,-0.0246871,0.0683728,0.0102392,-0.135666,0.074518,0.125116,-0.000768399,-0.0238148,-0.00887267,0.246426,0.116612,-0.171611,-0.129323,-0.33838,0.400979,-0.187284,-0.217274,0.279491,0.0847324,-0.0856443,-0.340825,0.212197,0.0510965,0.0781868,-0.0856541,0.0896691,0.252879,-0.120886,-0.0446083,-0.0165466,-0.0680041,0.0912077,0.039058,},
{0.309931,0.290764,-0.0926168,-0.110518,-0.154831,0.0569453,0.0427858,0.226822,0.307177,0.111152,-0.140328,-0.0897135,-0.00343232,0.0663365,0.239739,-0.275412,0.0728315,-0.136878,-0.208903,-0.10105,0.33442,0.134587,0.104276,-0.0607007,0.0558583,-0.0210879,-0.00348892,-0.154783,-0.0682612,0.0291999,-0.103205,-0.0679528,0.0568412,0.135037,-0.149598,0.0295708,0.256494,0.00666823,0.067548,0.0307449,0.27118,0.0156838,-0.110345,-0.131071,-0.336464,0.366816,-0.0736286,-0.127202,0.373533,0.0421656,-0.0586241,-0.322454,0.267599,0.0730725,0.149602,-0.0194119,0.0531315,0.239069,-0.0701929,-0.0478963,-0.0367291,-0.0609074,0.0643302,0.0507524,},
{0.308121,0.251486,-0.103226,-0.0823055,-0.176889,0.0661643,0.0571714,0.185459,0.313065,0.0927678,-0.131899,-0.155613,-0.00518106,0.0532899,0.241698,-0.316966,0.048406,-0.162031,-0.188661,-0.0679331,0.383475,0.14974,0.178481,-0.0447621,0.0653996,0.0477653,-0.0291644,-0.112813,-0.0769192,0.0445562,-0.0962512,-0.0975471,0.0921068,0.140119,-0.163123,0.0434378,0.210781,-0.0475167,0.132519,-0.0203946,0.298319,0.0813479,-0.0853037,-0.200569,-0.335923,0.37899,-0.0642485,-0.130519,0.366285,0.00711365,-0.0222193,-0.281068,0.264491,0.0765674,0.184909,-0.00813472,0.0446195,0.285315,-0.0683316,-0.0747101,-0.0326564,-0.0902131,0.0423906,0.0436653,},
{0.298671,0.250925,-0.0117643,-0.105627,-0.0822182,0.0640641,-0.0134638,0.173561,0.245429,-0.0145126,-0.055139,-0.145117,-0.0784637,0.0816764,0.169835,-0.281883,0.0594602,-0.0998989,-0.201133,-0.199745,0.40921,0.248262,0.171074,-0.0529407,0.0592705,0.00200924,-0.0579974,-0.127941,-0.0945114,-0.0138746,-0.178833,-0.0539933,0.111778,0.0235274,-0.155127,0.0520661,0.150488,0.0298627,-0.0562406,0.0192824,0.302453,0.124017,-0.226484,-0.152941,-0.34169,0.427266,-0.188919,-0.146557,0.279955,0.0924384,-0.084645,-0.338574,0.242484,0.02855,0.0587054,-0.100289,0.0851836,0.24322,-0.130472,-0.0104573,-0.0228261,-0.116523,0.155454,-0.0147081,},
{0.368112,0.368513,-0.0708531,-0.0779482,-0.103775,0.0174772,-0.0745645,0.282235,0.277284,-0.00415595,-0.134785,-0.0133101,-0.0427434,0.0238775,0.153471,-0.26193,0.0467641,-0.137348,-0.198158,-0.128237,0.32621,0.280148,0.0878661,-0.155048,0.0320281,-0.0785949,-0.0365743,-0.0695125,-0.101188,-0.0817779,-0.218883,-0.035595,0.0708053,0.081938,-0.0801649,0.0778363,0.229865,-0.016719,-0.0219837,0.104076,0.204395,0.086697,-0.149944,-0.0713381,-0.279145,0.352262,-0.193179,-0.195388,0.318594,0.0288676,-0.0852338,-0.402479,0.233972,-0.0126083,-0.0011173,-0.0388078,0.0612286,0.21801,-0.12224,-0.105945,-0.0740856,-0.0193938,0.0562089,0.0113045,},
{0.34923,0.380244,-0.0592427,-0.120871,-0.109074,0.0128805,-0.0743273,0.284671,0.28096,0.00932215,-0.16163,-0.0293822,-0.00557957,-0.0459547,0.150053,-0.24997,0.0393418,-0.140159,-0.161947,-0.130359,0.353457,0.30831,0.093751,-0.144991,0.0436638,-0.073187,-0.00980647,-0.0744445,-0.104741,-0.093932,-0.268623,-0.063185,0.0383121,0.0805694,-0.09726,0.13173,0.21128,0.00445458,-0.0122814,0.0951013,0.218716,0.115411,-0.149338,-0.0585405,-0.290489,0.343563,-0.206896,-0.218141,0.314502,0.0186589,-0.111771,-0.400869,0.242604,-0.0652606,-0.0323069,-0.0667157,0.0716339,0.237952,-0.180806,-0.120152,-0.0853192,0.0356358,0.0587915,-0.0298846,},
{0.328002,0.189694,-0.0716743,-0.0594189,-0.167324,-0.00600143,0.0108696,0.116382,0.353091,0.0604687,-0.0753994,-0.226638,-0.046784,0.120875,0.198248,-0.283368,0.028321,-0.141087,-0.211845,-0.136799,0.440113,0.123577,0.19483,-0.083892,0.0826855,-0.00370754,-0.0931114,-0.181096,-0.0927859,0.0124887,-0.114871,-0.0593606,0.138332,0.00849274,-0.12921,0.0245846,0.183665,0.0394897,0.045911,-0.0777409,0.294166,0.13323,-0.109496,-0.238113,-0.303645,0.420693,-0.0808019,-0.16609,0.344584,0.0427885,-0.0461867,-0.233129,0.238296,0.123656,0.202627,-0.0617474,0.0721336,0.248063,-0.0675749,-0.0586663,0.015805,-0.164444,0.0613759,0.0486184,},
{0.370802,0.240205,-0.0425058,-0.0208363,-0.18021,0.0553944,0.0149872,0.208305,0.272852,0.0391999,-0.0719477,-0.0685635,-0.0856811,0.0625358,0.176757,-0.31366,0.087938,-0.145687,-0.235164,-0.0982798,0.387004,0.179124,0.140596,-0.118717,0.0693712,-0.16591,-0.0659583,-0.12179,-0.0848177,-0.0376887,-0.106016,-0.030538,0.0600458,0.0345273,-0.0358111,-0.00521625,0.223316,0.0177624,-0.0773037,0.0816305,0.254896,0.0845551,-0.126396,-0.125238,-0.319499,0.41653,-0.103098,-0.167172,0.346065,0.00642389,-0.0563135,-0.361921,0.234139,0.152651,0.0805046,-0.0123519,0.0166287,0.161923,-0.0471636,0.00116175,0.00380812,-0.216522,0.0573949,0.0264748,},
{0.31044,0.184776,0.0191801,-0.104767,-0.112539,0.0313521,-0.0104282,0.134221,0.272406,0.00676543,-0.035249,-0.164995,-0.0506348,0.115071,0.179036,-0.254853,0.0937602,-0.0997657,-0.213509,-0.233838,0.425107,0.205078,0.192462,-0.067163,0.0668708,-0.000520028,-0.072093,-0.170431,-0.135236,-0.0243588,-0.13442,-0.0593765,0.0852702,-0.000849214,-0.12683,0.0388913,0.153912,0.0416323,-0.0742126,-0.0506402,0.328334,0.099237,-0.233391,-0.171881,-0.329226,0.451684,-0.170089,-0.150586,0.284462,0.0959989,-0.0901114,-0.324092,0.237144,0.0743578,0.102782,-0.090476,0.0655169,0.23179,-0.106372,0.0450398,-0.0135734,-0.142617,0.14568,0.00770913,},
{0.37892,0.303955,-0.0621881,-0.0242638,-0.146678,-0.00613783,-0.0663212,0.23337,0.251487,0.0132603,-0.10795,-0.0122347,-0.102544,0.0199016,0.132383,-0.297132,0.0711768,-0.146999,-0.242337,-0.1185,0.333198,0.252537,0.0936598,-0.158042,0.0889233,-0.139485,-0.0491026,-0.0928877,-0.12709,-0.0979886,-0.148107,-0.0186401,0.0862731,0.0563944,-0.0468071,0.0140942,0.232367,0.00522908,-0.0956931,0.104618,0.23577,0.0846242,-0.120978,-0.0731985,-0.29907,0.367241,-0.159295,-0.163102,0.349526,-0.0233863,-0.0938756,-0.401399,0.248846,0.0708682,0.0506365,-0.0141307,0.0336367,0.185154,-0.0853792,-0.0625994,-0.0552674,-0.138749,0.0308854,0.0161325,},
{0.368634,0.332413,-0.0706071,-0.0688844,-0.127935,-0.0157186,-0.0749547,0.25607,0.268321,0.00698868,-0.130396,-0.0154054,-0.0741949,-0.0143282,0.151389,-0.257421,0.0684714,-0.149892,-0.221148,-0.104127,0.34704,0.294726,0.0971956,-0.144475,0.0476694,-0.0869789,-0.018111,-0.0870092,-0.134921,-0.120853,-0.177569,-0.0296304,0.0830408,0.0772917,-0.0787243,0.0619357,0.221079,-0.00267938,-0.0786456,0.109512,0.222291,0.0894527,-0.134431,-0.0576465,-0.299976,0.340403,-0.204081,-0.206643,0.324246,-0.00301412,-0.125521,-0.410507,0.233817,0.0239553,0.0252122,-0.0355133,0.0234323,0.208583,-0.12153,-0.0883621,-0.0733092,-0.0825882,0.0441966,0.00904403,},
{0.353043,0.165311,0.0243803,-0.110365,-0.108588,0.022041,0.0125512,0.108514,0.237964,0.00714714,-0.0326043,-0.160176,-0.0846022,0.109118,0.188382,-0.27848,0.0898735,-0.136788,-0.209325,-0.187966,0.440081,0.207804,0.221333,-0.0347444,0.0708946,0.029914,-0.0427177,-0.157589,-0.117895,0.00478979,-0.175142,-0.0620268,0.127036,-0.00773254,-0.147727,0.0694004,0.167083,0.0539198,-0.0305102,-0.0611181,0.33121,0.0984963,-0.181174,-0.169659,-0.338295,0.435627,-0.143021,-0.110897,0.244297,0.132637,-0.0924749,-0.293684,0.245922,0.0715347,0.101333,-0.0915352,0.0501754,0.255756,-0.0974753,0.017837,-0.0379144,-0.158148,0.190657,-0.000514524,},
{0.381742,0.312651,-0.110758,-0.0540884,-0.157065,0.0401796,0.0122676,0.188041,0.314282,0.0825189,-0.142636,-0.118092,-0.0438183,0.0848147,0.213293,-0.326102,0.0723878,-0.162659,-0.177762,-0.0626614,0.381399,0.113867,0.153499,-0.0738373,0.0547979,0.0203884,-0.0599872,-0.100216,-0.0662848,0.0417189,-0.143652,-0.0586011,0.107117,0.121025,-0.120307,0.0267826,0.240054,-0.0451565,0.125124,-0.0368616,0.233605,0.0454096,-0.0767453,-0.195017,-0.29117,0.396695,-0.0823422,-0.117658,0.332847,0.0146854,-0.0414219,-0.303515,0.249813,0.0909143,0.127628,0.00353706,0.0644906,0.272136,-0.0554987,-0.122009,-0.0405366,-0.0743231,0.0645616,0.0667782,},
{0.355405,0.253294,-0.0937581,-0.0691221,-0.193806,0.0267566,0.0269973,0.129081,0.390494,0.093243,-0.0862861,-0.204114,-0.0300774,0.105328,0.189647,-0.295196,0.055613,-0.144306,-0.187627,-0.0995761,0.41719,0.0930156,0.163875,-0.0874418,0.0877422,-0.0506155,-0.0906615,-0.160154,-0.0700598,0.0384337,-0.105341,-0.0320213,0.0798561,0.0439998,-0.104206,0.0234215,0.191114,-0.0110462,0.0630749,-0.05856,0.275658,0.0825847,-0.079287,-0.215905,-0.303092,0.421967,-0.0542676,-0.196041,0.362358,0.0196428,-0.035927,-0.258856,0.236855,0.152821,0.190669,-0.0270129,0.0667482,0.237075,-0.0501776,-0.0512099,0.018193,-0.166553,0.0157895,0.0631261,},
{0.284426,0.303629,-0.0461229,-0.128387,-0.186351,-0.0160337,-0.0912761,0.267868,0.282461,0.0740728,-0.150923,-0.0518645,-0.0423689,-0.0646867,0.193957,-0.208646,0.060884,-0.180978,-0.240528,-0.108948,0.364866,0.293928,0.0957015,-0.119329,0.0627842,-0.0814083,0.0277282,-0.121857,-0.170602,-0.174044,-0.16054,-0.0744339,0.0577902,0.0804646,-0.129467,0.056915,0.207482,0.00855538,-0.0963482,0.110349,0.277543,0.120126,-0.109581,-0.0560049,-0.346505,0.325269,-0.216594,-0.211346,0.367444,-0.0379843,-0.159964,-0.420809,0.293409,-0.017534,0.0817773,-0.0379661,-0.000844101,0.230218,-0.168713,-0.13701,-0.0794655,-0.0252507,0.0298671,-0.0222676,},
{0.352925,0.327273,-0.062385,-0.086923,-0.152457,-0.0394909,-0.109558,0.269763,0.295472,0.0391135,-0.12601,-0.030562,-0.0644336,-0.024,0.166733,-0.253222,0.0599786,-0.142293,-0.25732,-0.134753,0.307833,0.294539,0.090239,-0.150046,0.0821556,-0.112495,-0.00223269,-0.109867,-0.146204,-0.157275,-0.178439,-0.04452,0.0505058,0.0511985,-0.0966579,0.0652178,0.209104,0.0329221,-0.0951903,0.0714056,0.231363,0.121182,-0.122862,-0.0944109,-0.304439,0.345576,-0.180481,-0.224787,0.389234,-0.0319935,-0.128136,-0.39908,0.245232,0.0142253,0.0609768,-0.0336123,0.0459477,0.199582,-0.140121,-0.0846787,-0.0532858,-0.0636814,0.0285685,0.0109455,},
{0.328097,0.38818,-0.069799,-0.103625,-0.0879414,0.0316475,-0.0769617,0.285451,0.268855,0.01228,-0.174596,-0.0155552,-0.00984214,-0.0406336,0.153042,-0.2478,0.0307848,-0.142234,-0.156299,-0.11665,0.340275,0.313775,0.0778655,-0.146866,0.0481195,-0.0467233,-0.0200369,-0.0829175,-0.0989036,-0.0802588,-0.258853,-0.0714482,0.064111,0.112225,-0.100781,0.118955,0.233974,-0.0116719,0.00454697,0.10342,0.218192,0.105086,-0.135487,-0.0470879,-0.303255,0.324157,-0.213835,-0.199582,0.327008,0.0272819,-0.101297,-0.40789,0.247816,-0.0709214,-0.00930644,-0.0629135,0.0744966,0.257623,-0.168471,-0.141656,-0.0972954,0.0692586,0.0590269,-0.020505,},
{0.332411,0.352801,-0.0909646,-0.0572894,-0.118528,0.0739279,-0.0391159,0.286294,0.264548,0.0188655,-0.121349,-0.0134634,-0.0819414,0.0661455,0.209576,-0.300081,0.0504657,-0.123186,-0.226207,-0.122698,0.332723,0.230772,0.0997862,-0.142915,0.0315226,-0.0410343,-0.0390692,-0.0949082,-0.0995159,-0.0317029,-0.162185,-0.0238801,0.121203,0.133633,-0.0949407,-0.0102297,0.250317,0.0075933,-0.00441214,0.111739,0.221293,0.0643819,-0.158689,-0.11265,-0.296561,0.357675,-0.171487,-0.144217,0.33323,0.00445276,-0.0429421,-0.390622,0.261876,0.0410807,0.0646969,-0.0188338,0.08519,0.220251,-0.0976104,-0.096681,-0.0554326,-0.0549737,0.108093,0.0363719,},
{0.335996,0.274267,-0.084168,-0.0554192,-0.171713,0.0472581,0.0354459,0.196177,0.29411,0.101812,-0.116174,-0.0953748,-0.0434723,0.0760043,0.22703,-0.300911,0.0698785,-0.159714,-0.202196,-0.0970986,0.34111,0.122515,0.11114,-0.0667975,0.093624,-0.0406724,-0.0261379,-0.154736,-0.0735771,0.0276123,-0.0786984,-0.0558924,0.0627096,0.108658,-0.113398,0.0141154,0.253353,-0.00963858,0.0304478,0.0452546,0.274096,0.0318866,-0.102185,-0.138035,-0.328504,0.384992,-0.0596948,-0.132025,0.382639,0.0298811,-0.064652,-0.300908,0.247606,0.114884,0.156532,0.00733191,0.0479962,0.217955,-0.0378076,-0.0362061,-0.0378723,-0.124175,0.0621069,0.0624741,},
{0.329694,0.264716,-0.0278159,-0.0926691,-0.203256,-0.0282282,-0.082126,0.24203,0.281099,0.0595307,-0.107444,-0.0523104,-0.0559756,-0.0638598,0.165555,-0.24634,0.066749,-0.152564,-0.267256,-0.137479,0.341886,0.280401,0.114367,-0.136915,0.103207,-0.147036,0.00737921,-0.139371,-0.166491,-0.175733,-0.137601,-0.0553191,0.0296194,0.0479178,-0.0788094,0.0628945,0.202809,0.0347787,-0.120758,0.0889798,0.27582,0.1159,-0.104611,-0.073103,-0.333238,0.346646,-0.164515,-0.215999,0.394816,-0.0550928,-0.136513,-0.383688,0.279522,0.0311217,0.0858085,-0.0323239,0.00517266,0.189881,-0.141403,-0.0585469,-0.0506808,-0.113227,0.0282845,-0.0105901,},
{0.343186,0.367623,-0.0626275,-0.120999,-0.117054,-0.0299361,-0.0932585,0.277345,0.278591,-0.00542667,-0.148759,-0.0353775,-0.0296777,-0.0289295,0.138588,-0.253122,0.0400032,-0.137629,-0.199435,-0.144657,0.339103,0.314076,0.0890455,-0.148098,0.0573378,-0.0907752,0.00444595,-0.0683072,-0.126788,-0.115969,-0.251569,-0.0658631,0.0525822,0.0439409,-0.11761,0.118244,0.200322,0.0293631,-0.0470532,0.0864337,0.223915,0.133099,-0.157683,-0.0714637,-0.278812,0.347288,-0.203577,-0.201459,0.322347,0.00837184,-0.128895,-0.393798,0.239523,-0.0647289,-0.0234055,-0.0634713,0.0614997,0.210267,-0.170756,-0.119955,-0.0822649,-0.00275178,0.0416906,-0.0283412,},
{0.307224,0.233656,-0.0764982,-0.125482,-0.180561,0.0569782,0.0719082,0.20941,0.31048,0.114758,-0.118878,-0.100161,0.00167017,0.0526861,0.22655,-0.273459,0.0985725,-0.152107,-0.235447,-0.0933112,0.342327,0.140787,0.113102,-0.043994,0.0502632,-0.0448658,0.00731317,-0.168582,-0.0728542,0.0298715,-0.0813362,-0.0765744,0.0230129,0.129568,-0.14159,0.0267245,0.251255,0.000556493,0.0453844,0.0314959,0.290657,0.0208769,-0.106699,-0.121811,-0.362009,0.377008,-0.0604989,-0.154481,0.383754,0.0327951,-0.0706656,-0.337285,0.259842,0.0924345,0.152133,-0.0293385,0.0358914,0.233906,-0.0681726,0.0129205,-0.032247,-0.115477,0.0449559,0.0359727,},
{0.326661,0.288892,-0.115661,-0.0780094,-0.161575,0.0559665,0.0500779,0.193304,0.297199,0.102187,-0.144976,-0.111813,-0.0356207,0.0638085,0.232099,-0.309605,0.0643235,-0.171063,-0.18757,-0.0599575,0.356193,0.129718,0.15305,-0.060955,0.0509603,0.03396,-0.042774,-0.0907432,-0.0757262,0.0525425,-0.0948137,-0.065871,0.1078,0.158181,-0.146926,0.00853466,0.237391,-0.0418182,0.111788,0.003139,0.282214,0.0296087,-0.0965862,-0.167861,-0.324249,0.373852,-0.068927,-0.110617,0.336612,0.00366057,-0.0503581,-0.310958,0.260677,0.0877805,0.156763,-0.00694168,0.0509314,0.275942,-0.058921,-0.0629395,-0.0327448,-0.0850344,0.0655632,0.0498444,},
{0.340623,0.353031,-0.0825701,-0.0483703,-0.108311,0.0446659,-0.0612766,0.290105,0.260385,0.0170073,-0.124985,-0.0116634,-0.0687021,0.0412156,0.200005,-0.287356,0.0609439,-0.14344,-0.210402,-0.122199,0.32496,0.246628,0.0972788,-0.149603,0.0374551,-0.0416111,-0.0454408,-0.0840527,-0.104131,-0.0522529,-0.156278,-0.0329168,0.104868,0.122295,-0.0876795,0.00990724,0.255789,-0.00368813,-0.0250427,0.107793,0.205593,0.0661286,-0.147895,-0.0836066,-0.298478,0.355011,-0.18526,-0.160031,0.340828,0.00770501,-0.0629148,-0.406721,0.252416,0.0475642,0.0675598,-0.0158265,0.0683088,0.223374,-0.0886407,-0.0986503,-0.0578839,-0.0585998,0.0810285,0.0490588,},
{0.299759,0.318792,-0.0315385,-0.140527,-0.169146,-0.0354757,-0.117894,0.268541,0.286683,0.0446507,-0.141795,-0.0552416,-0.00895272,-0.0566654,0.166859,-0.199425,0.0261488,-0.167538,-0.22651,-0.154603,0.331563,0.312404,0.0982382,-0.144218,0.0849467,-0.095043,0.0171727,-0.118774,-0.165901,-0.172808,-0.213603,-0.0919134,0.0341167,0.0478971,-0.122878,0.115298,0.200835,0.0356329,-0.0740057,0.0847312,0.278968,0.146258,-0.124989,-0.0664699,-0.314102,0.322463,-0.201023,-0.218039,0.366024,-0.020804,-0.148918,-0.386329,0.279501,-0.0668543,0.0530549,-0.0702723,0.0306816,0.21682,-0.187157,-0.129372,-0.0815955,0.0123288,0.0283507,-0.0388574,},
{0.333984,0.317358,-0.0197819,-0.184242,-0.167375,-0.061294,-0.118038,0.250707,0.319056,0.0464573,-0.124897,-0.096104,-0.0291043,-0.0672079,0.161747,-0.199404,0.0474096,-0.133952,-0.235438,-0.14953,0.359241,0.30351,0.125105,-0.132995,0.082473,-0.0973959,0.0116084,-0.141265,-0.150957,-0.16318,-0.24666,-0.0601031,0.0166247,0.00276596,-0.133164,0.147164,0.168609,0.0610407,-0.0779002,0.0563195,0.277396,0.153586,-0.150622,-0.0700481,-0.329463,0.35054,-0.218191,-0.261338,0.344269,-0.00261556,-0.146274,-0.400099,0.28578,-0.0432698,0.0527419,-0.112283,0.0472587,0.228379,-0.208746,-0.119175,-0.062279,-0.00364286,0.0442576,-0.0707265,},
{0.342936,0.252351,-0.119505,-0.0627281,-0.191166,0.0470887,0.0606817,0.171644,0.340793,0.10408,-0.133251,-0.166515,-0.0184682,0.0630901,0.233814,-0.33398,0.0632958,-0.161437,-0.180198,-0.0634421,0.406661,0.132731,0.185537,-0.0597769,0.0790566,0.0352683,-0.0453707,-0.129392,-0.0779636,0.042958,-0.103543,-0.0787594,0.0885752,0.119182,-0.136992,0.0372972,0.204309,-0.0462532,0.129878,-0.0397849,0.288904,0.0993316,-0.0838066,-0.224667,-0.321127,0.392484,-0.0609911,-0.144907,0.363411,-0.00911011,-0.00779316,-0.283272,0.255819,0.104037,0.186108,-0.0057435,0.0554983,0.281778,-0.0777472,-0.0768799,-0.0243209,-0.108922,0.0207458,0.0477489,},
{0.301197,0.246436,-0.00661063,-0.129977,-0.0817065,0.0675926,-0.00925918,0.171008,0.275953,0.0144116,-0.0567447,-0.146115,-0.0541925,0.0977876,0.193805,-0.268666,0.0603602,-0.0898765,-0.221262,-0.190717,0.386114,0.225525,0.180543,-0.0536869,0.0637445,-0.0221453,-0.0516111,-0.155729,-0.0950569,-0.00960538,-0.182168,-0.0604517,0.0888607,0.0144683,-0.16547,0.0773691,0.142001,0.0668296,-0.0512079,-0.00163768,0.305952,0.106875,-0.207132,-0.171243,-0.342102,0.41776,-0.166725,-0.162712,0.301721,0.101463,-0.0803738,-0.321606,0.232603,0.0675953,0.104859,-0.106311,0.080642,0.227694,-0.109074,-0.00412243,-0.013943,-0.122763,0.140376,0.00362097,},
{0.329604,0.280146,-0.132111,-0.062378,-0.165449,0.0244584,0.0104157,0.145622,0.364036,0.0869863,-0.121102,-0.208586,-0.0493268,0.100865,0.225729,-0.313097,0.0128723,-0.12658,-0.201508,-0.0889965,0.387235,0.116863,0.18116,-0.0852936,0.0949372,0.0599996,-0.0893877,-0.160168,-0.0676498,0.0339184,-0.0985333,-0.0376823,0.138179,0.103137,-0.147933,0.0231256,0.194872,-0.0102405,0.11876,-0.0314202,0.282457,0.0974945,-0.111341,-0.244058,-0.298538,0.389535,-0.0841906,-0.172597,0.381003,-0.00550552,-0.0132109,-0.241429,0.246067,0.125938,0.237414,-0.0379672,0.10727,0.271565,-0.0707353,-0.120594,-0.00727463,-0.113948,0.0394875,0.0706373,},
{0.334061,0.272835,-0.101751,-0.0618167,-0.173921,0.0484593,0.0442091,0.171638,0.308676,0.0935197,-0.124178,-0.150929,-0.0369823,0.0738779,0.229561,-0.340964,0.0585149,-0.161926,-0.184138,-0.0709235,0.367951,0.123981,0.16978,-0.047551,0.0930758,0.0222461,-0.0369175,-0.10222,-0.0777999,0.0445548,-0.0809958,-0.0717197,0.0793313,0.118703,-0.13883,0.0341549,0.207716,-0.0591604,0.103313,0.00823559,0.281531,0.0631412,-0.0928792,-0.195443,-0.320711,0.400534,-0.055032,-0.125272,0.367828,0.00157041,-0.0387949,-0.269015,0.252115,0.105285,0.17156,0.00955677,0.0468124,0.253367,-0.0460602,-0.0659324,-0.0390753,-0.139739,0.0338342,0.0585507,},
{0.333094,0.280575,-0.105751,-0.0736047,-0.16395,0.0645916,0.0504572,0.190995,0.296317,0.0949135,-0.134453,-0.123206,-0.0355243,0.0612714,0.229165,-0.326766,0.060577,-0.168668,-0.190293,-0.0463783,0.364333,0.129551,0.164016,-0.0459637,0.0566571,0.0129612,-0.0365191,-0.0870735,-0.0636848,0.0462604,-0.0973368,-0.0727628,0.0994384,0.141996,-0.142982,0.0279307,0.231262,-0.0527892,0.117849,0.0104953,0.269516,0.0428125,-0.0763227,-0.173192,-0.327042,0.386876,-0.0577542,-0.109726,0.34443,0.0128231,-0.0486186,-0.291565,0.26319,0.0861541,0.147168,-0.00326705,0.0279052,0.266406,-0.0506796,-0.067418,-0.0278525,-0.115988,0.06071,0.050429,},
{0.338616,0.336826,-0.0721783,-0.0568255,-0.127259,0.00372095,-0.0774221,0.269234,0.251639,0.0198812,-0.13091,-0.0216636,-0.0712936,-0.00135345,0.159464,-0.277404,0.0520707,-0.1669,-0.207889,-0.125511,0.324518,0.278686,0.0896154,-0.16477,0.0680127,-0.073072,-0.0468357,-0.0718452,-0.122824,-0.0899293,-0.172196,-0.0485677,0.0886689,0.104448,-0.0667167,0.0364844,0.248921,-0.015188,-0.0435924,0.119678,0.21382,0.0945679,-0.129506,-0.0568627,-0.296261,0.344467,-0.182747,-0.170469,0.346914,-0.0148809,-0.0952642,-0.404238,0.251467,0.00283772,0.0415561,-0.0277707,0.0560184,0.221288,-0.118551,-0.102712,-0.0734156,-0.053652,0.0491969,0.013175,},
{0.370039,0.363699,-0.0803012,-0.0915431,-0.107532,-0.0355335,-0.076675,0.279146,0.276511,-0.000561437,-0.140185,-0.0395033,-0.0405348,0.00712951,0.155894,-0.262895,0.0495553,-0.126182,-0.18194,-0.161745,0.322848,0.284062,0.0956253,-0.169239,0.0629865,-0.0642261,-0.0450599,-0.0808107,-0.114465,-0.0743624,-0.228031,-0.0505754,0.0511893,0.0665849,-0.0759171,0.104293,0.217401,0.0138286,-0.0152515,0.0892278,0.209494,0.115671,-0.178998,-0.0673774,-0.272582,0.350294,-0.186065,-0.199892,0.320424,0.00675529,-0.0883094,-0.389778,0.220469,-0.0257629,0.0030758,-0.0672253,0.085227,0.217883,-0.149221,-0.0932207,-0.0722141,-0.0110604,0.041814,-0.018684,},
{0.318035,0.227935,-0.0146273,-0.112738,-0.13758,0.0805432,-0.00608812,0.206508,0.317376,0.0470619,-0.061907,-0.0918669,-0.0193416,0.0955422,0.209237,-0.24018,0.0934441,-0.108254,-0.251607,-0.148135,0.386589,0.179139,0.162702,-0.083067,0.0205248,-0.0821463,-0.0315938,-0.184554,-0.111887,-0.0275907,-0.140896,-0.0493623,0.061213,0.0382756,-0.11657,0.0248349,0.209808,0.0621832,-0.0415987,-0.0159158,0.29135,0.064056,-0.148911,-0.161097,-0.347641,0.403944,-0.139429,-0.174261,0.317195,0.0752263,-0.0656499,-0.356204,0.267016,0.103474,0.120588,-0.0824234,0.0315082,0.212238,-0.0909908,0.0302948,0.0073058,-0.118737,0.11207,0.0216369,},
{0.355961,0.326431,-0.0854429,-0.0231472,-0.105601,0.0534474,-0.0313338,0.241555,0.288623,0.0533846,-0.125105,-0.0708196,-0.040568,0.116188,0.221936,-0.279915,0.0543385,-0.0998617,-0.199681,-0.166491,0.347693,0.145401,0.105109,-0.126124,0.0528574,-0.0575764,-0.0900098,-0.169119,-0.061389,-0.0207955,-0.139529,-0.0138863,0.089961,0.085908,-0.0687568,-0.00462652,0.249143,0.0440644,-0.0117571,0.057065,0.206803,0.048119,-0.153153,-0.150334,-0.278052,0.389665,-0.1357,-0.162315,0.368308,0.0422954,-0.0523197,-0.328747,0.216239,0.129148,0.120921,-0.021077,0.103073,0.197368,-0.0625819,-0.0853396,-0.0162754,-0.0797567,0.0820989,0.0934729,},
{0.356557,0.330501,-0.0776524,-0.0284977,-0.121838,0.0583164,-0.0328519,0.2666,0.256138,0.026802,-0.116029,-0.0244618,-0.0933396,0.0377153,0.196266,-0.310501,0.0497465,-0.13939,-0.208875,-0.100493,0.342851,0.244272,0.104637,-0.138507,0.0516373,-0.059026,-0.0555023,-0.092741,-0.0933021,-0.0535509,-0.13976,-0.0247907,0.109405,0.130325,-0.0560527,0.0020728,0.258731,-0.0232626,-0.0215934,0.135136,0.208337,0.069238,-0.138199,-0.0902776,-0.302137,0.360656,-0.164599,-0.170745,0.350038,0.00855437,-0.05034,-0.390089,0.251822,0.0569902,0.0635846,-0.00867075,0.0620719,0.214634,-0.083845,-0.0920585,-0.0595558,-0.0943595,0.0845658,0.0433937,},
{0.378404,0.35063,-0.0483313,-0.0562009,-0.0816276,0.0696077,-0.0420284,0.25293,0.275351,0.00790257,-0.113912,-0.0307975,-0.00656454,0.0754193,0.168708,-0.298374,0.0886371,-0.101067,-0.144827,-0.197329,0.387191,0.205709,0.13223,-0.166861,0.065773,-0.13316,-0.0669855,-0.120551,-0.06204,-0.022104,-0.261799,-0.0166568,0.0607517,0.00706658,-0.0521306,0.0790211,0.20843,0.0918368,-0.0340871,0.011742,0.198886,0.0824115,-0.132238,-0.12268,-0.271795,0.394632,-0.149823,-0.122689,0.2865,0.0660658,-0.0344092,-0.346222,0.224873,0.0910052,0.0238977,-0.0487757,0.0938018,0.195492,-0.115375,-0.058417,-0.00549299,-0.0586307,0.0940731,0.0552898,},
{0.335996,0.312815,-0.0293811,-0.126493,-0.165181,-0.0216427,-0.0979473,0.26594,0.310514,0.0320358,-0.112336,-0.0352298,-0.041825,-0.0107778,0.173721,-0.234413,0.0571855,-0.127539,-0.257076,-0.145224,0.305209,0.298297,0.128825,-0.174575,0.087409,-0.118242,-0.0129367,-0.121295,-0.162872,-0.143485,-0.201609,-0.0642167,0.0304906,0.0432749,-0.0822102,0.111354,0.192004,0.0273204,-0.0594193,0.0648061,0.270315,0.12501,-0.139409,-0.0887336,-0.301519,0.344443,-0.176865,-0.222673,0.364033,-0.0247026,-0.0988731,-0.385668,0.262472,-0.012605,0.0603662,-0.0571443,0.0314887,0.19541,-0.141281,-0.0778515,-0.0660994,-0.0340565,0.0423746,-0.0204092,},
{0.344342,0.299508,-0.0828652,-0.0373446,-0.0960266,0.00508821,-0.00703232,0.153763,0.288932,0.0366304,-0.0935714,-0.194233,-0.0641636,0.134396,0.186104,-0.303251,0.0308075,-0.140011,-0.148133,-0.173725,0.37794,0.129643,0.146005,-0.0813926,0.0718006,-0.0185226,-0.145557,-0.0810417,-0.0238685,0.0285666,-0.132701,-0.0289784,0.111388,0.0300817,-0.0949671,0.0193386,0.188883,0.00679853,0.00706616,-0.00119747,0.196691,0.0824186,-0.164915,-0.189219,-0.256737,0.437915,-0.0920266,-0.181518,0.33988,0.0828502,-0.0953421,-0.254291,0.144712,0.126937,0.113648,-0.0291612,0.125005,0.210915,-0.0294584,-0.0737049,0.0118042,-0.144877,0.0789437,0.105948,},
{0.296843,0.256002,-0.117622,-0.0693235,-0.150197,0.0090238,0.00126036,0.142496,0.367725,0.0735084,-0.0993945,-0.238187,-0.0625866,0.122189,0.226616,-0.285995,-0.00620417,-0.132406,-0.201028,-0.108446,0.395736,0.130176,0.186866,-0.0814376,0.0771991,0.0657893,-0.111573,-0.154387,-0.071376,0.0228373,-0.0911522,-0.0570813,0.164189,0.0757262,-0.154908,0.0122975,0.187184,0.00441095,0.0966035,-0.0456133,0.282092,0.1254,-0.137745,-0.254669,-0.302965,0.39491,-0.093964,-0.186335,0.367307,0.0182435,-0.0291232,-0.236552,0.232099,0.102468,0.230701,-0.0706255,0.110098,0.268071,-0.0716071,-0.109669,0.0178024,-0.116563,0.0629281,0.0661642,},
{0.34899,0.29181,-0.077879,-0.13614,-0.151778,0.0313305,0.0398178,0.201446,0.333345,0.139223,-0.151349,-0.0842143,-0.0240767,0.0553575,0.230319,-0.277771,0.106855,-0.169097,-0.207788,-0.0865453,0.363055,0.158493,0.147349,-0.0605063,0.0544136,0.0290144,0.00944106,-0.145398,-0.114814,0.00949642,-0.160296,-0.0853928,0.0862497,0.121367,-0.186743,0.0391252,0.233745,0.022137,0.0607901,-0.0709272,0.310091,0.0426607,-0.134155,-0.190104,-0.315382,0.392161,-0.10521,-0.104734,0.314832,0.0283408,-0.0783594,-0.359579,0.298379,0.0288084,0.10281,-0.0364823,0.063192,0.266546,-0.136122,-0.0393171,-0.0436228,-0.033287,0.116287,0.0338867,},
{0.317752,0.278066,-0.0129666,-0.0562039,-0.0578492,0.0754012,-0.0319887,0.170468,0.212075,-0.0513121,-0.0748859,-0.107885,-0.0707743,0.0727734,0.128444,-0.280172,0.102718,-0.108925,-0.137562,-0.199954,0.458949,0.255924,0.197116,-0.108477,0.0687912,-0.0128299,-0.105984,-0.12547,-0.0738584,-0.0170243,-0.223077,-0.020741,0.125658,-0.00934422,-0.0871472,0.0571304,0.163268,0.0261812,-0.0776766,0.019576,0.288211,0.136918,-0.224686,-0.110113,-0.329562,0.43379,-0.237413,-0.109923,0.213554,0.0909194,-0.0722213,-0.37054,0.24167,0.0619828,0.0159739,-0.119069,0.0740972,0.24023,-0.152739,-0.0246154,-0.0113394,-0.100992,0.145792,-0.00770022,},
{0.37908,0.346913,-0.0934717,-0.0119715,-0.112795,0.0754342,0.000288071,0.240401,0.266701,0.0514249,-0.134401,-0.0587758,-0.0565545,0.0800459,0.209451,-0.324963,0.0707284,-0.0972861,-0.16771,-0.133631,0.358979,0.142598,0.111277,-0.113192,0.0503638,-0.0516184,-0.0909917,-0.125117,-0.0431023,0.00421377,-0.133874,-0.00886066,0.0795055,0.118617,-0.047984,0.00156604,0.258619,-0.00862799,0.0284458,0.0733235,0.194512,0.0200404,-0.155056,-0.134192,-0.285657,0.392626,-0.126606,-0.138021,0.34348,0.0382667,-0.027663,-0.348665,0.223441,0.115668,0.0819029,-0.000164689,0.094731,0.221342,-0.057637,-0.087271,-0.0282383,-0.0638607,0.0925304,0.0743539,},
{0.348983,0.336569,-0.0193157,-0.173808,-0.107523,-0.0548934,-0.110572,0.259538,0.299208,-0.0139119,-0.119984,-0.0784164,-0.005958,-0.011978,0.134393,-0.211618,0.0591371,-0.127059,-0.197265,-0.187445,0.355883,0.312738,0.129051,-0.146759,0.0597344,-0.0919222,-0.0100228,-0.106652,-0.123216,-0.117544,-0.29673,-0.0622369,0.0171441,-0.0255779,-0.120032,0.17395,0.163207,0.0618545,-0.0584767,0.0444742,0.241422,0.154809,-0.174287,-0.0647376,-0.296271,0.365346,-0.222031,-0.236949,0.295885,0.0436218,-0.132441,-0.388687,0.239298,-0.0503857,-0.00859175,-0.124299,0.0704152,0.214478,-0.190533,-0.102127,-0.0691388,-0.00653857,0.0437622,-0.0465648,},
{0.387836,0.309589,-0.0337812,-0.109166,-0.152377,-0.0586444,-0.107804,0.226344,0.324979,0.0201257,-0.0970915,-0.0569659,-0.0681843,0.000167359,0.116143,-0.246222,0.0685814,-0.127053,-0.25759,-0.158531,0.340876,0.288031,0.109664,-0.177309,0.0800824,-0.179407,-0.0366638,-0.109619,-0.153533,-0.152691,-0.227558,-0.0269047,0.0369944,-0.0168361,-0.0636706,0.0875574,0.178919,0.059201,-0.117818,0.0362209,0.232453,0.130453,-0.132824,-0.103326,-0.277046,0.372298,-0.179011,-0.24568,0.343611,-0.00844075,-0.127836,-0.396453,0.231153,0.0223439,0.0227612,-0.0656981,0.0511933,0.176959,-0.14677,-0.0601821,-0.0398286,-0.093092,0.0207255,-0.0170738,},
{0.356248,0.35342,-0.0977252,-0.0497776,-0.0927985,0.0696219,-0.0111999,0.265382,0.271987,0.0347298,-0.131454,-0.0370464,-0.0427137,0.0696202,0.212136,-0.301497,0.0595932,-0.10984,-0.186681,-0.122232,0.337879,0.195183,0.107053,-0.125865,0.0215323,-0.0261019,-0.061113,-0.0937353,-0.0770084,0.000393951,-0.143948,-0.0282717,0.101417,0.150334,-0.0820733,0.00755583,0.265945,0.000529135,0.0330556,0.0782767,0.193669,0.0231352,-0.153036,-0.116172,-0.281289,0.366546,-0.143395,-0.144523,0.328747,0.0393109,-0.0431965,-0.363743,0.237359,0.0657975,0.0692403,-0.0198337,0.0808083,0.222802,-0.0776184,-0.0667497,-0.0398476,-0.0605401,0.0965044,0.0634446,},
{0.343598,0.318586,-0.0274756,-0.119667,-0.122962,-0.0504162,-0.120657,0.243104,0.317592,0.00625745,-0.0981691,-0.0659683,-0.0473971,0.00343259,0.122154,-0.228316,0.0507558,-0.123563,-0.253826,-0.180915,0.316044,0.302292,0.113382,-0.179225,0.0766405,-0.144529,-0.0427886,-0.109253,-0.147629,-0.144152,-0.225034,-0.0490731,0.0466924,-0.00637206,-0.0902936,0.0952967,0.18113,0.065083,-0.103791,0.0351852,0.23689,0.133886,-0.143959,-0.0982182,-0.285097,0.359069,-0.192361,-0.238112,0.354995,-0.00309383,-0.120873,-0.388249,0.239918,0.00284726,0.0408908,-0.0835599,0.0714038,0.181483,-0.144017,-0.0754667,-0.0407173,-0.0683464,0.024777,-0.00112845,},
{0.355143,0.268373,-0.0196612,-0.0219386,-0.0659908,0.0706709,-0.0270482,0.170609,0.229167,-0.00968727,-0.082685,-0.0969063,-0.049721,0.0668926,0.172347,-0.286201,0.0691258,-0.0964568,-0.150102,-0.176151,0.435995,0.194792,0.196813,-0.0961148,0.0537731,-0.0270386,-0.111372,-0.134058,-0.0753528,-0.0214646,-0.164154,0.0010358,0.132628,0.0396375,-0.0605751,0.0243342,0.199534,0.0547008,-0.0568883,0.00822462,0.246611,0.060463,-0.1642,-0.130885,-0.309786,0.412263,-0.178385,-0.149664,0.2673,0.0848811,-0.0777585,-0.323203,0.23454,0.141919,0.0901025,-0.0772852,0.0726103,0.225886,-0.0813942,-0.0215242,-0.00279995,-0.143717,0.140273,0.0689249,},
{0.315163,0.308268,-0.0178745,-0.145574,-0.181012,-0.043376,-0.107856,0.264065,0.288224,0.0517705,-0.141851,-0.0684238,0.000157255,-0.075974,0.164363,-0.211104,0.0431564,-0.163411,-0.211617,-0.163068,0.351553,0.301956,0.115347,-0.148613,0.0938627,-0.10803,0.0114862,-0.121112,-0.16035,-0.168636,-0.225156,-0.0905462,0.0039613,0.0282927,-0.105359,0.129901,0.193408,0.042678,-0.0738788,0.0725565,0.279893,0.153073,-0.136312,-0.0653593,-0.315123,0.343194,-0.196805,-0.224023,0.360074,-0.026346,-0.141411,-0.391266,0.282076,-0.0563679,0.0400559,-0.0746307,0.0381372,0.217799,-0.200257,-0.113654,-0.0742126,0.0102005,0.0282691,-0.0542122,},
{0.34383,0.272214,-0.0351461,-0.108355,-0.204243,-0.0490849,-0.0877468,0.239096,0.300431,0.0664328,-0.110026,-0.0537744,-0.0568915,-0.0408329,0.160578,-0.241417,0.0718826,-0.148239,-0.27174,-0.150338,0.335782,0.282286,0.107039,-0.144294,0.112557,-0.169371,0.0137329,-0.139735,-0.170259,-0.183174,-0.164391,-0.0491789,0.0187382,0.0144689,-0.0838081,0.0768342,0.178574,0.052433,-0.130455,0.0701555,0.277796,0.131142,-0.104235,-0.0906289,-0.324597,0.346836,-0.156307,-0.221045,0.391258,-0.0537129,-0.135427,-0.38121,0.264258,0.0324832,0.0817308,-0.0377508,0.0149384,0.180575,-0.153702,-0.0592637,-0.0464197,-0.109012,0.00646159,-0.0159919,},
{0.360262,0.360123,-0.0776716,-0.0840324,-0.0909205,-0.0197241,-0.0830028,0.289139,0.277513,-0.0134451,-0.138528,-0.0321544,-0.0412187,0.0321184,0.155271,-0.251348,0.0553637,-0.115377,-0.206227,-0.147346,0.31576,0.291248,0.0791408,-0.151644,0.0393037,-0.0875947,-0.04023,-0.0792611,-0.0932406,-0.0844185,-0.22946,-0.0608197,0.0575509,0.0470827,-0.0923311,0.0967718,0.213957,0.0116179,-0.0289828,0.0702341,0.194528,0.121214,-0.162343,-0.0820982,-0.284094,0.357334,-0.186061,-0.20135,0.338022,0.0317056,-0.094501,-0.396479,0.201387,-0.0175337,-0.00470961,-0.0570183,0.0674708,0.20829,-0.125879,-0.0990447,-0.0532549,-0.00920153,0.038011,-0.00268509,},
{0.348708,0.324855,-0.0666255,-0.0647107,-0.154315,-0.0159618,-0.0827589,0.258625,0.258946,0.0266248,-0.121845,-0.0292572,-0.0769875,-0.022787,0.160659,-0.271628,0.0568407,-0.158612,-0.22862,-0.117838,0.329193,0.268097,0.100458,-0.15196,0.0807093,-0.0841974,-0.0236268,-0.0903672,-0.139231,-0.112758,-0.147466,-0.0350226,0.0771566,0.0858417,-0.0796951,0.044336,0.236285,-0.0034521,-0.0677555,0.120454,0.238361,0.0886934,-0.133333,-0.055223,-0.307976,0.345798,-0.183932,-0.176805,0.348778,-0.0276609,-0.106593,-0.400427,0.272009,0.0220928,0.063366,-0.0301622,0.0312877,0.211475,-0.120433,-0.091002,-0.0683834,-0.084985,0.044385,0.0011184,},
{0.370497,0.360272,-0.0622926,-0.0852779,-0.0963634,-0.00647399,-0.0760711,0.271714,0.265057,-0.00957956,-0.13466,-0.0245121,-0.0296453,0.00534894,0.137462,-0.269001,0.0476843,-0.145315,-0.173766,-0.152438,0.330266,0.295481,0.0940594,-0.166049,0.056548,-0.0841867,-0.0404742,-0.0613162,-0.107317,-0.0778613,-0.240707,-0.0533922,0.0529154,0.0639988,-0.0709135,0.107462,0.222017,0.00426402,-0.0265174,0.0943093,0.202197,0.105581,-0.154856,-0.0611433,-0.27236,0.351274,-0.187645,-0.190369,0.311968,0.0266751,-0.090775,-0.392984,0.22148,-0.026202,-0.0143081,-0.056464,0.075031,0.215824,-0.139908,-0.093261,-0.0783836,-0.0216543,0.04381,-0.00312402,},
{0.332318,0.263948,-0.0212265,-0.116868,-0.193398,-0.0560842,-0.0916473,0.239855,0.292046,0.0545171,-0.106195,-0.0695704,-0.039019,-0.0477126,0.1562,-0.22198,0.063204,-0.155879,-0.24802,-0.163456,0.351625,0.290989,0.107275,-0.139256,0.102086,-0.156066,0.0123214,-0.136071,-0.177128,-0.177551,-0.172905,-0.0755952,0.0138725,0.00941894,-0.085387,0.0900216,0.18499,0.0553431,-0.123643,0.0643395,0.276209,0.141001,-0.112827,-0.079818,-0.329158,0.343,-0.165735,-0.221664,0.373981,-0.0375058,-0.142031,-0.379124,0.265976,0.00335259,0.0639792,-0.0615078,0.0152098,0.185112,-0.167215,-0.0585179,-0.0485046,-0.0918494,0.0109124,-0.0351871,},
{0.33595,0.252309,-0.0364936,-0.0853065,-0.235375,-0.0187133,-0.0760331,0.244875,0.275468,0.0774816,-0.0990298,-0.0443405,-0.082638,-0.0481299,0.187799,-0.26649,0.0731785,-0.165661,-0.28885,-0.120718,0.343491,0.252852,0.114896,-0.129513,0.109994,-0.148497,0.0136889,-0.142858,-0.162902,-0.168169,-0.119402,-0.0374179,0.044846,0.0539034,-0.0801809,0.0357361,0.215328,0.0222341,-0.113616,0.103101,0.281682,0.112545,-0.0908517,-0.0737426,-0.33968,0.357645,-0.147995,-0.191056,0.398201,-0.0557687,-0.126295,-0.387694,0.299905,0.0448919,0.112869,-0.0078308,-0.0158615,0.202011,-0.126122,-0.0652929,-0.0501162,-0.125343,0.0436062,-0.0127908,},
{0.308954,0.248021,-0.029333,-0.0708012,-0.165169,0.111019,0.019472,0.228155,0.262101,0.0341002,-0.0643955,-0.0846237,-0.0336778,0.0403045,0.196124,-0.292434,0.0717551,-0.121958,-0.240863,-0.106238,0.355585,0.171549,0.142768,-0.0755842,0.0512779,-0.0938354,-0.0350152,-0.136321,-0.0704259,0.00267514,-0.0806007,-0.056956,0.0419709,0.0959096,-0.0968432,0.0199886,0.242213,-0.00954423,-0.00890443,0.0854651,0.277243,0.0400527,-0.13538,-0.104052,-0.365363,0.397904,-0.109247,-0.145101,0.359531,0.0348687,-0.034786,-0.350802,0.287672,0.104267,0.117239,-0.0379627,0.0189861,0.202376,-0.0508314,0.00708177,-0.00818752,-0.157037,0.0893543,0.0141334,},
{0.327863,0.358651,-0.036262,-0.181479,-0.112411,-0.0613082,-0.125734,0.264895,0.311192,0.00321836,-0.13302,-0.0830488,-0.0139379,-0.0298711,0.150585,-0.212183,0.0324479,-0.135693,-0.215657,-0.182791,0.326502,0.323332,0.118253,-0.157939,0.0686821,-0.0488142,-0.00757804,-0.115454,-0.141153,-0.121525,-0.280952,-0.0717603,0.0329623,0.0197556,-0.147717,0.154858,0.181306,0.0711477,-0.0507425,0.0598687,0.251475,0.157383,-0.192825,-0.0769219,-0.282346,0.346642,-0.237551,-0.255114,0.330681,0.016941,-0.137616,-0.39858,0.247103,-0.0678313,0.0280058,-0.119346,0.103466,0.223783,-0.197549,-0.13537,-0.0898792,0.0251611,0.0473081,-0.0403476,},
{0.341401,0.278319,-0.0358275,-0.1175,-0.189643,-0.0677118,-0.095953,0.238212,0.312358,0.0519876,-0.102453,-0.0691634,-0.0539563,-0.0439129,0.147187,-0.229437,0.0665993,-0.141533,-0.262044,-0.154797,0.340385,0.295115,0.108404,-0.15298,0.109212,-0.179702,0.00550459,-0.129053,-0.168934,-0.178189,-0.17872,-0.0591905,0.0241867,-0.012388,-0.0939251,0.0908339,0.168011,0.0767845,-0.136667,0.0418938,0.272637,0.147786,-0.109701,-0.0937332,-0.323994,0.345013,-0.158722,-0.228689,0.378757,-0.0456729,-0.134356,-0.381179,0.256535,0.0269942,0.0730534,-0.0627114,0.020452,0.175244,-0.159572,-0.0529993,-0.0237366,-0.109845,0.000836013,-0.0267753,},
{0.310776,0.297131,-0.0565681,-0.125557,-0.142011,0.0912816,-0.0054236,0.271997,0.299478,0.073766,-0.111825,-0.0554967,-0.01392,0.0743022,0.243422,-0.253391,0.0608918,-0.107382,-0.25202,-0.156976,0.327838,0.188362,0.0984976,-0.0849704,0.0203052,-0.0343065,0.00105439,-0.167749,-0.106178,-0.013187,-0.153266,-0.067638,0.0526799,0.127587,-0.154252,0.019128,0.236338,0.0416804,0.0152397,0.0430835,0.281375,0.0443571,-0.167054,-0.145902,-0.337972,0.367726,-0.139524,-0.152324,0.360932,0.0356496,-0.0439457,-0.377519,0.283527,0.0341056,0.110189,-0.0446999,0.0854098,0.24011,-0.116294,-0.0419116,-0.0405499,-0.0178904,0.118122,0.00744806,},
{0.314235,0.29649,-0.061478,-0.0684862,-0.172303,0.0827888,-0.0235741,0.263235,0.313645,0.0700519,-0.0943319,-0.0560131,-0.0345368,0.0865062,0.215794,-0.273698,0.0921916,-0.105934,-0.252666,-0.16492,0.333939,0.158705,0.0950362,-0.120304,0.0681948,-0.138479,-0.0377369,-0.184942,-0.0986614,-0.0310714,-0.125917,-0.038794,0.0191422,0.0634805,-0.0860423,-0.00472201,0.217867,0.0372968,-0.0526659,0.0620382,0.263123,0.0711171,-0.134103,-0.138638,-0.338772,0.38888,-0.123089,-0.169011,0.395452,-0.00875955,-0.0407813,-0.374812,0.259032,0.121653,0.129678,-0.0184224,0.0650933,0.18652,-0.076253,-0.032743,-0.00990683,-0.0996126,0.0425541,0.0325821,},
{0.365089,0.322554,-0.0621258,-0.0750016,-0.12847,0.00978275,-0.0585323,0.259923,0.268361,-0.00126406,-0.111129,-0.0332103,-0.0768768,0.0478274,0.165932,-0.261185,0.0661004,-0.118653,-0.23211,-0.125501,0.337402,0.249093,0.102577,-0.137855,0.0449708,-0.0855329,-0.0381879,-0.110106,-0.113702,-0.0666582,-0.183206,-0.0382205,0.0691944,0.0624235,-0.0761262,0.0590398,0.222773,-0.00490067,-0.0339246,0.101454,0.236023,0.0897814,-0.165213,-0.0806056,-0.308671,0.364852,-0.18048,-0.179092,0.317564,0.0193497,-0.0791336,-0.393927,0.241708,0.0225881,0.0285037,-0.0547118,0.0433696,0.205232,-0.108818,-0.07503,-0.0623333,-0.0631768,0.0668388,-0.0216484,},
{0.330407,0.255019,-0.0397262,-0.0833136,-0.220437,-0.0234187,-0.0751211,0.249552,0.271485,0.0794929,-0.107418,-0.0448009,-0.0801109,-0.0566105,0.190162,-0.263499,0.0745995,-0.170589,-0.284636,-0.122749,0.343187,0.265965,0.112407,-0.124648,0.0995353,-0.141344,0.0141998,-0.130811,-0.165002,-0.178649,-0.115222,-0.0413982,0.0479483,0.0604629,-0.0876629,0.0315498,0.207653,0.0255398,-0.129079,0.10615,0.271287,0.110704,-0.0929735,-0.0742528,-0.339578,0.352087,-0.158214,-0.20076,0.401703,-0.0603199,-0.13989,-0.39409,0.285946,0.0517636,0.110031,-0.00402284,-0.010338,0.201132,-0.126686,-0.0668126,-0.04942,-0.13352,0.0368317,0.00261055,},
{0.331696,0.276507,-0.00718657,-0.133551,-0.174309,-0.0677838,-0.10606,0.225165,0.30109,0.030451,-0.0973847,-0.0935768,-0.0312896,-0.046612,0.11918,-0.214958,0.0448644,-0.14569,-0.243458,-0.184786,0.352783,0.295828,0.122436,-0.16407,0.102403,-0.177885,-0.0217234,-0.118265,-0.163546,-0.170751,-0.211113,-0.0697236,0.0201576,-0.0295316,-0.0896172,0.112512,0.167525,0.0795752,-0.12681,0.046198,0.276036,0.152857,-0.131308,-0.0798996,-0.306273,0.356357,-0.176469,-0.226822,0.35226,-0.0237158,-0.139103,-0.375056,0.265744,-0.00706034,0.0468064,-0.0907677,0.0380997,0.177575,-0.172127,-0.0705223,-0.0341195,-0.0862117,0.0112005,-0.0450225,},
{0.319442,0.252123,-0.109339,-0.0690103,-0.189019,0.042299,0.0412074,0.169607,0.338347,0.0937843,-0.122791,-0.179091,-0.00977252,0.0715647,0.228466,-0.322796,0.0462545,-0.152632,-0.200612,-0.0940039,0.375651,0.121247,0.173349,-0.066047,0.0897737,0.032073,-0.0531625,-0.139099,-0.0773077,0.043916,-0.0821034,-0.0739726,0.0766126,0.116578,-0.148904,0.0322045,0.201779,-0.0375291,0.112626,-0.0184026,0.297852,0.0863091,-0.0998718,-0.211501,-0.317804,0.399324,-0.0617905,-0.1539,0.393202,-0.0170192,-0.0211027,-0.266985,0.254268,0.114505,0.210621,-0.00462139,0.071743,0.267405,-0.0581987,-0.0721041,-0.0253242,-0.12577,0.0151403,0.0584431,},
{0.343407,0.269902,0.0111651,-0.132759,-0.180552,-0.0672839,-0.128545,0.210102,0.313324,0.0308854,-0.0785384,-0.0912604,-0.036581,-0.0397973,0.109303,-0.208328,0.0582802,-0.1586,-0.246986,-0.183492,0.358322,0.300671,0.130083,-0.177818,0.105335,-0.19623,-0.0317359,-0.108436,-0.181563,-0.187472,-0.212078,-0.0610448,0.0176626,-0.0441631,-0.0713952,0.106074,0.162162,0.071342,-0.151209,0.0229055,0.271112,0.147922,-0.111571,-0.0828796,-0.303203,0.363259,-0.182003,-0.240599,0.347543,-0.020773,-0.145413,-0.385152,0.264683,0.0108224,0.0538661,-0.0831205,0.0253853,0.174992,-0.162807,-0.0608711,-0.0293524,-0.102634,0.00659817,-0.0333197,},
{0.344475,0.277861,-0.110473,-0.0704449,-0.169019,0.0529201,0.0494414,0.182447,0.317922,0.0890024,-0.137312,-0.136866,-0.0216277,0.0681239,0.222711,-0.334576,0.0643039,-0.151979,-0.186251,-0.0659699,0.373439,0.132273,0.171066,-0.0571043,0.0699755,0.0199486,-0.0398604,-0.10333,-0.0690957,0.0428016,-0.106019,-0.0659516,0.0859584,0.127091,-0.13849,0.0434524,0.210721,-0.058332,0.127403,-0.00946884,0.276172,0.0580149,-0.0814571,-0.190588,-0.316505,0.391292,-0.0618754,-0.124907,0.355331,0.00360104,-0.0262361,-0.284954,0.25686,0.0954421,0.161051,0.00466186,0.0431063,0.271859,-0.0545734,-0.078887,-0.0373478,-0.11015,0.0304135,0.0574237,},
{0.332974,0.2897,-0.0234835,-0.13889,-0.197879,-0.0572235,-0.100369,0.251248,0.292676,0.0616331,-0.131631,-0.0734384,-0.0299048,-0.0699986,0.162866,-0.209204,0.0408463,-0.155441,-0.235758,-0.147209,0.356363,0.297636,0.10788,-0.136468,0.0965813,-0.136977,0.017612,-0.127569,-0.166505,-0.185157,-0.207645,-0.0798632,0.0138099,0.0133386,-0.103309,0.118949,0.181182,0.0467482,-0.0943257,0.0739547,0.287098,0.153721,-0.125281,-0.0751958,-0.326704,0.339749,-0.181316,-0.227184,0.362804,-0.0309972,-0.144441,-0.386124,0.280573,-0.0406275,0.0467763,-0.0722744,0.0184396,0.207905,-0.196177,-0.102738,-0.0595722,-0.0233048,0.0247157,-0.0689874,},
{0.345839,0.283456,-0.115001,-0.0596734,-0.181222,0.0331645,0.0177069,0.183787,0.316175,0.097252,-0.1318,-0.116812,-0.0438159,0.092568,0.236732,-0.306277,0.0529741,-0.159635,-0.214363,-0.0738143,0.347592,0.113203,0.133916,-0.0661854,0.0889579,0.0163757,-0.0255184,-0.145087,-0.0852979,0.0380924,-0.0979677,-0.0615757,0.101423,0.119659,-0.148988,0.0205618,0.236564,-0.0203889,0.0951153,-0.00808023,0.286772,0.0549415,-0.0806628,-0.188167,-0.312827,0.382991,-0.0565303,-0.118414,0.376151,0.00436423,-0.0544398,-0.271577,0.255837,0.100002,0.182582,0.00771469,0.0496205,0.252382,-0.0483593,-0.0784814,-0.0393282,-0.100155,0.0580288,0.0549593,},
{0.327493,0.286155,-0.0409183,-0.132934,-0.209345,-0.0367021,-0.083515,0.255798,0.301145,0.0670247,-0.117835,-0.0607672,-0.0414243,-0.0438542,0.17913,-0.230281,0.0635632,-0.144533,-0.26547,-0.144753,0.341066,0.277675,0.103465,-0.127044,0.0944875,-0.144652,0.0265119,-0.137408,-0.164256,-0.174769,-0.166326,-0.0553643,0.0170795,0.0374985,-0.1037,0.0873902,0.18138,0.0349421,-0.101232,0.0886277,0.276704,0.125968,-0.111499,-0.0778184,-0.32681,0.344573,-0.16421,-0.222443,0.384555,-0.0423578,-0.141297,-0.379239,0.275043,0.00191468,0.077098,-0.0404259,0.00229115,0.193812,-0.160515,-0.0813187,-0.0564807,-0.0816369,0.016887,-0.0269066,},
{0.365915,0.328379,-0.0822614,-0.0235728,-0.109952,0.0602186,-0.0376879,0.263336,0.256897,0.00733552,-0.106644,-0.0218663,-0.0925538,0.0898221,0.200469,-0.303074,0.0565161,-0.106676,-0.225977,-0.122807,0.333419,0.2124,0.118813,-0.134903,0.0427026,-0.0674391,-0.0651802,-0.107285,-0.0866365,-0.0346197,-0.15234,-0.0152415,0.111296,0.0951417,-0.0614972,0.000143878,0.23842,0.0122194,-0.0199742,0.0945667,0.2178,0.0711359,-0.160303,-0.129849,-0.296041,0.377648,-0.150041,-0.15228,0.330514,0.0151982,-0.0469057,-0.363046,0.231804,0.0829458,0.0596244,-0.0309151,0.0709831,0.196254,-0.0775873,-0.0543713,-0.0291704,-0.103146,0.103792,0.0385915,},
{0.316916,0.248572,-0.128262,-0.0598458,-0.153273,-0.00931025,0.00315732,0.146386,0.356148,0.0768115,-0.116039,-0.206642,-0.0638705,0.118088,0.229024,-0.303223,0.0161948,-0.130229,-0.218799,-0.112448,0.386335,0.131879,0.17594,-0.0875758,0.0914257,0.069089,-0.0946269,-0.173863,-0.0928638,0.0239277,-0.0968833,-0.0622402,0.163055,0.0856728,-0.16477,0.0205934,0.192072,0.0122963,0.0941396,-0.0488626,0.291678,0.122426,-0.13329,-0.239812,-0.294534,0.394892,-0.097749,-0.155162,0.37402,0.00210465,-0.0355491,-0.251498,0.234989,0.104625,0.235827,-0.0475419,0.0912284,0.278408,-0.0659146,-0.111282,-0.00883052,-0.116921,0.0514255,0.0599212,},
{0.34939,0.273142,-0.113306,-0.0627921,-0.176891,0.0420895,0.0383585,0.174932,0.324369,0.0853051,-0.119298,-0.155637,-0.0325914,0.0830297,0.23531,-0.325751,0.0536218,-0.154477,-0.188253,-0.0617526,0.373688,0.131565,0.167892,-0.0497917,0.08789,0.0318419,-0.0327676,-0.118341,-0.0747593,0.0468538,-0.0926597,-0.0734365,0.0891837,0.111818,-0.148545,0.0487845,0.206679,-0.0522014,0.119855,-0.0169594,0.282366,0.0781294,-0.0815914,-0.205075,-0.322976,0.389631,-0.0551704,-0.135203,0.366968,0.0114645,-0.0219884,-0.264262,0.249808,0.1059,0.185334,0.000323473,0.0409369,0.260929,-0.0502385,-0.0767943,-0.0296121,-0.127893,0.0300242,0.0520635,},
{0.328547,0.304847,-0.0863021,-0.0356877,-0.12357,0.103726,0.0402566,0.263019,0.252332,0.050517,-0.118053,-0.0594436,-0.047678,0.0389885,0.231599,-0.308906,0.0625204,-0.129146,-0.191477,-0.0987304,0.352238,0.189643,0.122458,-0.0845539,0.0194773,-0.0158186,-0.0602169,-0.11004,-0.0536983,0.0140223,-0.0838838,-0.0379165,0.0911789,0.178929,-0.0847594,-0.0141298,0.270644,-0.0386866,0.0316847,0.12064,0.226953,0.0244266,-0.145588,-0.0952025,-0.328534,0.370369,-0.129337,-0.159079,0.356357,0.0275609,-0.0327738,-0.370853,0.254977,0.0955507,0.102776,-0.00354517,0.0577831,0.232976,-0.0533646,-0.0498646,-0.035906,-0.108897,0.093811,0.0653666,},
{0.364044,0.274496,-0.109226,-0.0563294,-0.1961,0.0430899,0.0398893,0.161894,0.353083,0.101154,-0.133638,-0.155258,-0.0299472,0.0893142,0.215876,-0.335109,0.0571802,-0.147704,-0.175794,-0.0862497,0.398373,0.10889,0.17468,-0.0848872,0.0899619,0.00480547,-0.0620911,-0.137997,-0.0724358,0.0294512,-0.122246,-0.0471116,0.0820692,0.0974461,-0.100811,0.0326097,0.20534,-0.0467682,0.127155,-0.0349124,0.282626,0.0780098,-0.0867245,-0.228551,-0.298233,0.400436,-0.0575151,-0.147228,0.359496,-0.0116088,-0.00301507,-0.270563,0.252504,0.108261,0.167864,0.00263631,0.0808112,0.268466,-0.0715453,-0.0984397,-0.031643,-0.0912302,0.0292106,0.0609742,},
{0.343055,0.239491,-0.11239,-0.0787426,-0.193052,0.0373641,0.0511355,0.13572,0.375425,0.0991275,-0.107248,-0.212025,-0.0355385,0.0865522,0.21308,-0.324369,0.0443044,-0.130768,-0.20627,-0.0927132,0.4166,0.121715,0.204439,-0.0785981,0.0920362,0.0301003,-0.0753403,-0.16515,-0.0730803,0.0373051,-0.110262,-0.0350303,0.103881,0.0873882,-0.130348,0.029537,0.179383,-0.0214962,0.115896,-0.049007,0.303117,0.108335,-0.104918,-0.24953,-0.310796,0.407159,-0.0675173,-0.180107,0.366233,-0.0073749,0.00391671,-0.255786,0.263596,0.124915,0.21392,-0.0374892,0.0962528,0.272,-0.0939023,-0.069448,-0.00672557,-0.136584,0.0302838,0.0497107,},
{0.346827,0.316845,-0.0850231,-0.0515951,-0.161737,-0.0155525,-0.0664048,0.259548,0.255158,0.0230264,-0.120124,-0.0295449,-0.105866,-0.0197053,0.17108,-0.284038,0.0604187,-0.148109,-0.247429,-0.0903311,0.339949,0.268268,0.0937696,-0.138591,0.0743499,-0.0929278,-0.0211623,-0.0892969,-0.129285,-0.102364,-0.128331,-0.0364584,0.105162,0.0877376,-0.0956317,0.0120037,0.235104,0.0182218,-0.081026,0.108817,0.241487,0.100813,-0.132612,-0.0698069,-0.317145,0.351055,-0.173649,-0.175272,0.35957,-0.0398374,-0.107611,-0.409377,0.261848,0.0487631,0.0722267,-0.0235577,0.0236387,0.203189,-0.104173,-0.0871783,-0.0432808,-0.117969,0.0496376,0.000316961,},
{0.374334,0.321657,-0.0698991,-0.0418632,-0.112647,-0.0420398,-0.0881874,0.252954,0.260874,0.000752935,-0.114132,-0.0197604,-0.086845,0.0254395,0.132526,-0.271933,0.0608294,-0.155922,-0.214844,-0.146247,0.324472,0.285125,0.0901036,-0.175937,0.0722621,-0.129708,-0.0557471,-0.0619544,-0.139398,-0.103002,-0.193502,-0.0486074,0.0867738,0.0307045,-0.0569474,0.0502031,0.215603,0.0290169,-0.0903636,0.0715836,0.209103,0.118436,-0.132845,-0.0823769,-0.283709,0.351371,-0.167628,-0.171861,0.323473,-0.00699048,-0.106662,-0.395784,0.21286,0.0254324,0.0166745,-0.0442573,0.0497395,0.191687,-0.112597,-0.0593676,-0.0436125,-0.0928003,0.030008,0.000732405,},
{0.345873,0.34412,-0.0760885,-0.091584,-0.145666,0.00978462,-0.0665052,0.269925,0.289745,0.0311517,-0.128782,-0.0225657,-0.0640643,-0.00247247,0.173374,-0.271192,0.0593619,-0.145905,-0.221931,-0.108289,0.334103,0.277405,0.088976,-0.155813,0.0583202,-0.0816583,-0.0194259,-0.0915124,-0.132972,-0.0906335,-0.179852,-0.0417188,0.075155,0.104652,-0.0841454,0.0560524,0.236499,-0.011694,-0.0330586,0.108019,0.224441,0.0885653,-0.130701,-0.0655352,-0.297054,0.342342,-0.183309,-0.193767,0.344133,-0.00234886,-0.0905494,-0.410118,0.257838,-0.0037443,0.0478586,-0.0263641,0.0372001,0.224329,-0.122666,-0.103245,-0.0782058,-0.0393741,0.0493093,-0.000458496,},
{0.350414,0.377194,-0.0635309,-0.135863,-0.11814,-0.0261736,-0.0775027,0.277928,0.296726,-0.00724431,-0.15136,-0.0460524,-0.00622616,-0.0409658,0.142689,-0.245809,0.0300239,-0.12935,-0.17563,-0.15617,0.345863,0.316883,0.0993561,-0.158981,0.0583029,-0.0622344,0.00337593,-0.0923234,-0.120381,-0.0942851,-0.268647,-0.0654017,0.0379215,0.0549693,-0.116848,0.142265,0.205067,0.0408346,-0.0174464,0.0823323,0.24042,0.135852,-0.183582,-0.0722524,-0.272256,0.338677,-0.209114,-0.22506,0.314129,0.0118918,-0.103045,-0.390262,0.243199,-0.0735368,-0.0211944,-0.0839911,0.0946404,0.219162,-0.190931,-0.119571,-0.0907932,0.0282377,0.0499292,-0.0371182,},
{0.333763,0.269284,-0.123074,-0.0577938,-0.18957,0.0389729,0.0413128,0.183197,0.334965,0.0902719,-0.132426,-0.16275,-0.00637273,0.0719152,0.236883,-0.310547,0.0506769,-0.155069,-0.18386,-0.0777726,0.375345,0.122603,0.155416,-0.0604305,0.083977,0.0366258,-0.0419072,-0.141748,-0.067071,0.0470374,-0.0830516,-0.0769466,0.0754393,0.121663,-0.146737,0.0396867,0.215972,-0.0466419,0.122355,-0.0189415,0.289933,0.0840311,-0.0905719,-0.199642,-0.320691,0.38888,-0.0582203,-0.153176,0.389554,-0.0068979,-0.0230561,-0.26852,0.243746,0.110589,0.19785,0.00209689,0.0565914,0.266892,-0.0551995,-0.0792218,-0.0235936,-0.106591,0.0143774,0.057578,},
{0.38573,0.303465,-0.0754598,-0.0255031,-0.156568,-0.00171386,-0.0475291,0.24712,0.259051,0.0137797,-0.104914,-0.00982348,-0.103518,0.000981707,0.16665,-0.291489,0.0720745,-0.137881,-0.232301,-0.0991366,0.349961,0.240611,0.111483,-0.146154,0.0696501,-0.0857632,-0.0332411,-0.117529,-0.129217,-0.0777895,-0.124353,-0.00427798,0.101995,0.0814745,-0.0625252,0.0221946,0.248991,-0.000535702,-0.0645014,0.110968,0.250233,0.0683392,-0.141237,-0.0586718,-0.315773,0.354119,-0.172362,-0.164601,0.323575,-0.00707823,-0.0723127,-0.40626,0.273393,0.0748597,0.0769935,-0.0202469,0.0157731,0.215997,-0.0835498,-0.0565348,-0.0572276,-0.118293,0.0680315,0.0048003,},
{0.374956,0.262463,-0.0778646,-0.0712746,-0.186185,0.0544155,0.00390139,0.152142,0.353035,0.0970413,-0.116276,-0.129763,-0.0399335,0.0639301,0.197865,-0.298264,0.0842653,-0.168596,-0.1996,-0.080092,0.43666,0.135721,0.170514,-0.0876407,0.0531013,-0.0021864,-0.058199,-0.14674,-0.111044,0.00716391,-0.16198,-0.05627,0.129423,0.0984096,-0.131586,0.00734197,0.215591,-0.00210015,0.0728987,-0.115388,0.287215,0.0684822,-0.0557298,-0.220382,-0.304967,0.404178,-0.105662,-0.13609,0.32208,0.000162315,-0.0488227,-0.325876,0.284162,0.0981919,0.148798,-0.00838876,0.0543782,0.29616,-0.0906548,-0.0961629,-0.0161641,-0.0822417,0.0909665,0.0531857,},
{0.307311,0.312055,-0.0185071,-0.12392,-0.15535,-0.00178151,-0.099573,0.274663,0.280968,0.0464316,-0.134624,-0.0422588,-0.0104181,-0.0399926,0.178363,-0.23238,0.0494253,-0.142703,-0.234408,-0.160077,0.31753,0.289578,0.115786,-0.144177,0.0842459,-0.0940168,-0.000653287,-0.123972,-0.149072,-0.148551,-0.197203,-0.0769201,0.0185482,0.0632552,-0.100482,0.105927,0.205104,0.0146973,-0.0587955,0.0873394,0.26704,0.114851,-0.13228,-0.0699223,-0.319268,0.346096,-0.1915,-0.207258,0.379465,-0.0161673,-0.116924,-0.390319,0.283449,-0.0299652,0.0625698,-0.0482876,0.03921,0.218681,-0.15462,-0.104057,-0.0826619,-0.00370295,0.0420928,-0.0118959,},
{0.344281,0.368974,-0.0813843,-0.101974,-0.110304,-0.0329373,-0.108997,0.289139,0.283556,0.00346617,-0.150527,-0.0245904,-0.0344123,-0.0116741,0.157705,-0.23983,0.0364552,-0.120226,-0.211341,-0.149272,0.308849,0.307945,0.0713805,-0.141473,0.0677525,-0.0736692,0.00010399,-0.107399,-0.116994,-0.117807,-0.238624,-0.0600008,0.0594833,0.0575009,-0.114597,0.11276,0.214208,0.0274695,-0.0333128,0.0715082,0.21919,0.135173,-0.139662,-0.0767237,-0.295712,0.332223,-0.190218,-0.209202,0.356477,0.0101271,-0.123196,-0.381254,0.232741,-0.0577634,0.0111983,-0.0668304,0.0641447,0.223271,-0.16386,-0.11354,-0.071851,0.0201336,0.041909,-0.0163077,},
{0.330991,0.279398,-0.120469,-0.0833162,-0.167197,0.0565343,0.0485062,0.197139,0.311949,0.0730728,-0.124144,-0.139497,-0.0357092,0.0766358,0.246247,-0.325406,0.0594532,-0.150058,-0.20014,-0.0560743,0.359931,0.152295,0.174846,-0.0374332,0.0542755,0.0545942,-0.0274563,-0.0897123,-0.0731688,0.0546418,-0.0977137,-0.0764365,0.101154,0.143496,-0.166845,0.0443745,0.20117,-0.069582,0.138324,-0.00901727,0.281793,0.0729901,-0.0920696,-0.194218,-0.327893,0.386344,-0.0630254,-0.13497,0.35218,0.00899709,-0.0355214,-0.280734,0.246162,0.0773838,0.163112,-0.000704707,0.0299085,0.279164,-0.0506025,-0.0647249,-0.0333138,-0.112542,0.0517399,0.0443644,},
{0.325491,0.271027,0.0108978,-0.185925,-0.112139,0.011256,-0.0541197,0.253772,0.273275,-0.00737797,-0.0615532,-0.133104,-0.0174604,0.00304346,0.192895,-0.218867,0.115238,-0.151994,-0.153984,-0.189058,0.448393,0.302074,0.164195,-0.0920529,0.0209995,-0.00636847,-0.00429972,-0.11182,-0.106312,-0.0660644,-0.234862,-0.0711185,0.0321486,0.00903273,-0.129297,0.122909,0.173436,0.0359692,-0.0575812,0.028458,0.239805,0.136852,-0.194166,-0.0582714,-0.364212,0.399579,-0.240056,-0.213364,0.25343,0.0853386,-0.0924821,-0.409498,0.263679,-0.000887091,0.0175399,-0.131867,0.0595598,0.254021,-0.197991,-0.0460912,-0.0268874,-0.0799652,0.123166,-0.0315077,},
{0.333321,0.329346,-0.0336496,-0.104742,-0.0842564,0.047925,-0.0675927,0.241445,0.281146,-0.0160512,-0.0914658,-0.0579285,-0.0221724,0.0638114,0.143401,-0.257898,0.0853817,-0.124169,-0.177929,-0.184597,0.376828,0.261268,0.122961,-0.124249,0.0561786,-0.0905902,-0.0371304,-0.109358,-0.0928339,-0.0499688,-0.239999,-0.0401712,0.0610031,-0.00287427,-0.118827,0.0896524,0.175922,0.0426898,-0.0726655,0.0266533,0.250719,0.117567,-0.167878,-0.100355,-0.31537,0.398835,-0.199994,-0.15748,0.281881,0.0696058,-0.0833465,-0.388029,0.241894,0.0301316,0.0198477,-0.0856385,0.0611252,0.217288,-0.138352,-0.0436782,-0.0230974,-0.0711677,0.0751629,0.00793384,},
{0.279614,0.19754,0.00152034,-0.126802,-0.115176,0.0643521,0.00209022,0.163201,0.244174,-0.0237852,-0.0142568,-0.161945,-0.0821637,0.0795535,0.199359,-0.274545,0.0317417,-0.0912145,-0.243151,-0.177818,0.397146,0.244688,0.186348,-0.0352103,0.0611851,-0.00853912,-0.0366196,-0.129013,-0.116341,0.00422862,-0.134289,-0.0783536,0.118591,0.0305951,-0.172789,0.071241,0.143406,0.0479229,-0.0418282,0.0177539,0.317706,0.111653,-0.201476,-0.149746,-0.364599,0.398617,-0.147556,-0.15925,0.298395,0.107636,-0.0721754,-0.299418,0.23967,0.0470942,0.127635,-0.0982373,0.0456041,0.23675,-0.0732895,0.00906659,-0.0227822,-0.157787,0.163079,-0.0287395,},
{0.331296,0.251012,0.0370892,-0.154576,-0.149837,-0.059823,-0.114152,0.189487,0.315702,0.0157274,-0.0699581,-0.134756,0.00470008,-0.0268661,0.082461,-0.181632,0.0584531,-0.172042,-0.203703,-0.225031,0.410879,0.285309,0.135589,-0.176575,0.0676751,-0.204926,-0.074871,-0.114555,-0.167729,-0.149593,-0.256501,-0.0800744,0.0048121,-0.0693215,-0.0622936,0.114734,0.164461,0.0945388,-0.153304,0.00844578,0.253873,0.15547,-0.131505,-0.0661116,-0.289592,0.384495,-0.204813,-0.257978,0.302092,0.0279445,-0.164495,-0.394772,0.245094,0.000799839,0.0196626,-0.128141,0.0470884,0.183659,-0.174282,-0.0564709,-0.0244225,-0.0927341,0.00746584,-0.0485418,},
{0.323782,0.280495,-0.0776463,-0.0770336,-0.162604,0.101495,0.0393389,0.243438,0.295902,0.0786101,-0.111131,-0.0737151,-0.0286817,0.0486636,0.224631,-0.293034,0.0707783,-0.108098,-0.222452,-0.108061,0.353533,0.159791,0.117831,-0.0784991,0.0333824,-0.05016,-0.0328623,-0.159113,-0.0632954,0.00332638,-0.0954522,-0.0377172,0.0538288,0.148361,-0.0903919,-0.000231512,0.260504,-0.0136243,0.0430311,0.071758,0.25728,0.0245965,-0.136658,-0.129636,-0.345829,0.373848,-0.102946,-0.16379,0.369789,0.0253724,-0.0240529,-0.356846,0.27427,0.0825051,0.119279,-0.0280021,0.0627598,0.236163,-0.0825359,-0.0236759,-0.0226616,-0.0773077,0.0891304,0.034674,},
{0.283063,0.333678,-0.0544758,-0.0795028,-0.0579202,0.0977261,-0.0594736,0.234974,0.225774,-0.0407756,-0.0780969,-0.10317,-0.0584269,0.0707849,0.183553,-0.263574,0.0627723,-0.11179,-0.166371,-0.172229,0.394149,0.254527,0.138252,-0.0628142,0.0271166,0.0121564,-0.0661133,-0.087068,-0.0620072,-0.0044925,-0.186256,-0.0423568,0.126357,0.060832,-0.157059,0.0358163,0.176872,0.00798568,-0.0445168,0.0434527,0.24124,0.110748,-0.184763,-0.113197,-0.349284,0.394837,-0.217976,-0.148329,0.280999,0.0877668,-0.0898789,-0.368177,0.227633,0.0473953,0.0626762,-0.0860037,0.0713354,0.254507,-0.110176,-0.0672436,-0.00699837,-0.0752132,0.131568,0.0193134,},
};
return data;
}
} // namespace mediapipe
#endif // MEDIAPIPE_EXAMPLES_FACIAL_SEARCH_EMBEDDINGS_H_

View File

@ -0,0 +1,106 @@
#!/bin/bash
set -eu
set -o pipefail
[[ $# -ne 1 ]] && echo "Usage: $0 <path/to/images directory>" && exit 1
[[ ! -d "$1" ]] && echo "Not a directory: $1" && exit 2
images=$(python -c "import os; print(os.path.realpath('$1'))")
embeddings=$(python -c "import os; print(os.path.realpath('$(dirname "$0")'))")/embeddings.h
labels=$(python -c "import os; print(os.path.realpath('$(dirname "$0")'))")/labels.h
bazel build \
--platform_suffix=_cpu \
-c opt --define MEDIAPIPE_DISABLE_GPU=1 \
mediapipe/examples/facial_search/desktop:facial_search
cat << EOF >"$embeddings"
// Copyright 2020 The MediaPipe Authors.
//
// Licensed under the Apache License, Version 2.0 (the "License");
// you may not use this file except in compliance with the License.
// You may obtain a copy of the License at
//
// http://www.apache.org/licenses/LICENSE-2.0
//
// Unless required by applicable law or agreed to in writing, software
// distributed under the License is distributed on an "AS IS" BASIS,
// WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
// See the License for the specific language governing permissions and
// limitations under the License.
#ifndef MEDIAPIPE_EXAMPLES_FACIAL_SEARCH_EMBEDDINGS_H_
#define MEDIAPIPE_EXAMPLES_FACIAL_SEARCH_EMBEDDINGS_H_
#include <vector>
namespace mediapipe {
const std::vector<std::vector<float>>& MyEmbeddingsCollection() {
static const std::vector<std::vector<float>> data = {
EOF
cat << EOF >"$labels"
// Copyright 2020 The MediaPipe Authors.
//
// Licensed under the Apache License, Version 2.0 (the "License");
// you may not use this file except in compliance with the License.
// You may obtain a copy of the License at
//
// http://www.apache.org/licenses/LICENSE-2.0
//
// Unless required by applicable law or agreed to in writing, software
// distributed under the License is distributed on an "AS IS" BASIS,
// WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
// See the License for the specific language governing permissions and
// limitations under the License.
#ifndef MEDIAPIPE_EXAMPLES_FACIAL_SEARCH_LABELS_H_
#define MEDIAPIPE_EXAMPLES_FACIAL_SEARCH_LABELS_H_
#include <vector>
namespace mediapipe {
const std::vector<std::string>& MyCollectionLabels() {
static const std::vector<std::string> data = {
EOF
pushd "$(dirname "$(dirname "$(dirname "$(dirname "$0")")")")" >/dev/null
while read -r image; do
case "$image" in
*BUILD|*.gitignore|*download_images.py) continue
esac
echo "Running inference for $(basename "$image")"
if GLOG_logtostderr=1 ./bazel-bin/mediapipe/examples/facial_search/desktop/facial_search \
--calculator_graph_config_file=mediapipe/examples/facial_search/graphs/facial_search_cpu.pbtxt \
--input_video_path="$image" \
--log_embeddings \
--without_window \
2>&1 \
| grep -Eo '\{.+' >>"$embeddings"; then
echo ' "'"$(basename "$image")"'",' >>"$labels"
else
echo "Failed to process embeddings of $(basename "$image")"
fi
done < <(find "$images" -type f | sort)
popd
cat << EOF >>"$embeddings"
};
return data;
}
} // namespace mediapipe
#endif // MEDIAPIPE_EXAMPLES_FACIAL_SEARCH_EMBEDDINGS_H_
EOF
cat << EOF >>"$labels"
};
return data;
}
} // namespace mediapipe
#endif // MEDIAPIPE_EXAMPLES_FACIAL_SEARCH_LABELS_H_
EOF

View File

@ -0,0 +1,86 @@
# Copyright 2020 The MediaPipe Authors.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
load("@rules_cc//cc:defs.bzl", "cc_library")
load("//mediapipe/framework/tool:mediapipe_graph.bzl", "mediapipe_binary_graph", "mediapipe_simple_subgraph")
licenses(["notice"]) # Apache 2.0
package(default_visibility = ["//visibility:public"])
cc_library(
name = "cpu_calculators",
deps = [
":subgraph_face_embeddings_cpu",
"//mediapipe/calculators/core:flow_limiter_calculator",
"//mediapipe/calculators/core:packet_presence_calculator",
"//mediapipe/examples/facial_search/calculators:closest_embeddings_calculator",
"//mediapipe/modules/face_detection:face_detection_short_range_cpu",
],
)
cc_library(
name = "gpu_calculators",
deps = [
":subgraph_face_embeddings_gpu",
"//mediapipe/calculators/core:flow_limiter_calculator",
"//mediapipe/calculators/core:packet_presence_calculator",
"//mediapipe/examples/facial_search/calculators:closest_embeddings_calculator",
"//mediapipe/gpu:gpu_buffer_to_image_frame_calculator",
"//mediapipe/modules/face_detection:face_detection_short_range_gpu",
],
)
mediapipe_binary_graph(
name = "facial_search_cpu_binary_graph",
graph = "facial_search_cpu.pbtxt",
output_name = "facial_search_cpu.binarypb",
deps = [":cpu_calculators"],
)
mediapipe_binary_graph(
name = "facial_search_gpu_binary_graph",
graph = "facial_search_gpu.pbtxt",
output_name = "facial_search_gpu.binarypb",
deps = [":gpu_calculators"],
)
cc_library(
name = "face_embeddings_calculators",
deps = [
"//mediapipe/calculators/image:image_cropping_calculator",
"//mediapipe/calculators/image:image_transformation_calculator",
"//mediapipe/calculators/tflite:tflite_converter_calculator",
"//mediapipe/calculators/tflite:tflite_inference_calculator",
"//mediapipe/calculators/tflite:tflite_tensors_to_floats_calculator",
"//mediapipe/calculators/util:detections_to_rects_calculator",
],
)
mediapipe_simple_subgraph(
name = "subgraph_face_embeddings_cpu",
graph = "subgraph_face_embeddings_cpu.pbtxt",
register_as = "FaceEmbeddingsSubgraph",
deps = [":face_embeddings_calculators"],
)
mediapipe_simple_subgraph(
name = "subgraph_face_embeddings_gpu",
graph = "subgraph_face_embeddings_gpu.pbtxt",
register_as = "FaceEmbeddingsSubgraph",
deps = [
":face_embeddings_calculators",
"//mediapipe/gpu:gpu_buffer_to_image_frame_calculator",
],
)

View File

@ -0,0 +1,47 @@
input_stream: "input_frame"
output_stream: "embeddings"
output_stream: "embeddings_presence"
output_stream: "memes"
node {
calculator: "FlowLimiterCalculator"
input_stream: "input_frame"
input_stream: "FINISHED:embeddings"
input_stream_info: {
tag_index: "FINISHED"
back_edge: true
}
output_stream: "input_frame_throttled"
}
node {
calculator: "FaceDetectionShortRangeCpu"
input_stream: "IMAGE:input_frame_throttled"
output_stream: "DETECTIONS:head_detections"
}
node {
calculator: "FaceEmbeddingsSubgraph"
input_stream: "IMAGE:input_frame_throttled"
input_stream: "DETECTIONS:head_detections"
output_stream: "FLOATS:embeddings"
}
node {
calculator: "PacketPresenceCalculator"
input_stream: "PACKET:embeddings"
output_stream: "PRESENCE:embeddings_presence"
}
node {
calculator: "ClosestEmbeddingsCalculator"
input_side_packet: "COLLECTION:embeddings_collection"
input_side_packet: "LABELS:collection_labels"
input_stream: "FLOATS:embeddings"
output_stream: "CLASSIFICATIONS:memes"
node_options: {
[type.googleapis.com/mediapipe.ClosestEmbeddingsCalculatorOptions] {
top_k: 3
}
}
}

View File

@ -0,0 +1,47 @@
input_stream: "input_frame"
output_stream: "embeddings"
output_stream: "embeddings_presence"
output_stream: "memes"
node {
calculator: "FlowLimiterCalculator"
input_stream: "input_frame"
input_stream: "FINISHED:embeddings"
input_stream_info: {
tag_index: "FINISHED"
back_edge: true
}
output_stream: "input_frame_throttled"
}
node {
calculator: "FaceDetectionShortRangeGpu"
input_stream: "IMAGE:input_frame_throttled"
output_stream: "DETECTIONS:head_detections"
}
node {
calculator: "FaceEmbeddingsSubgraph"
input_stream: "IMAGE:input_frame_throttled"
input_stream: "DETECTIONS:head_detections"
output_stream: "FLOATS:embeddings"
}
node {
calculator: "PacketPresenceCalculator"
input_stream: "PACKET:embeddings"
output_stream: "PRESENCE:embeddings_presence"
}
node {
calculator: "ClosestEmbeddingsCalculator"
input_side_packet: "COLLECTION:embeddings_collection"
input_side_packet: "LABELS:collection_labels"
input_stream: "FLOATS:embeddings"
output_stream: "CLASSIFICATIONS:memes"
node_options: {
[type.googleapis.com/mediapipe.ClosestEmbeddingsCalculatorOptions] {
top_k: 3
}
}
}

View File

@ -0,0 +1,65 @@
# MediaPipe graph that performs face detection with TensorFlow Lite on CPU.
# Used in the examples in
# mediapipe/examples/facial_search.
type: "FaceEmbeddingsSubgraph"
input_stream: "IMAGE:input_frame"
input_stream: "DETECTIONS:head_detections"
output_stream: "FLOATS:embeddings"
# DetectionsToRectsCalculator takes DETECTIONS in and outputs NORM_RECT of
# the first detection.
node {
calculator: "DetectionsToRectsCalculator"
input_stream: "DETECTIONS:head_detections"
output_stream: "NORM_RECT:head_rect"
node_options: {
[type.googleapis.com/mediapipe.DetectionsToRectsCalculatorOptions] {
output_zero_rect_for_empty_detections: true
}
}
}
node {
calculator: "ImageCroppingCalculator"
input_stream: "IMAGE:input_frame"
input_stream: "NORM_RECT:head_rect"
output_stream: "IMAGE:cropped_head"
}
node {
calculator: "ImageTransformationCalculator"
input_stream: "IMAGE:cropped_head"
output_stream: "IMAGE:scaled_head"
node_options: {
[type.googleapis.com/mediapipe.ImageTransformationCalculatorOptions] {
output_width: 140
output_height: 140
scale_mode: FIT
}
}
}
node {
calculator: "TfLiteConverterCalculator"
input_stream: "IMAGE:scaled_head"
output_stream: "TENSORS:scaled_head_tensor"
}
node {
calculator: "TfLiteInferenceCalculator"
input_stream: "TENSORS:scaled_head_tensor"
output_stream: "TENSORS:embeddings_tensors"
node_options: {
[type.googleapis.com/mediapipe.TfLiteInferenceCalculatorOptions] {
use_gpu: false
model_path: "mediapipe/models/face_embeddings.tflite"
}
}
}
node {
calculator: "TfLiteTensorsToFloatsCalculator"
input_stream: "TENSORS:embeddings_tensors"
output_stream: "FLOATS:embeddings"
}

View File

@ -0,0 +1,77 @@
# MediaPipe graph that performs face detection with TensorFlow Lite on GPU.
# Used in the examples in
# mediapipe/examples/facial_search.
type: "FaceEmbeddingsSubgraph"
input_stream: "IMAGE:input_frame"
input_stream: "DETECTIONS:head_detections"
output_stream: "FLOATS:embeddings"
# DetectionsToRectsCalculator takes DETECTIONS in and outputs NORM_RECT of
# the first detection.
node {
calculator: "DetectionsToRectsCalculator"
input_stream: "DETECTIONS:head_detections"
output_stream: "NORM_RECT:head_rect"
node_options: {
[type.googleapis.com/mediapipe.DetectionsToRectsCalculatorOptions] {
output_zero_rect_for_empty_detections: true
}
}
}
node {
calculator: "ImageCroppingCalculator"
input_stream: "IMAGE_GPU:input_frame"
input_stream: "NORM_RECT:head_rect"
output_stream: "IMAGE_GPU:cropped_head"
}
node {
calculator: "ImageTransformationCalculator"
input_stream: "IMAGE_GPU:cropped_head"
output_stream: "IMAGE_GPU:scaled_head"
node_options: {
[type.googleapis.com/mediapipe.ImageTransformationCalculatorOptions] {
output_width: 140
output_height: 140
scale_mode: FIT
}
}
}
node {
calculator: "GpuBufferToImageFrameCalculator"
input_stream: "scaled_head"
output_stream: "scaled_head_cpu"
}
node {
calculator: "TfLiteConverterCalculator"
input_stream: "IMAGE:scaled_head_cpu"
output_stream: "TENSORS:scaled_head_tensor"
}
# Runs inference on CPU as this tflite uses operations that are not supported on GPU.
# Warnings shown when attempting to run on GPU:
# ERROR: Next operations are not supported by GPU delegate:
# MAXIMUM: Operation is not supported.
# MEAN: Operation is not supported.
# First 0 operations will run on the GPU, and the remaining 81 on the CPU.
node {
calculator: "TfLiteInferenceCalculator"
input_stream: "TENSORS:scaled_head_tensor"
output_stream: "TENSORS:embeddings_tensors"
node_options: {
[type.googleapis.com/mediapipe.TfLiteInferenceCalculatorOptions] {
use_gpu: false
model_path: "mediapipe/models/face_embeddings.tflite"
}
}
}
node {
calculator: "TfLiteTensorsToFloatsCalculator"
input_stream: "TENSORS:embeddings_tensors"
output_stream: "FLOATS:embeddings"
}

View File

@ -0,0 +1 @@
/*.jpg

View File

@ -0,0 +1,22 @@
# Copyright 2019 The MediaPipe Authors.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
licenses(["notice"]) # Apache 2.0
package(default_visibility = ["//visibility:public"])
filegroup(
name = "jpgs",
srcs = glob(["*.jpg"]),
)

View File

@ -0,0 +1,396 @@
# Copyright 2019 The MediaPipe Authors.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
from __future__ import print_function
import os
import subprocess
import sys
URLS = {
"3c563d87e3ba699b9ba75403f1b347c915abdf5dea35ead204dd09356697b769": "https://imgflip.com/s/meme/10-Guy.jpg",
"bcf0c567978794099b3151418e3907778252e1471cfe930fb30da7ca56ddae99": "https://imgflip.com/s/meme/1990s-First-World-Problems.jpg",
"61d03740346570f10dcc59130af375cab770032aa6b0383074cdb1e58598352d": "https://imgflip.com/s/meme/1st-World-Canadian-Problems.jpg",
"1fff9fd54d4fe4abdfb06b9e4de7beace20f11ebb908bdc5abdab37fea5992fd": "https://imgflip.com/s/meme/2nd-Term-Obama.jpg",
"28806d3a94692a99b7a42f854b1ea1133038119da2d2286b0fda2c5a499e9445": "https://imgflip.com/s/meme/Advice-God.jpg",
"150512f54f5d32f50c8b500dbeaa7084b1048e207dd4f8a841db0a97c8603ceb": "https://imgflip.com/s/meme/Advice-Peeta.jpg",
"a739b742849a9aa831871bdbf7b84418396754156a6b09d602c78aa2249f418b": "https://imgflip.com/s/meme/Advice-Yoda.jpg",
"d576124e4a63e418399b4e6bb22b727a907ac08226e93205941230be24e1b5ec": "https://imgflip.com/s/meme/Afraid-To-Ask-Andy-Closeup.jpg",
"e377c0a1c24089cdd0b97fb4881487cc5a45cf5a0dec15cc5582daf60784ba5e": "https://imgflip.com/s/meme/Aint-Nobody-Got-Time-For-That.jpg",
"d8a4252f0745592e826275a3baf382277d7fdd84bb14d1d90c502e51542575f2": "https://imgflip.com/s/meme/Alan-Greenspan.jpg",
"4f112691a81bc0a4bc314677569db929f0bd6614eaf954b96fddf1764f563d83": "https://imgflip.com/s/meme/Albert-Einstein-1.jpg",
"61c1a42fd66c2d38ba45d1c2a8a4bf1d3503005469a0f70c72643735ed81a442": "https://imgflip.com/s/meme/Am-I-The-Only-One-Around-Here.jpg",
"acdafab8b99998ebbbf075f4f2c7eb1deb5ab72feb045970be69b683cb256ecc": "https://imgflip.com/s/meme/Ancient-Aliens.jpg",
"1feb71f85fa6273df5f731267970d2ce9e54717394eb40ff46ce9f06e9cec3c0": "https://imgflip.com/s/meme/And-everybody-loses-their-minds.jpg",
"95273fd24c3e0bb7a723e06fea5d785c08dcdc44cc60bce5f6fc88d66f2e4ff4": "https://imgflip.com/s/meme/And-Just-Like-That.jpg",
"36c75a0bf8c8f80c08f210d560a96521d2be76b1b71cf3d2f244c35b3180d3f1": "https://imgflip.com/s/meme/Angry-Asian.jpg",
"6e568704bc959126a109e4ac1c25c132a81bc9c0690b8bb65e9440936d32a270": "https://imgflip.com/s/meme/Angry-Baby.jpg",
"54cab1e45e9457c94a3e55ad731e7d5a2a8f31f96ca52984c3b1ea342f9839da": "https://imgflip.com/s/meme/Angry-Dumbledore.jpg",
"d47bf979ac177f6c9449e0fa2cc2f9ab1b1d3899ee3fb0555111ff8c45caae98": "https://imgflip.com/s/meme/Angry-Toddler.jpg",
"0c32c4da3d6d0bc08f0d5527e587cd47bfd073cef623241a0b1c236f83b3a514": "https://imgflip.com/s/meme/Annoying-Childhood-Friend.jpg",
"abd415dc03f8301b137f8afbb13a402e5fc88c0238b7740b354432b0b067ee22": "https://imgflip.com/s/meme/Annoying-Facebook-Girl.jpg",
"80cf9affae27df6dcad2151e81294bfc41d0e918d4ce6445975fc160962201ed": "https://imgflip.com/s/meme/Archer.jpg",
"0aa87f73c449637a74b0514fa6759501a5d1e6d3382e7e070c3af6687857e99c": "https://imgflip.com/s/meme/Are-Your-Parents-Brother-And-Sister.jpg",
"8226562a245bd61a78be4b32409b8ad6e314e4387f137a480864f990909bd694": "https://imgflip.com/s/meme/Arrogant-Rich-Man.jpg",
"5aa1f5e309ab6d42adfa124e6803cbd89e244973c1dc9792e062a76660dce89b": "https://imgflip.com/s/meme/Asshole-Ref.jpg",
"3589c34b76d0b045e4a85150ee1286a9c70c0dd78c4103dabdf79883959aeed5": "https://imgflip.com/s/meme/Austin-Powers-Honestly.jpg",
"1cf77a9335507c3396955949e3266948ca5ba5f8ab5df29808e5a4f9e69c7734": "https://imgflip.com/s/meme/Awkward-Moment-Sealion.jpg",
"c8e5ca9922576857d35e13333739b756c38466bcf0973c4293c1605aee13565f": "https://imgflip.com/s/meme/Aw-Yeah-Rage-Face.jpg",
"320747d1b2461980657d0e5cbe50b2b27fae82aaf0bf1eee1a65f24c56603f83": "https://imgflip.com/s/meme/Baby-Cry.jpg",
"a364b1375afca8db1a563403555d558c4b4f9f4255231d653c1cfa2205b0a5bf": "https://imgflip.com/s/meme/Baby-Godfather.jpg",
"bfdc0d8f54c5f186ba8018ee7c451944c726aadb52dd555f5f7936c29817988d": "https://imgflip.com/s/meme/Back-In-My-Day.jpg",
"e46dfef7316d1f115e7afe1ab67ae8dd616692edad3a0c304a823fc2286a75c9": "https://imgflip.com/s/meme/Bad-Luck-Brian.jpg",
"8cd3377c8cf489fba5d9872d364fe13b37b33d8d7c61e5b35ac8d62ec2d114f4": "https://imgflip.com/s/meme/Bad-Luck-Hannah.jpg",
"aa6be256c038cfc7eb0b50a3fb6435a281cf466a4f28850722594722ce438d22": "https://imgflip.com/s/meme/Bad-Wife-Worse-Mom.jpg",
"02b4cca3be4bc6c8b7c5e54192d8c3168f172fe36d71741df97505ec8808f0c3": "https://imgflip.com/s/meme/Barney-Stinson-Win.jpg",
"4c0dd125afb1e0f18d9e2fa2edf4db82161322c99e8a1824618c9502414f93d5": "https://imgflip.com/s/meme/Baromney.jpg",
"27a021cfd40220fa7aa1356e529cbde485bb08d39c9d1882ec7fab28a0bfb63d": "https://imgflip.com/s/meme/Baron-Creater.jpg",
"a859f9635749d6d0360118965d9af27b2a955e18a479ea9452a0f6066b086013": "https://imgflip.com/s/meme/Batman-Smiles.jpg",
"444fe7cbe7e2a543d55b951a6d5871836a38cf17e75b4e824b0ab3dab9bfdf6a": "https://imgflip.com/s/meme/Beard-Baby.jpg",
"f6cd4d7f3dfa7a20129f9a5f70a1f49ab07025cbd09f5072ffb6e309786a51bf": "https://imgflip.com/s/meme/Bear-Grylls.jpg",
"34b926e2e5717a19145762ed757fc18bb94027e4695c25f0b18bd4e059f37459": "https://imgflip.com/s/meme/Bebo.jpg",
"f79da148771e86aa80d4230bb0581c72b6873815fd250dc6d9dedf285b7c2acb": "https://imgflip.com/s/meme/Ben-Barba-Pointing.jpg",
"8c3bfc3a4a2ad4f8c2993729e9edc4254e19710b3d6d6d8faf24c21a396396b3": "https://imgflip.com/s/meme/Beyonce-Knowles-Superbowl-Face.jpg",
"fae202d62d7f02a8d39c940448f2ae8ff946ad32c7f5521eb3c0e9209363c4e8": "https://imgflip.com/s/meme/Beyonce-Superbowl-Yell.jpg",
"34365caecf846ace1634cea73673b91fa0ededf1cf0425e716a37c13d00563ac": "https://imgflip.com/s/meme/Bill-Murray-Golf.jpg",
"8351c18c4f785c9cd76d7b59ece1039078f5cfcc03214189cbfea037de6d652a": "https://imgflip.com/s/meme/Bill-Nye-The-Science-Guy.jpg",
"08dfb3a818e507a515c94d461ee0241fc7893078ddbab31e9cbf9e421bd0ac95": "https://imgflip.com/s/meme/Bill-OReilly.jpg",
"0baf7bc8ddb9608965fdc3d14f0397aa224c91366f5d77260c93e051bf41131d": "https://imgflip.com/s/meme/Bird-Box.jpg",
"784b4a5cff62db79421d86a6e258d9808def39c804c99d589fdaf17ec6d73f5c": "https://imgflip.com/s/meme/Bitch-Please.jpg",
"5f5e4675c0ca5240a9363d7f69f0ca2ec44f0a35b882428515346ddbbbbea103": "https://imgflip.com/s/meme/Black-Girl-Wat.jpg",
"009ea4ff8ec125f771a8b768f4adbb3e04e6e6f4fce615c2485ed9b21fcaf654": "https://imgflip.com/s/meme/Booty-Warrior.jpg",
"53d3aa4cd7788dbfd1f2b8dccee1e72151ebd3f3cfca5a73da16729726b26b70": "https://imgflip.com/s/meme/Brace-Yourselves-X-is-Coming.jpg",
"dd4f767714f3bc7986ca0d978b56171a5b5c4f07354148d161d6cd4a542131e3": "https://imgflip.com/s/meme/Brian-Burke-On-The-Phone.jpg",
"08f05a26b8e42358192e5b3093defc437fce11a52e9a70268e7777d8930ace6d": "https://imgflip.com/s/meme/Brian-Williams-Was-There-2.jpg",
"37077bf664f0bc3c01ed9fe7d9ac35ed66a725bffab3d87c8475c9105941673c": "https://imgflip.com/s/meme/Brian-Williams-Was-There-3.jpg",
"4a1d840f99692b5b82ee59a3c071f720cd14c57f493525d4c913d262d97166b4": "https://imgflip.com/s/meme/Brian-Williams-Was-There.jpg",
"918b74b03fc3a910b92270e334cd287a50a1c09c6e4116e801f86219a18d3f47": "https://imgflip.com/s/meme/Brian-Wilson-Vs-ZZ-Top.jpg",
"6935e5429d10d4f49819225bd0bc27a5dc74573a03f5a5bfcf08e79df9a4b1ec": "https://imgflip.com/s/meme/Britney-Spears.jpg",
"50a54a19ae80807b2ce3dac135e805a2dc852dbb2db97463979c0e7417271442": "https://imgflip.com/s/meme/Buddy-Christ.jpg",
"cafc4ca29f563e29c2a6298c793a04d517bd9eef2c8b1ab9c06532873cf7d102": "https://imgflip.com/s/meme/Buddy-The-Elf.jpg",
"7936b3e0b58b66b3860606f1ef4e4c5ce3e5636bf4f0897c5147b30c0f7aca14": "https://imgflip.com/s/meme/Butthurt-Dweller.jpg",
"80111424611286233f7098332f80b38620b0cc0fdf790299fd8c9e5cc0b2507a": "https://imgflip.com/s/meme/Captain-Picard-Facepalm.jpg",
"856dc4c90cbdce5c29e40f5adf3f607d4c362a2292d51e34a4741f6f5cfeb7d6": "https://imgflip.com/s/meme/Casper.jpg",
"5a32564637cd7b6924cc4cbc2f8b33a2a34c8be4fc9dcba942d7531fba259104": "https://imgflip.com/s/meme/Castaway-Fire.jpg",
"4768aee5cff295d8d50653ab832bcb2568525fbe9a7178ee1bbdd67238142850": "https://imgflip.com/s/meme/Change-My-Mind.jpg",
"bf7c0b3349e2dbbf20c45944a028316bb8922abbe97ea2f5420499d1d788fc3a": "https://imgflip.com/s/meme/Chavez.jpg",
"2f3a42256eed07d1bfceb03f49a8efece43187322ee48ba79bcbae33c071af5c": "https://imgflip.com/s/meme/Chef-Gordon-Ramsay.jpg",
"42d714e7c197fda1ff78b36fa4eb6500e28d05cfa5249f2b94d803840a61a961": "https://imgflip.com/s/meme/Chubby-Bubbles-Girl.jpg",
"b983e55585ac77417c91ad260a128e8647fe73a6251427d62843d8b9be625a5f": "https://imgflip.com/s/meme/Chuckchuckchuck.jpg",
"4ff2510cfa90b6ce4363409ec64be49221b4b286d9a68fc018591af05774246b": "https://imgflip.com/s/meme/Chuck-Norris-Approves.jpg",
"f2d31fb2180e2b803414002b3032df1c3d5ddf7449fb955f1c82ef9a9ee2131d": "https://imgflip.com/s/meme/Chuck-Norris-Finger.jpg",
"35324a31a7c709504b0fa0518b8ed6228bc430513045d788ec616975a97dd600": "https://imgflip.com/s/meme/Chuck-Norris-Flex.jpg",
"397b97ffbb8800ec284233c128c8b707296c415e39a833595fbbc6ace292367b": "https://imgflip.com/s/meme/Chuck-Norris-Guns.jpg",
"488460efb5211c020c384de43a5723b47de09e4fbffc942a8394a6f5d57244e3": "https://imgflip.com/s/meme/Chuck-Norris.jpg",
"d3bd34de5b9d1e75d10f636671fefbad90acafbcef835393cf54f42fe5e4e3c7": "https://imgflip.com/s/meme/Chuck-Norris-Laughing.jpg",
"6f20ed038a08d4c405914a8f3e6f437c15267c51d55305a2f3c76133d635cc18": "https://imgflip.com/s/meme/Chuck-Norris-Phone.jpg",
"6e29e9e6a8e20dc3c40250ee062d7a08dd2b7eb784cd848724507c5e1806867a": "https://imgflip.com/s/meme/Chuck-Norris-With-Guns.jpg",
"0322a79e564d8967184c6977f97155a5dcbadb464475540fc458ab71564e2169": "https://imgflip.com/s/meme/College-Freshman.jpg",
"795a029a09ba9a5457bad3d92c0b3b7d8b501605c5d6d6b9271ab6d678762fda": "https://imgflip.com/s/meme/College-Liberal.jpg",
"df29f4798d7666db4cfcc2235720b6cf096514338c012fca6612f5ceffdd1c23": "https://imgflip.com/s/meme/Condescending-Goku.jpg",
"3a6689022780ccaed07d059b6e6f1fba8e826677444901d62f3471bc2a1263ad": "https://imgflip.com/s/meme/Confused-Mel-Gibson.jpg",
"baf78137b004922ec42f3481d4f916214b45ad93e0f05273ca4d21f197d604b6": "https://imgflip.com/s/meme/Conspiracy-Keanu.jpg",
"22cb27f0bbdd5f9c766fb66d9204bb7985b93fba48f57531ae4e55dfe6b82b55": "https://imgflip.com/s/meme/Contradictory-Chris.jpg",
"ed7305b266067a4ea3a676d610ec43e630442e582d578d958b0cd3710572d68b": "https://imgflip.com/s/meme/Cool-Obama.jpg",
"2ef5f42377bef7958b4ae7795ed361fd536b202cb309ad8ebf6d6d4ee68ea84c": "https://imgflip.com/s/meme/Cool-Story-Bro.jpg",
"3088348846fc9a01c05abc0eabc465130857cff41427a87d58d4bffc840e17a1": "https://imgflip.com/s/meme/Crazy-Hispanic-Man.jpg",
"41779cec0037d5d91df7f2436b5f12dc8d5bc3a9b2bbde9e90ca6efb13851727": "https://imgflip.com/s/meme/Creepy-Condescending-Wonka.jpg",
"9f45981c8508a8468d3944794536ea835de771d9c2cf8eb76c3b217452c79f15": "https://imgflip.com/s/meme/Criana.jpg",
"c40f17c4c012c97c3379a5dda4a165e209f3dbd35ed6dff12d3fe3b76ce28997": "https://imgflip.com/s/meme/Crosseyed-Goku.jpg",
"7054fa18439624c736c7c4dcd77a4d9a3c6a2bbd456c47ec6f84b44633ab5587": "https://imgflip.com/s/meme/Crying-Because-Of-Cute.jpg",
"61d8234e719770003fcaca340cd6d18b3c8e09040ce21cb372909f0c5e72064e": "https://imgflip.com/s/meme/Darth-Maul.jpg",
"4add1a0ce382dcc03f95b20e656dc946be1c2cf8de71c813012618f899615cfd": "https://imgflip.com/s/meme/Dating-Site-Murderer.jpg",
"447ab2d3b3e7430d8930c859c017a42657d3038d28a12f0997067cb6e17d2d2d": "https://imgflip.com/s/meme/Determined-Guy-Rage-Face.jpg",
"4c1dd0964eaddccdc0c56c8fdef4fd93aa94649e0538b2fb34f18c3aa64fc1ef": "https://imgflip.com/s/meme/Dick-Cheney.jpg",
"618cb9882580d065a5844301e78ec29398b91e20a45d5ac8c4440c612bdc2901": "https://imgflip.com/s/meme/Disappointed-Tyson.jpg",
"fe38d8f95b95ed7562034066836cffbcc077d53b39048c935161986d6e573b4c": "https://imgflip.com/s/meme/Disaster-Girl.jpg",
"8161e39b53a6bd2daa3a1ca55c1f1279963289b4e0fa816a8c403eabb0e336ca": "https://imgflip.com/s/meme/DJ-Pauly-D.jpg",
"7081eb6af8eecc983f311ff3bdd2c980c39561d63165fb6bbddf81a5d44da9d9": "https://imgflip.com/s/meme/Do-I-Care-Doe.jpg",
"f65829fc2e38711122fd89a01a2f3a35616900e0e99f371e2a9a4545d458213f": "https://imgflip.com/s/meme/Dolph-Ziggler-Sells.jpg",
"09d3a7e9c1bb9cf723800d00ec644e389479967553d89a45a93dfed22b06e91f": "https://imgflip.com/s/meme/Downvoting-Roman.jpg",
"aaba3ea786bd9a70303c34cd15332133a643c4a44da4f775088c4fd291ac8074": "https://imgflip.com/s/meme/Dr-Evil-Laser.jpg",
"b04a4d4a4ad5d18640ac5559c49635d178d6e94205c32de8be05db62550d819f": "https://imgflip.com/s/meme/Duck-Face-Chicks.jpg",
"2c7818483c23590849f88e6e0c7aa0586d8d0aea5d40792dbfa12594fbf70f99": "https://imgflip.com/s/meme/Dumb-Blonde.jpg",
"82285259a8f2bf6c06ff3a00ab8f8891596bc130f225b438fd10370963cbae7b": "https://imgflip.com/s/meme/Dwight-Schrute-2.jpg",
"6271ad17a1101f7a48375a62b8b9d0dcf67f6333592467eaa1a58d951eb27639": "https://imgflip.com/s/meme/Dwight-Schrute.jpg",
"0812fddc59f829c89cffd8cfbc639e91d07c3241ac4bd3f503d56dfc56ee367e": "https://imgflip.com/s/meme/Edward-Elric-1.jpg",
"ba0d769eb31e5bbec991b55b348f07f86a212b4aa823a0ad6586278a57b8d5ec": "https://imgflip.com/s/meme/Efrain-Juarez.jpg",
"9c8b7cc23b72b2943251a3196bf85427e6d6cbacd9957da47ef4739df6d9282d": "https://imgflip.com/s/meme/Eighties-Teen.jpg",
"c20eea13ac55c277ab11e8fc76d9f351edc6a8031660a4f18e4795952770563a": "https://imgflip.com/s/meme/Eminem.jpg",
"e6f7a5e660db072984e16eca23e18171728d3e7e6fe78784ce540eb105661492": "https://imgflip.com/s/meme/Engineering-Professor.jpg",
"a2f5675d1512a1bdaaebadab1252e347599b699ec669578c90852d2dccd34dea": "https://imgflip.com/s/meme/Ermahgerd-Berks.jpg",
"cbd867c8b5b0aa2fba9476e08e24fd288cdd403e408fb94991c97a5351fcf908": "https://imgflip.com/s/meme/Ermahgerd-Beyonce.jpg",
"5857cafe2bf2f3827ba29f9644799a892cfe883520f73ec1f4d0918dca08917c": "https://imgflip.com/s/meme/Error-404.jpg",
"bb87e966599eadda146390a1febd25cbe2196f5136d9c598254f9671f650534e": "https://imgflip.com/s/meme/Evil-Baby.jpg",
"41e15338ac786a045d80944878618030268f27721e930db6611aaa04e2ac0cba": "https://imgflip.com/s/meme/Evil-Toddler.jpg",
"ef5b9f7fd39ee6bf2a8abaa20edf087428648114b1946c39dbb119d564884b97": "https://imgflip.com/s/meme/Fabulous-Frank-And-His-Snake.jpg",
"05471555ce4b72102e129809747c340f3753e794d0cb9dfebb0688c77a351e7d": "https://imgflip.com/s/meme/Face-You-Make-Robert-Downey-Jr.jpg",
"fa7a2e1be3f9a845dfeddb4058b01c5cad49821251b0a328c1ba1cb18ee276ae": "https://imgflip.com/s/meme/Family-Tech-Support-Guy.jpg",
"4f55c0761b699aedebb64ef4f157f8dc892c198e5f73d8e03e8a71b94f53affc": "https://imgflip.com/s/meme/Fast-Furious-Johnny-Tran.jpg",
"14b010b2f577e913d508d7916adc4ec3ed05dc2413462287f18ad66ee71f8e04": "https://imgflip.com/s/meme/Father-Ted.jpg",
"f8a8bd683c78c53d3cc48624adc51452f82cfed2d4e78c7f8c1eea7c947afd5d": "https://imgflip.com/s/meme/Fat-Val-Kilmer.jpg",
"d523c71ff494e7d5a9937e3967979302d5bdc10841b6c2e2d2ab42b265c899f4": "https://imgflip.com/s/meme/Felix-Baumgartner.jpg",
"87f57e3b93dce86fd594cd430f422404a1fe1db0026f8b912f786b4ed07026f1": "https://imgflip.com/s/meme/Felix-Baumgartner-Lulz.jpg",
"e65756ff5114d95e5476ef5d29046f6ee50fa6829f8eaaaba5a867ab7736bedc": "https://imgflip.com/s/meme/First-Day-On-The-Internet-Kid.jpg",
"6dbd8d50db463bedc934de296ee62151babf66915d829b258d735f6a84004251": "https://imgflip.com/s/meme/First-World-Problems.jpg",
"3d4e1c19461dccd24e6c6f0512f299e6a3abf12f992b50c135e1639c5ceb7eae": "https://imgflip.com/s/meme/Folean-Dynamite.jpg",
"98ee9a9c794bf94862e61f9fb79b84920a4dedd2e7133b267811d28e1d85934c": "https://imgflip.com/s/meme/Forever-Alone-Happy.jpg",
"e65dd8ecc64926dba61c21f28e2026be9a0b77b3b2a5caabf88377bde72ecb32": "https://imgflip.com/s/meme/FRANGO.jpg",
"56d0f69789aebf33f92606d4a5c492a738bfd90e05b8eb7843101479894576ca": "https://imgflip.com/s/meme/Friend-Zone-Fiona.jpg",
"bc541cec49e9e52daef8e7feba1302b48d98340b44d4df1459b61b397bb8e32d": "https://imgflip.com/s/meme/Frowning-Nun.jpg",
"20cd3dc2870076159010279a8f29bd4365b3e3248ea30089abbb7eb5fb397b9b": "https://imgflip.com/s/meme/Frustrated-Boromir.jpg",
"fa2a528475ae86fb6fa6dd8a6316b0fc5c3ebda0c9ca3992cf5cd0e2638c86d2": "https://imgflip.com/s/meme/Gaga-Baby.jpg",
"d151525d5dffa6b96d1b6b2438613328aa4b06db00b7c9f8b6e8915f6e7303ee": "https://imgflip.com/s/meme/Gandhi.jpg",
"e6d9fccc943afbfaf184dd815cad3fbf376f035757de453a6369cfb32b1b92d9": "https://imgflip.com/s/meme/Gangnam-Style2.jpg",
"dd24ca5f933e68105be7ed4bf306074ec682527e2e05aa57a8cd20577c4ef512": "https://imgflip.com/s/meme/Gangnam-Style-PSY.jpg",
"583afb5b725ee3d357eaa4e27ddaa22a8b6a4bff4aae9cb0d6d19195dd86cab3": "https://imgflip.com/s/meme/Gangster-Baby.jpg",
"38c7d3290f05eadd384cb9da09bc2cbe09efb2c85a9d8c3136ad8e32d385355f": "https://imgflip.com/s/meme/Gasp-Rage-Face.jpg",
"51ae74f358b29747d4f0df91eb88814b8a6b16a013a39929afc12b980cca14a2": "https://imgflip.com/s/meme/George-Bush.jpg",
"f89def5b2117a20a4c71b1129c6ca13ee8b0461bdb128af7ac2fb0e7b77dccc9": "https://imgflip.com/s/meme/George-Washington.jpg",
"07f91a87444d96669b285d6df9d7f18917b2d4555bc86c8649bd72ce2305f218": "https://imgflip.com/s/meme/Ghetto-Jesus.jpg",
"d6b5b70da5874853a954e7be4a9a42e5c5e5a5ab7c0c86a3ab86d6054883b2e7": "https://imgflip.com/s/meme/Gladys-Falcon.jpg",
"5c82280c3601f636efbafb1fdd98c7fcd69967629a39d38a30bdd04a6e1ed197": "https://imgflip.com/s/meme/Gollum.jpg",
"aaa2317c8416475e1afbafe052f52102e0371defac161ad7f2cf94aabd191e56": "https://imgflip.com/s/meme/Good-Fellas-Hilarious.jpg",
"9c1d7657f2df91ff3390e9bb7db1012dcea5834daf7449f4e42e611b6108ea73": "https://imgflip.com/s/meme/Good-Guy-Greg.jpg",
"dbb0a40d50fee374a6820c8dbd837ea4440623464ce9f028b67578f1045c6b06": "https://imgflip.com/s/meme/Good-Guy-Putin.jpg",
"e501de143d5c6d35acd34d56841354c0592d736820cba2e225e1f4766ce677a5": "https://imgflip.com/s/meme/Grandma-Finds-The-Internet.jpg",
"8caf4edc978e6c95e92ec3802f22c3ff222db729ff91bce71247dbc69a5aff36": "https://imgflip.com/s/meme/Han-Solo.jpg",
"59795378c2e208b81e87ab904b96cadf130d5425993a013dced28c6c3968a97f": "https://imgflip.com/s/meme/Happy-Minaj-2.jpg",
"20b6f62b55fa126b6845fc39c98019e85be8bad9efe933578053fb9528358e43": "https://imgflip.com/s/meme/Happy-Minaj.jpg",
"2be5f741b6b5dc957019187bd748c5c8c5bdce35e31a984905c09eb6287f6596": "https://imgflip.com/s/meme/Hardworking-Guy.jpg",
"accdcf2cff3b96c394ca19925ee68ffc01a18d7b8aec6c8212766c9832afcaf0": "https://imgflip.com/s/meme/Harmless-Scout-Leader.jpg",
"ee6b89cd4bb7dd6d4e06ada542b380fd905b72b5c2e2eaed4e1b7f1cab69b939": "https://imgflip.com/s/meme/Heres-Johnny.jpg",
"3c9aab2f49f920cef01f19c842fc0a3d1268a85bb18d9beeea9172e1f7a15fd9": "https://imgflip.com/s/meme/Herm-Edwards.jpg",
"aaf3bf6f78869537c7b7f11425f77f5c2f4f813b43a92c9891a86e588c4f0942": "https://imgflip.com/s/meme/Hide-the-Pain-Harold.jpg",
"f9b117d7cabacf8dabff40ea3f04a078084a5843573740e2509a4229b67cffad": "https://imgflip.com/s/meme/Hide-Yo-Kids-Hide-Yo-Wife.jpg",
"61bd25c79a95067683a1e460c5342941099de08b654777ec8e658bd37f2e254c": "https://imgflip.com/s/meme/High-Expectations-Asian-Father.jpg",
"76bf12bf89494500fd00c70d5ef8872d6a49311b663e6184cd9515921091819d": "https://imgflip.com/s/meme/Hillary-Clinton-Cellphone.jpg",
"6eac510de35e0bbd08614e8cae199f66c7f0a465f8bb83ea472dc5404c09bf15": "https://imgflip.com/s/meme/Hillary-Clinton.jpg",
"c2fde935748acde75b0960570b4e8fec4976386a998b0824a1f09f5cec5867e0": "https://imgflip.com/s/meme/Hipster-Ariel.jpg",
"7575901a3446f3d1fb094bc40d36ae248299dbb99c9217d4205a84adecb440c9": "https://imgflip.com/s/meme/Hipster-Barista.jpg",
"07d4d7db3de626ba98a8324f438d3d0a87ed786e9496ef6e94559ee1c26f96a8": "https://imgflip.com/s/meme/Hot-Caleb.jpg",
"c3b3c2d91c4f7452f4e235e3e259427a68a5291c630016a9b0bb3abef0ed91f3": "https://imgflip.com/s/meme/Hot-Scale.jpg",
"81b2bd0860cb95b10bf0853c14b12c116336e5e6d356509aab87fac45a798426": "https://imgflip.com/s/meme/Hysterical-Tom.jpg",
"861922bbeff3a06b345fa2d4ec64cb648a0717235d36de7ff38ed027e15f823b": "https://imgflip.com/s/meme/Idiot-Nerd-Girl.jpg",
"f6ae86bbea9e1cec5421d7eb59537fe0e5ace231a098bd4f4f72f80ed691be39": "https://imgflip.com/s/meme/I-Forsee.jpg",
"e67d3aa803a780f8f567ddb81cbec5659aaa8f38ae102657fa155153a1623471": "https://imgflip.com/s/meme/If-You-Know-What-I-Mean-Bean.jpg",
"2ecdbec3d4156163a346f7adfc4f8fbb8ccbf2244ab1dc6a491e977bcdde03e0": "https://imgflip.com/s/meme/I-Guarantee-It.jpg",
"a706e2c8047f4d00097a3d2036613a61c8112e62391632da96340e13d4b880e9": "https://imgflip.com/s/meme/Im-Fabulous-Adam.jpg",
"56861d7810e955e7fe428a7c5e05ae5f9b1b46cc1a55104f0c87b1a0847f67aa": "https://imgflip.com/s/meme/Impossibru-Guy-Original.jpg",
"d904d3d4d157d9b704f3dcc9105576835398ecdfcea51cae2e2710e54111aa6e": "https://imgflip.com/s/meme/Im-The-Captain-Now.jpg",
"99de2eda0c8ea0f0f46f16b80c54236b94d5f65ccc4b22fe594829d022a833fc": "https://imgflip.com/s/meme/Inigo-Montoya.jpg",
"cc415702b5cfae5b3b0c0f64c645f7dc4ae9ec827977ce4442ecce58402abc3b": "https://imgflip.com/s/meme/Innocent-Sasha.jpg",
"72b43c25bbd7f1aebea3448141226668044c44cfdd11e878a06f759331da9a59": "https://imgflip.com/s/meme/Internet-Guide.jpg",
"8222eb0de7d7aa384357993996e670ec284b01e986351e500acd12f328be809d": "https://imgflip.com/s/meme/I-See-Dead-People.jpg",
"e78316304158ee95f34993ece16eaee3235b63ef2e23a4cf551120eb88a93421": "https://imgflip.com/s/meme/Is-This-A-Pigeon.jpg",
"b4c66d9372b78e599e80d26c6669ca9c83749259a6e5d58cb2771136cc8b2b4c": "https://imgflip.com/s/meme/I-Too-Like-To-Live-Dangerously.jpg",
"cd52590e2e5377d8af767297e7c72c9c81165e07b216f1a06d5e63b6b406f205": "https://imgflip.com/s/meme/Its-Finally-Over.jpg",
"7c942a1e62520549e572b65dde875d946e70a599855f1ac7a178e2cfcf06ffa6": "https://imgflip.com/s/meme/Its-Not-Going-To-Happen.jpg",
"9b44ae20fdb62eb972bb7156fd0198611a1aa8ea87c901715a71c03210033841": "https://imgflip.com/s/meme/I-Was-Told-There-Would-Be.jpg",
"1f5cbeb5abcc1fd3f00ab2579d5faf7aa946d98636dc96b6f0de9e0c27193294": "https://imgflip.com/s/meme/Jackie-Chan-WTF.jpg",
"f0b961d877dc916ed3640b50fcc2880b471367567e7fdb845848cd9378e20b8d": "https://imgflip.com/s/meme/Jack-Nicholson-The-Shining-Snow.jpg",
"557f6f33188da0e74726b09e25ce70d5ae7a3297459b5422bac4c311389c22d5": "https://imgflip.com/s/meme/Jammin-Baby.jpg",
"e58bb5aa1e7bbf621db4b7a2f7e6b4d551a77a78ca4d61f19e07e70b468a92df": "https://imgflip.com/s/meme/Jim-Lehrer-The-Man.jpg",
"8c24244f21eb4914e03645e40d393c3030a5ed7ee7d3e6eb29c40f139e541184": "https://imgflip.com/s/meme/Joe-Biden.jpg",
"a26b1844c5c70ad1d0d6229fec84f7b8f21eb1c14188db0e7a219e1736c0dacc": "https://imgflip.com/s/meme/Joker-Rainbow-Hands.jpg",
"7668a5942d5c42075184103c62edb4bfe577ec0880c351905dcedb3c8ae410cc": "https://imgflip.com/s/meme/Jon-Stewart-Skeptical.jpg",
"6739e8788cf6bee8c8b1959295c20d47a8e90f219e9659db90cf614ba58b5e51": "https://imgflip.com/s/meme/Joseph-Ducreux.jpg",
"2ce04d4fea7b197c6e4c16e69a337949c365db1368655356a322ce4938343ec0": "https://imgflip.com/s/meme/Kevin-Hart.jpg",
"226b4b62fa0922bce829a4f75cf6cec03a77f7132e8bcff06eadaf581b79eb6d": "https://imgflip.com/s/meme/Kobe.jpg",
"30794b874cb036cc92559a0668a40ba63e7cacd1afd5e402688640ba706e8223": "https://imgflip.com/s/meme/Larry-The-Cable-Guy.jpg",
"b8eb7ba441e62556d976ef27b162892f29a58469905675fa0bc33dfae1d47ed2": "https://imgflip.com/s/meme/Laundry-Viking.jpg",
"def24c5f8eeafe9846a256b6d64dae1565d76b7857a18a720c6387f30662479e": "https://imgflip.com/s/meme/Lazy-College-Senior.jpg",
"1479529389293ea5df0a6efdce1debaa3c1d2a1f9ffcdbb211cc5f19459540b2": "https://imgflip.com/s/meme/Legal-Bill-Murray.jpg",
"331c1e651c4c4d44e786f4045a280f6ddde196e5decb8655b115c70a820a3557": "https://imgflip.com/s/meme/Leonardo-Dicaprio-Cheers.jpg",
"b757f374659fb75b78212f2c107df7676611563a7bee145c0e9b92df4f46a167": "https://imgflip.com/s/meme/Leonardo-Dicaprio-Wolf-Of-Wall-Street.jpg",
"ee9a04824632f87ae36d85b980c47656c53ec33443134bb2ad0114b4391c92ba": "https://imgflip.com/s/meme/Lethal-Weapon-Danny-Glover.jpg",
"2d5328d281b08db6808e41a0e32c6c20d652f29f788a9615d2870c1b6267d8db": "https://imgflip.com/s/meme/Liam-Neeson-Taken-2.jpg",
"63c3dce5c75e2a5707f1c1f52bf53386f5dc79c7a3cfc62b26fd12667b3b79df": "https://imgflip.com/s/meme/Liam-Neeson-Taken.jpg",
"89c28d00677939bd7a353f7c734fe4480adc11cdc805edfb4bfc5fee370e67ff": "https://imgflip.com/s/meme/Lil-Wayne.jpg",
"6853d2c3a10a1535e5655055f6ca1e28aa53c2180cb53c9b408b2f9ab37d0a44": "https://imgflip.com/s/meme/Little-Romney.jpg",
"00561d79ee42fbb0591b44f4ec0c23ff3fa12b2565494e560c1e75d6f6b91729": "https://imgflip.com/s/meme/Luiz-Fabiano.jpg",
"dfae2ddc48313cb795dfeae1c0d414dc0d9edc212d488685f82030f575423a69": "https://imgflip.com/s/meme/Macklemore-Thrift-Store.jpg",
"24f1dc74ef074a1272d46d522808d51f272692e52a8d235dd86c579a09e3916c": "https://imgflip.com/s/meme/Mad-Money-Jim-Cramer.jpg",
"5bd0eba0cb5b5007ede854a92e24992cb686b15857091e9694b65513f4cf78ca": "https://imgflip.com/s/meme/Manning-Broncos.jpg",
"db345413a78bf7b909479e22dfaa5aee7beb1583ce3bdc44e6c393578093a973": "https://imgflip.com/s/meme/Matrix-Morpheus.jpg",
"2cbc5adcb79a84106d9f1ad873f7dfe4a9e696715694117409e776c821ec32aa": "https://imgflip.com/s/meme/Maury-Lie-Detector.jpg",
"ee4508c5ef99f65dcbcb0e677f9aebe16b7ee1e49458b7e6a241fac1df52bb8a": "https://imgflip.com/s/meme/McKayla-Maroney-Not-Impressed.jpg",
"7fb9f9a2849eaaa6b7b10c1d4e117645b188fcb4ec4b897f84728f665f559267": "https://imgflip.com/s/meme/Memeo.jpg",
"ae7c80f0a5f275435bf4042ecff9f76494f5effd4215f627a2ae4789f4897982": "https://imgflip.com/s/meme/Merida-Brave.jpg",
"3ac4ea464b011b71ba7b2d8b74339adff0ad6714304c19786b68e8b7ae95d1d6": "https://imgflip.com/s/meme/Metal-Jesus.jpg",
"3a5c6d533cf772674daa7ca1977ce8489168ae792ebe5c35db98f3031074896a": "https://imgflip.com/s/meme/Michael-Jackson-Popcorn.jpg",
"278474bdf15f453f7b092f2c218785b7ccb59100a4462ad61de950ee2c3503a2": "https://imgflip.com/s/meme/Michael-Phelps-Death-Stare.jpg",
"b256f272583bd24264c50803be73f5d86232983f6365edb2036b6cbf90c2c47c": "https://imgflip.com/s/meme/Minegishi-Minami2.jpg",
"9415d0b492b28e2c3b7710c4313f1c22240615ba22d05d53637f89a45b24ce3a": "https://imgflip.com/s/meme/Minegishi-Minami.jpg",
"0da23f7bdfe9be389410278c47695f730cf1dfde565799fea896887ac7ab5b9d": "https://imgflip.com/s/meme/Minor-Mistake-Marvin.jpg",
"595c01b9741070cedac1c1bc26e5530c7c738ba233804e50efdbf8a8ceeb02d2": "https://imgflip.com/s/meme/Misunderstood-Mitch.jpg",
"c66c0b38402844c87d2b7cafc95059b5babebfd02c90f8bbfe775b01b6def3b4": "https://imgflip.com/s/meme/Mitch-McConnell.jpg",
"7372630da292d82ec7eff5fc21561ff8c4e16c446d3af737faf6350aacf34690": "https://imgflip.com/s/meme/Molly-Weasley.jpg",
"5f31ccca3394f9ddf1b6dfda32509bd7897c3f6e92155ab5a4374322ca8293c0": "https://imgflip.com/s/meme/Money-Man.jpg",
"c1d20a77dfcfe40ab6eee886669aca852536f9ecb3fffd9ab020aa2e5a751124": "https://imgflip.com/s/meme/Money-Money.jpg",
"577bfcceb1158a358c4acfd5c052fced3f96db6cf0ada9b26c61c7e9e9744d14": "https://imgflip.com/s/meme/Mozart-Not-Sure.jpg",
"41368209c32f7677e8810c3e16e5410eb323457e56e980765d4699236add4d58": "https://imgflip.com/s/meme/Mr-Black-Knows-Everything.jpg",
"8513d562e29ba1d9c376da490d7d14b798515c55d73292c1ae5c8a47c5893496": "https://imgflip.com/s/meme/Mr-T.jpg",
"931afaadf078cf2b7d3c4edd957fa10c0b7315dc2dc685a95145d0198b8b9191": "https://imgflip.com/s/meme/Mr-T-Pity-The-Fool.jpg",
"4d6530d8d86f707bb49d0491c8c4abf458cce120d8e0395fe839fe5ad595eedb": "https://imgflip.com/s/meme/Muschamp.jpg",
"b72a0e4763a5991f7845e75e59b3583a352af6530b3e278c5ea06be0c816ef0d": "https://imgflip.com/s/meme/Musically-Oblivious-8th-Grader.jpg",
"a581f0d66c39f61afbc8074ea2577b5d2b3585175663aef119015ce183b28d21": "https://imgflip.com/s/meme/Nabilah-Jkt48.jpg",
"83999b651cd0c87ee6e8ec76fb2af10068cc80bb01e1f2b834e726fb79e0dadb": "https://imgflip.com/s/meme/Net-Noob.jpg",
"626e904729fc8ff005be3a9bd67df06e9fcf5536a348be05bfb509b3e08e499e": "https://imgflip.com/s/meme/Nice-Guy-Loki.jpg",
"6d6be72c5c252071200730d2fc43e3d3a26f08baeb5701e9b2b4c76f360c4d11": "https://imgflip.com/s/meme/Nilo.jpg",
"319ec3c098582e8f3099322ab36cff6384796f46d83f2aca1c99401ce04d6d76": "https://imgflip.com/s/meme/No-Bullshit-Business-Baby.jpg",
"3ad518e4a6035300ebc8dd336a6eb74526506d152682951c0ac7707d9476c6b8": "https://imgflip.com/s/meme/No-I-Cant-Obama.jpg",
"c825df6716e1596ae7273617673acb38c1fd77c19b3e7ae0711cfff396623e1b": "https://imgflip.com/s/meme/Obama-Cowboy-Hat.jpg",
"4fa34828864f912118fa731fedbf332f829e6e246b19c06ceb77eeb6abf762ce": "https://imgflip.com/s/meme/Obama-No-Listen.jpg",
"9cd93d4119cbdb36c6a20ef9fdd432ed249b3508c93de66d9a06be59c6c58176": "https://imgflip.com/s/meme/Obi-Wan-Kenobi.jpg",
"767ea28767f914f2ff0da7055c13d1b1931c30af808967c56a3ad6ac654346a7": "https://imgflip.com/s/meme/Oblivious-Hot-Girl.jpg",
"4ae831d72ec0391254e492a161decd591fdd13b5c8d154e23a51d91317242580": "https://imgflip.com/s/meme/Oh-My-God-Orange.jpg",
"42008d2fb14ec122f441182d33143d95a24cf341ae52d4157b38bd9861dd0a6e": "https://imgflip.com/s/meme/Oh-No.jpg",
"1a77d8b9126d785ea0d6074d5826b6075039d8fb5ee31edb3ada140f48466521": "https://imgflip.com/s/meme/Oku-Manami.jpg",
"72cb2bc151de0642d39eef4e46ffca91cf2c75582e83c8ac79508743ec43ec81": "https://imgflip.com/s/meme/OMG-Karen.jpg",
"c488b39f4676a6aed6e48f7ddcd335e2d28c039baa2db5eb5f0b35ca3af744bc": "https://imgflip.com/s/meme/Onde.jpg",
"9919452f0cfc6489e4c6bb16a2574859be34731d49f89e6ec4ae557a48323993": "https://imgflip.com/s/meme/One-Does-Not-Simply.jpg",
"b783883b4b3b0cd774b7daf645a4809c59c84b07cd72dd2cabd3eee7758628ec": "https://imgflip.com/s/meme/Oprah-You-Get-A.jpg",
"560f5621680b0e8d5392303260eb1b304f5372b01c495b2077e557db9f52dd5e": "https://imgflip.com/s/meme/Ordinary-Muslim-Man.jpg",
"25890b5a561e82fb7ebb2fda072754b0f290a2f23d58d55629a175091f4b7cc3": "https://imgflip.com/s/meme/Original-Bad-Luck-Brian.jpg",
"c26cf7c3772abcf13647f9847db6e8be1df05500e2f34aefba39e3395a902f57": "https://imgflip.com/s/meme/Overly-Attached-Father.jpg",
"93aaa114b0a4d3669d95744474e275b9a9f565d517442bb095f6fb2b8144b9b2": "https://imgflip.com/s/meme/Overly-Attached-Girlfriend.jpg",
"fb5292147113712fc3e6acc5c7ed5c8fc06c750bab2ac55776d0be3864436958": "https://imgflip.com/s/meme/Overly-Manly-Man.jpg",
"9bfa071509277d27dbf64e84bdc8d9a5b7370192a7fd663bae1bee52dfe6f80f": "https://imgflip.com/s/meme/Overly-Suave-IT-Guy.jpg",
"f2db6b7c3dccce5b9bbccfa241f5c0a2838d92310ecc7397ae36e80cbd1fb922": "https://imgflip.com/s/meme/Patrick-Henry.jpg",
"3c6505517ed573f4c5ec6e0fb2883fb7649055114fa0e2d18efd85f3deb5df65": "https://imgflip.com/s/meme/Paul-Wonder-Years.jpg",
"7acf465f8a10252a58ebb8da542281b272f5266bf3e2f705f69a821297487cde": "https://imgflip.com/s/meme/Perturbed-Portman.jpg",
"4e97968e19caf0ddd591995a46e44d452139f5dd64c6866047805249fa216ed1": "https://imgflip.com/s/meme/Photogenic-College-Football-Player.jpg",
"026b4a607ed1fe3d670dc94cb1ffa641377940401dd44ab1fdbdf0321c878069": "https://imgflip.com/s/meme/Picard-Wtf.jpg",
"ad9cb76bcf7f7f9108fdf49e1731316bced096a6d8087e28def425f180f2e5a2": "https://imgflip.com/s/meme/Pissed-Off-Obama.jpg",
"e230fe16c4b0ef6bd0e10bc10e688cc763041229b82204df0213fb9868e06b60": "https://imgflip.com/s/meme/Police-Officer-Testifying.jpg",
"6f105d8e8f990080b792740fcdbbb06d5dbd7a3145930ccb4d6bf6454518f7f7": "https://imgflip.com/s/meme/Predator.jpg",
"bd4c0a1e93fedd07011d79139b4b346b3bbac8e2df6ede7a1f799a473f2a64e5": "https://imgflip.com/s/meme/Psy-Horse-Dance.jpg",
"34632bc5206b8c8000aac77b011d2e90ae6889ab7fd1103a41f9fc561a47b53f": "https://imgflip.com/s/meme/Questionable-Strategy-Kobe.jpg",
"cc387131ffd4e924269baec53eebaa77352e9d7f1ca3eed934844220c9d6330b": "https://imgflip.com/s/meme/Really-Evil-College-Teacher.jpg",
"5ac15f23a9fd532fb6a448622072aed6dd982dff457bf8fdab397d148c29b748": "https://imgflip.com/s/meme/Rebecca-Black.jpg",
"24a9012841870d44a857b26279a463f86b66f88b4d54b61552fe42ea4c3477ee": "https://imgflip.com/s/meme/Redneck-Randal.jpg",
"9f9102ddfe8093df4d6ffa7d0e6d79e66831383e6c737b9b4f33e4c41e9be71a": "https://imgflip.com/s/meme/Relaxed-Office-Guy.jpg",
"b84f0dbb9af8783f2463a6df28453e85ac91eac41f4f1ab7549d501a5b50adcf": "https://imgflip.com/s/meme/Rick-Grimes.jpg",
"a74da31219a6e81eab54dedc5ced5c51645c41090675c9daac84a68c529b7ea4": "https://imgflip.com/s/meme/Ridiculously-Photogenic-Guy.jpg",
"3ba12e0f6453c24e1864a77102248dad6bafc811237a30ee85acfa51261d52a0": "https://imgflip.com/s/meme/Right-In-The-Childhood.jpg",
"b262ce9a2ee0c396d20580ffd6aa4acb5962a8149563c88bc9a713b52024d7bc": "https://imgflip.com/s/meme/Rob-In-The-Hood.jpg",
"69f0e6174cf4b83b7724c3efc94c11ecf71fea0b332ff88bf1f73955acdd3b64": "https://imgflip.com/s/meme/Robots.jpg",
"429d53fa7a6b60280b1a5cfcdbf3076d9f82ac3c5aa050caa0aa3bc8ebb80a63": "https://imgflip.com/s/meme/Roll-Safe-Think-About-It.jpg",
"59f98449e166e4346bec6c0017f649f13df25c2a71c86079205b491b8ae0ff31": "https://imgflip.com/s/meme/Ron-Burgundy.jpg",
"8c265aa62a41d5cbb7e6a9df02bb91525bfb3f7c5d67bf9d4d00d93697a78581": "https://imgflip.com/s/meme/Ron-Swanson.jpg",
"35a67731aa5ac6ca40d14ce4377cf8bb5c21506cf45b7e4412c0eb3bdf6b294a": "https://imgflip.com/s/meme/Ryan-Gosling.jpg",
"d49b5dc32e7d9421a4d5c3b5b93e7957fd9d7b7c542fad9d19aa1a83dc6ba370": "https://imgflip.com/s/meme/Sad-Keanu.jpg",
"71481bb4342920366152bd998a161cb6e473586bca1fb413180d5d072d85048e": "https://imgflip.com/s/meme/Sarcastic-Anthony.jpg",
"1162b1277809e382ed19d3d4586ed6adf5b80acb9cb65dd39b7ef3ce86148e22": "https://imgflip.com/s/meme/Saw-Fulla.jpg",
"831a342d2c412e1bb5b7ae50abcd4258056a5e89b189b962a3674610d29fb1b3": "https://imgflip.com/s/meme/Say-That-Again-I-Dare-You.jpg",
"06f8a4b918d415bb8282c9fc04d4fe0601c961bfe8156e5932cbecfdd4e133a0": "https://imgflip.com/s/meme/Scary-Harry.jpg",
"a6367674cdcca59c2225f396e450f2586d5b1b1b3b48134178921a34b0afde08": "https://imgflip.com/s/meme/Scumbag-Boss.jpg",
"9fbdef7f6c3f48979fc57a2efd98cbdbb32666343020082268588f734fcd7498": "https://imgflip.com/s/meme/Selfish-Ozzy.jpg",
"a31050ec433004ea81c80efe0859dcb0bd756ffc031749c096ddf74484248247": "https://imgflip.com/s/meme/Sergeant-Hartmann.jpg",
"896f646812a8e1f9862f786e097ce296b9e191cc768e6ea92082d5f2bbca4bbe": "https://imgflip.com/s/meme/Serious-Xzibit.jpg",
"4f0d437bbd2443b57e4a1dfa558a48c96f6629dbf6153310253ce8172175e428": "https://imgflip.com/s/meme/Sheltering-Suburban-Mom.jpg",
"dcc9b9ad51e019e7326e93730b09a37d14b5c37d65c596e9e7fb56ad7d27289d": "https://imgflip.com/s/meme/Shutup-Batty-Boy.jpg",
"54b20113d4e44dfa16d82c0786b76460f0b546810fde718215f50e5c211bb1bf": "https://imgflip.com/s/meme/Sidious-Error.jpg",
"3a243615afcdbb05039a4b48fc164e6a3f705a7a463688536621f98421f1650e": "https://imgflip.com/s/meme/Sigmund-Freud.jpg",
"9dba5bd54d0ed8197aae87859d24526d8a964b1b0ce9c19dcab6f4c07f9fbc61": "https://imgflip.com/s/meme/Skeptical-Baby.jpg",
"dca3f87968b5f335a2214f8b5cb671239fe4c1c63d7851d65df998500bfc7207": "https://imgflip.com/s/meme/Skeptical-Swardson.jpg",
"28d168591cce45f9ded2b2eaf8c64caf183093236b4d31e6f9bb8202541a2597": "https://imgflip.com/s/meme/Small-Face-Romney.jpg",
"561c597fc1ac6522126b0f87c369917cbc509450d2ddb8fda402082279ec3d86": "https://imgflip.com/s/meme/Smilin-Biden.jpg",
"1c87452c2c6512e48bd8f5ffd279aefc9419c94a7e1f57c46097e29b05d60252": "https://imgflip.com/s/meme/Smiling-Jesus.jpg",
"03c6f05c94b9368b12c2ae415993ed40b4c44067b6abedbe755010609e2097e1": "https://imgflip.com/s/meme/Snape.jpg",
"a06f7f32ccf4b3c848d3c259ca43198ce6e5d345b10a101a52ddeacf996b361c": "https://imgflip.com/s/meme/So-God-Made-A-Farmer.jpg",
"63adf7c916555ae46b3dc3dc80d112e889ff7822eb7311f10ab21cc42ded54bb": "https://imgflip.com/s/meme/So-I-Got-That-Goin-For-Me-Which-Is-Nice-2.jpg",
"1fe4608f18937063128dbfec02f98e567a707cbc91642bb05b2cc207d4981d77": "https://imgflip.com/s/meme/So-I-Got-That-Goin-For-Me-Which-Is-Nice.jpg",
"257dc45e450496cded7795bd652ad52ab1de7321161726948033893f12dcbf2b": "https://imgflip.com/s/meme/So-I-Guess-You-Can-Say-Things-Are-Getting-Pretty-Serious.jpg",
"606c3aa6f1cdcd5ac4c76035a5290327765987d3510c5356b99ae51b261b90ae": "https://imgflip.com/s/meme/Solemn-Lumberjack.jpg",
"80112e1044f10dbf926bb2a7209b3a17ef795f50f070ef0f767587651ecc2637": "https://imgflip.com/s/meme/So-Many-Shirts.jpg",
"f7d82ecb4bbe0b632588822c725457a9b24e7c5c31ee82100d4078d42e32b41c": "https://imgflip.com/s/meme/So-Much-Drama.jpg",
"5393fe4ff0adeb9d866c12cb59a85131a29a2c44eb43a91567ffe87ab5628048": "https://imgflip.com/s/meme/Spacey-Casey.jpg",
"92c8dbc1f0420fd9dd346d61099ae2801f184e15bbfee5438dbaebe452f47553": "https://imgflip.com/s/meme/Sparta-Leonidas.jpg",
"4689dedeb980ffbafb76966f14fd37d1ded8cc197ce5289550348b2e8e48a279": "https://imgflip.com/s/meme/Speechless-Colbert-Face.jpg",
"ed4f35c63a842abdaf0aa804b4e7baf51e95cf206c893db044caf586daca877e": "https://imgflip.com/s/meme/Spiderman-Peter-Parker.jpg",
"89ff36b78a2c8b8c41808fae7426e552e1c419b70ac0db1fe31ba2fe373b4b08": "https://imgflip.com/s/meme/Star-Wars-No.jpg",
"9093bd4ad82f2799453cb9ff4b1cfb8b0c556b15909ac7f544ca608401f964b5": "https://imgflip.com/s/meme/Star-Wars-Yoda.jpg",
"4059340c4a4ded62e52a1bd2494989b462de04db94fc632e145e75b4d317d60c": "https://imgflip.com/s/meme/Steve-Harvey.jpg",
"e79a3df4fda17acf10b92dc04aaa0a1a950de577b84aebb6b06b1dbb0090e147": "https://imgflip.com/s/meme/Steve-Jobs.jpg",
"8fba594bc78be2418665789f03eb039ef8fa941bc61817f3b574ba5feebd7f02": "https://imgflip.com/s/meme/Stoner-PhD.jpg",
"89d5ed47586cf9ad0aae331d0b040623e9d3713183bebd446d8957bae4435c76": "https://imgflip.com/s/meme/Stop-Cop.jpg",
"6147a01ebd6378b00b96ad7c12dfbf93223c5ad793541f1e1e202eb3cf47c7cf": "https://imgflip.com/s/meme/Subtle-Pickup-Liner.jpg",
"4325743fe652016872308af13cbf75a39b024d9b705426025e95d80b7d504b34": "https://imgflip.com/s/meme/Successful-Black-Man.jpg",
"983c0adec8cbbfbc3db67b6815ab4936e144729543354a6aa7f014a97a5c1af7": "https://imgflip.com/s/meme/Success-Kid-Girl.jpg",
"09c796ffc64a6357bdfd369e9be30904d177633e75c993433e94d268ac259f85": "https://imgflip.com/s/meme/Success-Kid.jpg",
"95f54e4abcc292318e5a4aa1f35a78336f8ead90656f111e68e7a08272ec7d98": "https://imgflip.com/s/meme/Success-Kid-Original.jpg",
"a49c50c0a08b64e09dc15f6bbc49fc1557f76404cac321d3b6a6b4be9b4c3033": "https://imgflip.com/s/meme/Sudden-Disgust-Danny.jpg",
"e48c8c4e0ff2160a7a71ced67202cd1e8886c512056d6e956c4dc38305ea6d9d": "https://imgflip.com/s/meme/Superior-Wadsworth.jpg",
"26fee6b9ca72421d66eb254c2a4ebd5aa4856dbb00179b151b2aee04784bf559": "https://imgflip.com/s/meme/Surpised-Frodo.jpg",
"483cf4cee9ff957d6bad0de64667ba89dc83d293ccceda1ac23e7e59e63961d7": "https://imgflip.com/s/meme/Surprised-CatMan.jpg",
"702c2b33bd5e26944113ef9693de75695b197ac198f888b05c8ca7672202e8bd": "https://imgflip.com/s/meme/That-Would-Be-Great.jpg",
"93aa84672291d7dfb7d829d6536d6be417195c032943eea200a120dc9423ad10": "https://imgflip.com/s/meme/The-Most-Interesting-Justin-Bieber.jpg",
"1bddffcc34516da32c757e2c69a9ae028d5061c7b83b65f91eb41e40ae061123": "https://imgflip.com/s/meme/The-Most-Interesting-Man-In-The-World.jpg",
"1ba8f23f11fbb00311ca5de2c2f0a9093b0db3ac983d4bc527f34962101006cd": "https://imgflip.com/s/meme/These-Arent-The-Droids-You-Were-Looking-For.jpg",
"6da93386d9a9667b02319d1fa1985d4291482ef7b0538cf6e97303234d7ebd9e": "https://imgflip.com/s/meme/Third-World-Skeptical-Kid.jpg",
"fef52fbb61bcf3800db7f992be3c93e006d07ad9a53f5222a340a71e53aa699c": "https://imgflip.com/s/meme/Today-Was-A-Good-Day.jpg",
"19066afc4533db4b8aa8b9d78bb032874e8dcb9fa08252853288aa62db2ee8d4": "https://imgflip.com/s/meme/Tom-Hardy-.jpg",
"daac278255e685c111c67ecb895df885b00e24dd90de4c4b8ce32571ef9e12a2": "https://imgflip.com/s/meme/Too-Damn-High.jpg",
"e20c8f88cbede392097932d74d5a43bba80cf064a2918e24397e2adfc42769f6": "https://imgflip.com/s/meme/Torreshit.jpg",
"05061c32b8e7fa7aa6c6629442d4a3c027e582a72a8dbf746f86e4cd23776283": "https://imgflip.com/s/meme/Tough-Guy-Wanna-Be.jpg",
"2374636ea0833d7cea34b3f9ce69a3d2a05e874cd8f3e6a86159466db82dd43a": "https://imgflip.com/s/meme/Trailer-Park-Boys-Bubbles.jpg",
"ae6d38ef1b0c9fa4817a9425e468fc150d5dd69e92f99e410e163b034f71f931": "https://imgflip.com/s/meme/Trump-Bill-Signing.jpg",
"f499efbb75f373aefb4ca00a470c73179c6f2de55c509dc7f9b1158f676f4a8c": "https://imgflip.com/s/meme/TSA-Douche.jpg",
"0d2269ab93e06f45f0433c60983561573dfdb4d8c87b1eb46d348d237dc5ce7b": "https://imgflip.com/s/meme/Uncle-Sam.jpg",
"dfe7f58cc06d6b5393383ad6800aa3f0567a3b04055e64fa9a22b7711e65639e": "https://imgflip.com/s/meme/Unhappy-Baby.jpg",
"ebdbd3d34a6d74efbbfaa0e828d1f6d91df504622c9beee3d1f125a335959593": "https://imgflip.com/s/meme/Unhelpful-High-School-Teacher.jpg",
"b42da75aced1fe1432effcef7a2156c00df955b5182aabca3c4f63aa212e7cb3": "https://imgflip.com/s/meme/Unicorn-MAN.jpg",
"f99722f5136e113100188e38e52fddd283c7d38d965ee13079741ac6c2802b23": "https://imgflip.com/s/meme/USA-Lifter.jpg",
"1a644408442b4e0e1b93aa84551fe59e2cc42d13c7f142772313b07e8e2700cf": "https://imgflip.com/s/meme/Vali-Corleone.jpg",
"63baec6523dd3ef43ea65d4a1487416dc4547cc139c86d047a2c6211050578f5": "https://imgflip.com/s/meme/Vladimir-Putin.jpg",
"e4677670fa45f5d7f7ac440731ca873a60016076db2944fdea889363fb8e64f2": "https://imgflip.com/s/meme/Well-That-Escalated-Quickly.jpg",
"fba29f97651a4b68e97637f3f492d89b50d562319fbdaed0f55337fe6eecd648": "https://imgflip.com/s/meme/Well-Yes-But-Actually-No.jpg",
"81da4bb9b555743040ca5bef2fd76ae9c064ce53cce3abd1bc983c7166f5ec17": "https://imgflip.com/s/meme/What-Year-Is-It.jpg",
"65bad835ddcf6faa80a07cd9a1c308d79289f339adb1814d733991f73394e16a": "https://imgflip.com/s/meme/Who-Killed-Hannibal.jpg",
"fbdc67e0d7f48c9a1097fb04bf3c4b1b81a0c7eb8eadf5a4857150634563ca1a": "https://imgflip.com/s/meme/Why-Cant-I-Hold-All-These-Limes.jpg",
"eb174560fb37284c969550c7a788be255075f96909c4033eddb1e411be7149b3": "https://imgflip.com/s/meme/Why-Is-The-Rum-Gone.jpg",
"45115bc77a74d0145eda1a18ddb39a204c8e9fcb681fa2873f9fa47eeebcba0d": "https://imgflip.com/s/meme/Will-Ferrell.jpg",
"5539aba6a170d45edd9cc3de23edbbfc26661818d7818a5e705ce54f68641052": "https://imgflip.com/s/meme/Wrong-Number-Rita.jpg",
"eccdf08787d3c93ee69974763e09bd108b799d2c8ff76ab5a937b1910ca14e3b": "https://imgflip.com/s/meme/WTF.jpg",
"e516b362b36397595e9da908a18bbe663f047307b255aeeda97eee59a1ad7a0b": "https://imgflip.com/s/meme/Yall-Got-Any-More-Of-That.jpg",
"06a3a51573439ba504962bf65773920ed4e1005a173fe3a2b4a1376fc532bcf7": "https://imgflip.com/s/meme/Yo-Dawg-Heard-You.jpg",
"1e12afdae5eb968d6abbf2f0cdd3b266901fb16e0b4502b1a2dfd12b8e16246f": "https://imgflip.com/s/meme/You-Dont-Want-No-Part-Of-This.jpg",
"63e2796437b70bfe29e66fd16f82836e455b0a99b0ea9a7a04a54f8a31cb4392": "https://imgflip.com/s/meme/You-Get-An-X-And-You-Get-An-X.jpg",
"57bc5f4f1066bdb3aa7c4ca3eb366db97c68086f7c22203c05e03a5c6abb4678": "https://imgflip.com/s/meme/Young-And-Reckless.jpg",
"b99998fa98c01aa6707ba2188e2a2558e6a2da2a1adc875259ca2fd75e3d18bf": "https://imgflip.com/s/meme/Young-Cardi-B.jpg",
"24f3b4cafaccb132a25784e6956a2faef28bf44bb15136bc0c7752c4021c51df": "https://imgflip.com/s/meme/You-The-Real-MVP-2.jpg",
"d4afd5b8964c4496e326b989d2e9f357732acbc1f3457abbdc6b8365332d19ca": "https://imgflip.com/s/meme/You-The-Real-MVP.jpg",
"6c79305a57a58791f5d08da09f634385003d16732a6ed69c823387effbe7b131": "https://imgflip.com/s/meme/You-Underestimate-My-Power.jpg",
"9da1dbb5180ce3610fd40db3b8ec342d4f872120c3f5abe7c38fae0f585493c1": "https://imgflip.com/s/meme/You-Were-The-Chosen-One-Star-Wars.jpg",
"9524feb3dafb7f260ee02bf56be1a57ed51db268b8e88391f82107a75292d5f0": "https://imgflip.com/s/meme/Yuko-With-Gun.jpg",
"d32a12756c2c48297e7215c45b84ef03555702b6c7100fddffd60e6a8dc1c6ea": "https://imgflip.com/s/meme/Zombie-Overly-Attached-Girlfriend.jpg",
"f5c60653ee34d5a748839c98cc7bc5a0a6d90a0d3ca736ad062c6c386b26717e": "https://imgflip.com/s/meme/Zorg.jpg",
}
IMAGES_PATH = 'mediapipe/examples/facial_search/images'
if __name__ == '__main__':
for sha, url in URLS.items():
image_path = sha + '.jpg'
local_path = os.path.join(IMAGES_PATH, image_path)
if not os.path.exists(local_path):
print('Downloading {!r}'.format(url))
return_code = subprocess.call(
["curl", "--fail", "--output", local_path, url],
stdout=subprocess.PIPE,
stderr=subprocess.PIPE)
if return_code:
print('Could not retrieve contents from {!r}'.format(url))

View File

@ -0,0 +1,48 @@
// Copyright 2019 The MediaPipe Authors.
//
// Licensed under the Apache License, Version 2.0 (the "License");
// you may not use this file except in compliance with the License.
// You may obtain a copy of the License at
//
// http://www.apache.org/licenses/LICENSE-2.0
//
// Unless required by applicable law or agreed to in writing, software
// distributed under the License is distributed on an "AS IS" BASIS,
// WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
// See the License for the specific language governing permissions and
// limitations under the License.
import UIKit
@UIApplicationMain
class AppDelegate: UIResponder, UIApplicationDelegate {
lazy var window: UIWindow? = .init(frame: UIScreen.main.bounds)
func application(
_ application: UIApplication,
didFinishLaunchingWithOptions launchOptions: [UIApplication.LaunchOptionsKey: Any]?
) -> Bool {
window?.rootViewController = FacialSearchViewController()
window?.makeKeyAndVisible()
return true
}
func applicationWillResignActive(_ application: UIApplication) {
// Sent when the application is about to move from active to inactive state. This can occur for certain types of temporary interruptions (such as an incoming phone call or SMS message) or when the user quits the application and it begins the transition to the background state.
// Use this method to pause ongoing tasks, disable timers, and invalidate graphics rendering callbacks. Games should use this method to pause the game.
}
func applicationDidEnterBackground(_ application: UIApplication) {
// Use this method to release shared resources, save user data, invalidate timers, and store enough application state information to restore your application to its current state in case it is terminated later.
}
func applicationWillEnterForeground(_ application: UIApplication) {
// Called as part of the transition from the background to the active state; here you can undo many of the changes made on entering the background.
}
func applicationDidBecomeActive(_ application: UIApplication) {
// Restart any tasks that were paused (or not yet started) while the application was inactive. If the application was previously in the background, optionally refresh the user interface.
}
}

View File

@ -0,0 +1,135 @@
# Copyright 2019 The MediaPipe Authors.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
load("@build_bazel_rules_apple//apple:ios.bzl", "ios_application", "ios_framework")
load("@build_bazel_rules_swift//swift:swift.bzl", "swift_library")
load(
"//mediapipe/examples/ios:bundle_id.bzl",
"BUNDLE_ID_PREFIX",
"example_provisioning",
)
licenses(["notice"]) # Apache 2.0
MIN_IOS_VERSION = "11.1"
IOS_FAMILIES = [
"iphone",
"ipad",
]
# Build this .ipa with:
# bazel build --config=ios_arm64 mediapipe/examples/facial_search/ios:FacialSearchGpuApp
ios_application(
name = "FacialSearchGpuApp",
app_icons = ["//mediapipe/examples/ios/common:AppIcon"],
bundle_id = BUNDLE_ID_PREFIX + ".FacialSearchGpu",
families = IOS_FAMILIES,
infoplists = [
"//mediapipe/examples/ios/common:Info.plist",
"Info.plist",
],
minimum_os_version = MIN_IOS_VERSION,
provisioning_profile = example_provisioning(),
deps = [":FacialSearchGpuAppLibrary"],
)
swift_library(
name = "FacialSearchGpuAppLibrary",
srcs = [
"AppDelegate.swift",
"Cameras.swift",
"DotDot.swift",
"FacialSearchViewController.swift",
],
data = ["Base.lproj/Main.storyboard"],
deps = [
":ObjcppLib",
"@ios_opencv//:OpencvFramework",
],
)
FRAMEWORK_HEADERS = [
"ObjcppLib.h",
]
# Using Mediapipe in an iOS Swift app (without Tulsi)
# Create new Swift app: XCode: File > New > Project...
# Select iOS > "Single View App" > Next
# Select Language: Swift > Next > Create
# Delete these files from the new project: (Move to Trash)
# * AppDelegate.swift
# * ViewController.swift
# Copy these files to your app: (if asked, do not create a bridging header)
# * AppDelegate.swift
# * Cameras.swift
# * DotDot.swift
# * FacialSearchViewController.swift
# Edit your app's Info.plist:
# * Create key "NSCameraUsageDescription" with value: "This app uses the camera to demonstrate live video processing."
# Edit your Main.storyboard's custom class, setting it to FacialSearchViewController (in the Identity inspector)
# Run: bazel build --copt=-fembed-bitcode --apple_bitcode=embedded --config=ios_arm64 mediapipe/examples/facial_search/ios:FacialSearch
# (some linker warnings about global C++ symbols may appear)
# Run: ./mediapipe/examples/facial_search/ios/patch_ios_framework.sh bazel-bin/mediapipe/examples/facial_search/ios/FacialSearch.zip ObjcppLib.h
# Note: append the contents of FRAMEWORK_HEADERS separated by spaces (here: ObjcppLib.h).
# Run: open bazel-bin/mediapipe/examples/facial_search/ios and drag and drop
# the FacialSearch.framework folder into your app files (check: Copy items if needed > Finish)
# Make sure the framework gets embedded into the app:
# In General > Frameworks, Libraries, and Embedded Content set FacialSearch.framework to "Embed & Sign".
# Connect your device and run.
ios_framework(
name = "FacialSearch",
hdrs = FRAMEWORK_HEADERS,
bundle_id = BUNDLE_ID_PREFIX + ".FacialSearchFramework",
bundle_name = "FacialSearch",
families = IOS_FAMILIES,
infoplists = [
"//mediapipe/examples/ios/common:Info.plist",
"Info.plist",
],
minimum_os_version = MIN_IOS_VERSION,
visibility = ["//visibility:public"],
deps = [
":ObjcppLib",
"@ios_opencv//:OpencvFramework",
],
)
objc_library(
name = "ObjcppLib",
srcs = [
"Classification.mm",
"ObjcppLib.mm",
],
hdrs = FRAMEWORK_HEADERS,
copts = ["-std=c++17"], # https://github.com/google/mediapipe/issues/2275#issuecomment-877145926
data = [
"//mediapipe/examples/facial_search/graphs:facial_search_gpu.binarypb",
"//mediapipe/examples/facial_search/images:jpgs",
"//mediapipe/models:face_embeddings.tflite",
"//mediapipe/modules/face_detection:face_detection_short_range.tflite",
],
deps = [
"//mediapipe/objc:mediapipe_framework_ios",
"//mediapipe/objc:mediapipe_input_sources_ios",
"//mediapipe/objc:mediapipe_layer_renderer",
] + select({
"//mediapipe:ios_i386": [],
"//mediapipe:ios_x86_64": [],
"//conditions:default": [
"//mediapipe/examples/facial_search/graphs:gpu_calculators",
"//mediapipe/examples/facial_search:embeddings_database",
],
}),
)

View File

@ -0,0 +1,51 @@
<?xml version="1.0" encoding="UTF-8"?>
<document type="com.apple.InterfaceBuilder3.CocoaTouch.Storyboard.XIB" version="3.0" toolsVersion="14490.70" targetRuntime="iOS.CocoaTouch" propertyAccessControl="none" useAutolayout="YES" useTraitCollections="YES" useSafeAreas="YES" colorMatched="YES" initialViewController="BYZ-38-t0r">
<device id="retina4_7" orientation="portrait">
<adaptation id="fullscreen"/>
</device>
<dependencies>
<plugIn identifier="com.apple.InterfaceBuilder.IBCocoaTouchPlugin" version="14490.49"/>
<capability name="Safe area layout guides" minToolsVersion="9.0"/>
<capability name="documents saved in the Xcode 8 format" minToolsVersion="8.0"/>
</dependencies>
<scenes>
<!--View Controller-->
<scene sceneID="tne-QT-ifu">
<objects>
<viewController id="BYZ-38-t0r" customClass="ViewController" sceneMemberID="viewController">
<view key="view" contentMode="scaleToFill" id="8bC-Xf-vdC">
<rect key="frame" x="0.0" y="0.0" width="375" height="667"/>
<autoresizingMask key="autoresizingMask" widthSizable="YES" heightSizable="YES"/>
<subviews>
<view contentMode="scaleToFill" fixedFrame="YES" translatesAutoresizingMaskIntoConstraints="NO" id="EfB-xq-knP">
<rect key="frame" x="0.0" y="20" width="375" height="647"/>
<autoresizingMask key="autoresizingMask" widthSizable="YES" heightSizable="YES"/>
<subviews>
<label opaque="NO" userInteractionEnabled="NO" contentMode="left" horizontalHuggingPriority="251" verticalHuggingPriority="251" fixedFrame="YES" text="Camera access needed for this demo. Please enable camera access in the Settings app." textAlignment="center" lineBreakMode="tailTruncation" numberOfLines="0" baselineAdjustment="alignBaselines" adjustsFontSizeToFit="NO" translatesAutoresizingMaskIntoConstraints="NO" id="emf-N5-sEd">
<rect key="frame" x="57" y="248" width="260" height="151"/>
<autoresizingMask key="autoresizingMask" flexibleMinX="YES" flexibleMaxX="YES" flexibleMinY="YES" flexibleMaxY="YES"/>
<fontDescription key="fontDescription" type="system" pointSize="17"/>
<color key="textColor" white="1" alpha="1" colorSpace="custom" customColorSpace="genericGamma22GrayColorSpace"/>
<nil key="highlightedColor"/>
</label>
</subviews>
<color key="backgroundColor" white="0.0" alpha="1" colorSpace="custom" customColorSpace="genericGamma22GrayColorSpace"/>
<accessibility key="accessibilityConfiguration" label="PreviewDisplayView">
<bool key="isElement" value="YES"/>
</accessibility>
</view>
</subviews>
<color key="backgroundColor" red="1" green="1" blue="1" alpha="1" colorSpace="custom" customColorSpace="sRGB"/>
<viewLayoutGuide key="safeArea" id="6Tk-OE-BBY"/>
</view>
<connections>
<outlet property="_liveView" destination="EfB-xq-knP" id="JQp-2n-q9q"/>
<outlet property="_noCameraLabel" destination="emf-N5-sEd" id="91G-3Z-cU3"/>
</connections>
</viewController>
<placeholder placeholderIdentifier="IBFirstResponder" id="dkx-z0-nzr" sceneMemberID="firstResponder"/>
</objects>
<point key="canvasLocation" x="48.799999999999997" y="20.239880059970016"/>
</scene>
</scenes>
</document>

View File

@ -0,0 +1,45 @@
// Copyright 2019 The MediaPipe Authors.
//
// Licensed under the Apache License, Version 2.0 (the "License");
// you may not use this file except in compliance with the License.
// You may obtain a copy of the License at
//
// http://www.apache.org/licenses/LICENSE-2.0
//
// Unless required by applicable law or agreed to in writing, software
// distributed under the License is distributed on an "AS IS" BASIS,
// WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
// See the License for the specific language governing permissions and
// limitations under the License.
import ARKit
import AVFoundation
class FrontCamera: NSObject {
lazy var session: AVCaptureSession = .init()
lazy var device: AVCaptureDevice = AVCaptureDevice.default(
.builtInWideAngleCamera, for: .video, position: .front)!
lazy var input: AVCaptureDeviceInput = try! AVCaptureDeviceInput(device: device)
lazy var output: AVCaptureVideoDataOutput = .init()
override init() {
super.init()
output.videoSettings = [kCVPixelBufferPixelFormatTypeKey as String: kCVPixelFormatType_32BGRA]
session.addInput(input)
session.addOutput(output)
}
func setSampleBufferDelegate(_ delegate: AVCaptureVideoDataOutputSampleBufferDelegate) {
output.setSampleBufferDelegate(delegate, queue: .main)
}
func start() {
session.startRunning()
}
func stop() {
session.stopRunning()
}
}

View File

@ -0,0 +1,27 @@
// Copyright 2019 The MediaPipe Authors.
//
// Licensed under the Apache License, Version 2.0 (the "License");
// you may not use this file except in compliance with the License.
// You may obtain a copy of the License at
//
// http://www.apache.org/licenses/LICENSE-2.0
//
// Unless required by applicable law or agreed to in writing, software
// distributed under the License is distributed on an "AS IS" BASIS,
// WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
// See the License for the specific language governing permissions and
// limitations under the License.
#import "ObjcppLib.h"
#include "mediapipe/framework/formats/classification.pb.h"
@implementation Classification
- (instancetype)init {
if (self = [super init]) {
}
return self;
}
@end

View File

@ -0,0 +1,34 @@
// Copyright 2019 The MediaPipe Authors.
//
// Licensed under the Apache License, Version 2.0 (the "License");
// you may not use this file except in compliance with the License.
// You may obtain a copy of the License at
//
// http://www.apache.org/licenses/LICENSE-2.0
//
// Unless required by applicable law or agreed to in writing, software
// distributed under the License is distributed on an "AS IS" BASIS,
// WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
// See the License for the specific language governing permissions and
// limitations under the License.
/**
Custom operator that calls the specified block `self` value as its argument and returns `self`.
Usage:
self.backgroundView = UILabel()..{
$0.backgroundColor = .red
$0.textColor = .white
$0.numberOfLines = 0
}
*/
infix operator ..: MultiplicationPrecedence
@discardableResult
public func .. <T>(object: T, block: (inout T) -> Void) -> T {
var object = object
block(&object)
return object
}

View File

@ -0,0 +1,135 @@
// Copyright 2019 The MediaPipe Authors.
//
// Licensed under the Apache License, Version 2.0 (the "License");
// you may not use this file except in compliance with the License.
// You may obtain a copy of the License at
//
// http://www.apache.org/licenses/LICENSE-2.0
//
// Unless required by applicable law or agreed to in writing, software
// distributed under the License is distributed on an "AS IS" BASIS,
// WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
// See the License for the specific language governing permissions and
// limitations under the License.
import AVFoundation
import SceneKit
import UIKit
#if canImport(FacialSearch)
// Either import standalone iOS framework...
import FacialSearch
func facialSearchBundle() -> Bundle {
return Bundle(for: FacialSearch.self)
}
#elseif canImport(mediapipe_examples_facial_search_ios_ObjcppLib)
// ...or import the ObjcppLib target linked using Bazel.
import mediapipe_examples_facial_search_ios_ObjcppLib
func facialSearchBundle() -> Bundle {
return Bundle.main
}
#endif
class FacialSearchViewController: UIViewController,
AVCaptureVideoDataOutputSampleBufferDelegate, FacialSearchDelegate
{
let camera = FrontCamera()
let displayLayer: AVSampleBufferDisplayLayer = .init()
let ffind: FacialSearch = FacialSearch()!
private lazy var cameraView: UIView = UIView() .. {
$0.translatesAutoresizingMaskIntoConstraints = false
}
private lazy var containView: UIView = UIView() .. {
$0.translatesAutoresizingMaskIntoConstraints = false
$0.clipsToBounds = true
}
private lazy var imgView: UIImageView = UIImageView() .. {
$0.translatesAutoresizingMaskIntoConstraints = false
$0.contentMode = .scaleAspectFill
}
override func viewDidLoad() {
super.viewDidLoad()
view.addSubview(cameraView)
view.addSubview(containView)
containView.addSubview(imgView)
NSLayoutConstraint.activate([
cameraView.topAnchor.constraint(equalTo: view.topAnchor),
cameraView.leadingAnchor.constraint(equalTo: view.leadingAnchor),
cameraView.trailingAnchor.constraint(equalTo: view.trailingAnchor),
cameraView.heightAnchor.constraint(equalTo: view.widthAnchor),
containView.topAnchor.constraint(equalTo: cameraView.bottomAnchor),
containView.leadingAnchor.constraint(equalTo: view.leadingAnchor),
containView.trailingAnchor.constraint(equalTo: view.trailingAnchor),
containView.bottomAnchor.constraint(equalTo: view.bottomAnchor),
imgView.topAnchor.constraint(equalTo: containView.topAnchor),
imgView.leadingAnchor.constraint(equalTo: containView.leadingAnchor),
imgView.trailingAnchor.constraint(equalTo: containView.trailingAnchor),
imgView.bottomAnchor.constraint(equalTo: containView.bottomAnchor),
])
cameraView.layer.addSublayer(displayLayer)
camera.setSampleBufferDelegate(self)
camera.start()
ffind.startGraph()
ffind.delegate = self
}
override func viewDidLayoutSubviews() {
super.viewDidLayoutSubviews()
displayLayer.frame = cameraView.bounds
}
func captureOutput(
_ output: AVCaptureOutput, didOutput sampleBuffer: CMSampleBuffer,
from connection: AVCaptureConnection
) {
connection.videoOrientation = AVCaptureVideoOrientation.portrait
displayLayer.enqueue(sampleBuffer)
let pixelBuffer = CMSampleBufferGetImageBuffer(sampleBuffer)
ffind.processVideoFrame(pixelBuffer)
}
func didReceive(_ memes: [Classification]!) {
NSLog("Got %d memes!", memes.count)
if memes.count != 0 {
DispatchQueue.main.async {
if let img = self.getImage(name: memes.last!.label) {
self.imgView.contentMode = .scaleAspectFill
self.imgView.image = img
}
}
}
}
func getImage(name: String) -> UIImage? {
NSLog("Loading image %@", name)
let nameWE = NSString(string: name).deletingPathExtension as String
let bundle = facialSearchBundle()
guard let url = bundle.url(forResource: nameWE, withExtension: "jpg") else {
fatalError("Can't load image")
}
NSLog("Image path: %@", url.path)
guard let image = UIImage(contentsOfFile: url.path) else {
fatalError("Image is not a .jpg")
}
NSLog("Image size: %@", image.size.debugDescription)
return image
}
func resizeImage(img: UIImage, size: CGSize) -> UIImage? {
let renderer = UIGraphicsImageRenderer(size: size)
return renderer.image { (context) in
img.draw(in: CGRect(origin: .zero, size: size))
}
}
}

View File

@ -0,0 +1,42 @@
<?xml version="1.0" encoding="UTF-8"?>
<!DOCTYPE plist PUBLIC "-//Apple//DTD PLIST 1.0//EN" "http://www.apple.com/DTDs/PropertyList-1.0.dtd">
<plist version="1.0">
<dict>
<key>NSCameraUsageDescription</key>
<string>This app uses the camera to demonstrate live video processing.</string>
<key>CFBundleDevelopmentRegion</key>
<string>en</string>
<key>CFBundleExecutable</key>
<string>$(EXECUTABLE_NAME)</string>
<key>CFBundleIdentifier</key>
<string>$(PRODUCT_BUNDLE_IDENTIFIER)</string>
<key>CFBundleInfoDictionaryVersion</key>
<string>6.0</string>
<key>CFBundleName</key>
<string>$(PRODUCT_NAME)</string>
<key>CFBundlePackageType</key>
<string>APPL</string>
<key>CFBundleShortVersionString</key>
<string>1.0</string>
<key>CFBundleVersion</key>
<string>1</string>
<key>LSRequiresIPhoneOS</key>
<true/>
<key>UILaunchStoryboardName</key>
<string>LaunchScreen</string>
<key>UIMainStoryboardFile</key>
<string>Main</string>
<key>UIRequiredDeviceCapabilities</key>
<array>
<string>armv7</string>
</array>
<key>UISupportedInterfaceOrientations</key>
<array>
<string>UIInterfaceOrientationPortrait</string>
</array>
<key>UISupportedInterfaceOrientations~ipad</key>
<array>
<string>UIInterfaceOrientationPortrait</string>
</array>
</dict>
</plist>

View File

@ -0,0 +1,36 @@
// Copyright 2019 The MediaPipe Authors.
//
// Licensed under the Apache License, Version 2.0 (the "License");
// you may not use this file except in compliance with the License.
// You may obtain a copy of the License at
//
// http://www.apache.org/licenses/LICENSE-2.0
//
// Unless required by applicable law or agreed to in writing, software
// distributed under the License is distributed on an "AS IS" BASIS,
// WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
// See the License for the specific language governing permissions and
// limitations under the License.
#import <CoreVideo/CoreVideo.h>
#import <Foundation/Foundation.h>
@interface Classification : NSObject
- (instancetype)init;
@property uint32_t index;
@property float score;
@property NSString *label;
@end
@protocol FacialSearchDelegate <NSObject>
@optional
- (void)didReceive:(NSArray<Classification *> *)memes;
@end
@interface FacialSearch : NSObject
- (instancetype)init;
- (void)startGraph;
- (void)processVideoFrame:(CVPixelBufferRef)imageBuffer;
@property(weak, nonatomic) id<FacialSearchDelegate> delegate;
@property(nonatomic) size_t timestamp;
@end

View File

@ -0,0 +1,161 @@
// Copyright 2019 The MediaPipe Authors.
//
// Licensed under the Apache License, Version 2.0 (the "License");
// you may not use this file except in compliance with the License.
// You may obtain a copy of the License at
//
// http://www.apache.org/licenses/LICENSE-2.0
//
// Unless required by applicable law or agreed to in writing, software
// distributed under the License is distributed on an "AS IS" BASIS,
// WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
// See the License for the specific language governing permissions and
// limitations under the License.
#import "ObjcppLib.h"
#import "mediapipe/objc/MPPCameraInputSource.h"
#import "mediapipe/objc/MPPGraph.h"
#import "mediapipe/objc/MPPLayerRenderer.h"
#include "mediapipe/examples/facial_search/embeddings.h"
#include "mediapipe/examples/facial_search/labels.h"
#include "mediapipe/framework/formats/classification.pb.h"
static NSString* const kGraphName = @"facial_search_gpu";
static const char* kInputStream = "input_frame";
static const char* kMemesOutputStream = "memes";
@interface FacialSearch () <MPPGraphDelegate>
@property(nonatomic) MPPGraph* mediapipeGraph;
@end
@implementation FacialSearch {
}
#pragma mark - Cleanup methods
- (void)dealloc {
self.mediapipeGraph.delegate = nil;
[self.mediapipeGraph cancel];
// Ignore errors since we're cleaning up.
[self.mediapipeGraph closeAllInputStreamsWithError:nil];
[self.mediapipeGraph waitUntilDoneWithError:nil];
}
#pragma mark - MediaPipe graph methods
+ (MPPGraph*)loadGraphFromResource:(NSString*)resource {
// Load the graph config resource.
NSError* configLoadError = nil;
NSBundle* bundle = [NSBundle bundleForClass:[self class]];
if (!resource || resource.length == 0) {
return nil;
}
NSURL* graphURL = [bundle URLForResource:resource withExtension:@"binarypb"];
NSData* data = [NSData dataWithContentsOfURL:graphURL options:0 error:&configLoadError];
if (!data) {
NSLog(@"Failed to load MediaPipe graph config: %@", configLoadError);
return nil;
}
// Parse the graph config resource into mediapipe::CalculatorGraphConfig proto object.
mediapipe::CalculatorGraphConfig config;
config.ParseFromArray(data.bytes, data.length);
// Create MediaPipe graph with mediapipe::CalculatorGraphConfig proto object.
MPPGraph* newGraph = [[MPPGraph alloc] initWithGraphConfig:config];
// Add meme collection as side packets.
const auto labels = ::mediapipe::MyCollectionLabels();
const auto collection = ::mediapipe::MyEmbeddingsCollection();
[newGraph
addSidePackets:{
{"collection_labels", ::mediapipe::MakePacket<decltype(labels)>(labels)},
{"embeddings_collection",
::mediapipe::MakePacket<decltype(collection)>(collection)},
}];
[newGraph addFrameOutputStream:kMemesOutputStream outputPacketType:MPPPacketTypeRaw];
return newGraph;
}
- (instancetype)init {
self = [super init];
if (self) {
self.mediapipeGraph = [[self class] loadGraphFromResource:kGraphName];
self.mediapipeGraph.delegate = self;
// // Set maxFramesInFlight to a small value to avoid memory contention
// // for real-time processing.
// self.mediapipeGraph.maxFramesInFlight = 2;
NSLog(@"inited graph %@", kGraphName);
}
return self;
}
- (void)startGraph {
NSError* error;
if (![self.mediapipeGraph startWithError:&error]) {
NSLog(@"Failed to start graph: %@", error);
}
NSLog(@"Started graph %@", kGraphName);
}
#pragma mark - MPPGraphDelegate methods
// Receives CVPixelBufferRef from the MediaPipe graph. Invoked on a MediaPipe worker thread.
- (void)mediapipeGraph:(MPPGraph*)graph
didOutputPixelBuffer:(CVPixelBufferRef)pixelBuffer
fromStream:(const std::string&)streamName {
NSLog(@"recv pixelBuffer from %@", @(streamName.c_str()));
}
// Receives a raw packet from the MediaPipe graph. Invoked on a MediaPipe worker thread.
- (void)mediapipeGraph:(MPPGraph*)graph
didOutputPacket:(const ::mediapipe::Packet&)packet
fromStream:(const std::string&)streamName {
NSLog(@"recv packet @%@ from %@", @(packet.Timestamp().DebugString().c_str()),
@(streamName.c_str()));
if (streamName == kMemesOutputStream) {
if (packet.IsEmpty()) {
return;
}
const auto& memes = packet.Get<std::vector<::mediapipe::Classification>>();
if (memes.empty()) {
return;
}
NSMutableArray<Classification*>* result = [NSMutableArray array];
for (const auto& meme : memes) {
auto* c = [[Classification alloc] init];
if (c) {
c.index = meme.index();
c.score = meme.score();
c.label = @(meme.label().c_str());
NSLog(@"\tmeme %f: %@", c.score, c.label);
[result addObject:c];
}
}
NSLog(@"calling didReceive with %lu memes", memes.size());
[_delegate didReceive:result];
}
}
#pragma mark - MPPInputSourceDelegate methods
- (void)processVideoFrame:(CVPixelBufferRef)imageBuffer {
const auto ts =
mediapipe::Timestamp(self.timestamp++ * mediapipe::Timestamp::kTimestampUnitsPerSecond);
NSError* err = nil;
NSLog(@"sending imageBuffer @%@ to %s", @(ts.DebugString().c_str()), kInputStream);
auto sent = [self.mediapipeGraph sendPixelBuffer:imageBuffer
intoStream:kInputStream
packetType:MPPPacketTypePixelBuffer
timestamp:ts
allowOverwrite:NO
error:&err];
NSLog(@"imageBuffer %s", sent ? "sent!" : "not sent.");
if (err) {
NSLog(@"sendPixelBuffer error: %@", err);
}
}
@end

View File

@ -0,0 +1,3 @@
python mediapipe/examples/facial_search/images/download_images.py
bazel build --copt=-fdiagnostics-color=always -c opt --config=ios_arm64 mediapipe/examples/facial_search/ios/FacialSearchGpuApp

View File

@ -0,0 +1,66 @@
#!/bin/bash
set -eu
set -o pipefail
# Adds modulemap & header files to an iOS Framework
# generated with bazel and encapsulating Mediapipe.
#
# This makes it so that the patched .framework can be imported into Xcode.
# For a long term solution track the following issue:
# https://github.com/bazelbuild/rules_apple/issues/355
[[ $# -lt 2 ]] && echo "Usage: $0 <path/to/zipped .framework> <hdrs>..." && exit 1
zipped=$(python -c "import os; print(os.path.realpath('$1'))"); shift
name=$(basename "$zipped" .zip)
parent=$(dirname "$zipped")
named="$parent"/"$name".framework
unzip "$zipped" -d "$parent"
mkdir "$named"/Modules
cat << EOF >"$named"/Modules/module.modulemap
framework module $name {
umbrella header "$name.h"
export *
module * { export * }
link framework "AVFoundation"
link framework "Accelerate"
link framework "AssetsLibrary"
link framework "CoreFoundation"
link framework "CoreGraphics"
link framework "CoreImage"
link framework "CoreMedia"
link framework "CoreVideo"
link framework "GLKit"
link framework "Metal"
link framework "MetalKit"
link framework "OpenGLES"
link framework "QuartzCore"
link framework "UIKit"
}
EOF
# NOTE: All these linked frameworks are required by mediapipe/objc.
cat << EOF >"$named"/Headers/$name.h
//
// $name.h
// $name
//
#import <Foundation/Foundation.h>
//! Project version number for $name.
FOUNDATION_EXPORT double ${name}VersionNumber;
//! Project version string for $name.
FOUNDATION_EXPORT const unsigned char ${name}VersionString[];
// In this header, you should import all the public headers of your framework using statements like #import <$name/PublicHeader.h>
EOF
until [[ $# -eq 0 ]]; do
printf '#import "'"$1"'"\n' "$1" >>"$named"/Headers/$name.h
shift
done

View File

@ -0,0 +1,367 @@
// Copyright 2020 The MediaPipe Authors.
//
// Licensed under the Apache License, Version 2.0 (the "License");
// you may not use this file except in compliance with the License.
// You may obtain a copy of the License at
//
// http://www.apache.org/licenses/LICENSE-2.0
//
// Unless required by applicable law or agreed to in writing, software
// distributed under the License is distributed on an "AS IS" BASIS,
// WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
// See the License for the specific language governing permissions and
// limitations under the License.
#ifndef MEDIAPIPE_EXAMPLES_FACIAL_SEARCH_LABELS_H_
#define MEDIAPIPE_EXAMPLES_FACIAL_SEARCH_LABELS_H_
#include <vector>
namespace mediapipe {
const std::vector<std::string>& MyCollectionLabels() {
static const std::vector<std::string> data = {
"00561d79ee42fbb0591b44f4ec0c23ff3fa12b2565494e560c1e75d6f6b91729.jpg",
"009ea4ff8ec125f771a8b768f4adbb3e04e6e6f4fce615c2485ed9b21fcaf654.jpg",
"026b4a607ed1fe3d670dc94cb1ffa641377940401dd44ab1fdbdf0321c878069.jpg",
"02b4cca3be4bc6c8b7c5e54192d8c3168f172fe36d71741df97505ec8808f0c3.jpg",
"0322a79e564d8967184c6977f97155a5dcbadb464475540fc458ab71564e2169.jpg",
"03c6f05c94b9368b12c2ae415993ed40b4c44067b6abedbe755010609e2097e1.jpg",
"05061c32b8e7fa7aa6c6629442d4a3c027e582a72a8dbf746f86e4cd23776283.jpg",
"05471555ce4b72102e129809747c340f3753e794d0cb9dfebb0688c77a351e7d.jpg",
"06a3a51573439ba504962bf65773920ed4e1005a173fe3a2b4a1376fc532bcf7.jpg",
"06f8a4b918d415bb8282c9fc04d4fe0601c961bfe8156e5932cbecfdd4e133a0.jpg",
"07d4d7db3de626ba98a8324f438d3d0a87ed786e9496ef6e94559ee1c26f96a8.jpg",
"07f91a87444d96669b285d6df9d7f18917b2d4555bc86c8649bd72ce2305f218.jpg",
"08dfb3a818e507a515c94d461ee0241fc7893078ddbab31e9cbf9e421bd0ac95.jpg",
"08f05a26b8e42358192e5b3093defc437fce11a52e9a70268e7777d8930ace6d.jpg",
"09c796ffc64a6357bdfd369e9be30904d177633e75c993433e94d268ac259f85.jpg",
"09d3a7e9c1bb9cf723800d00ec644e389479967553d89a45a93dfed22b06e91f.jpg",
"0aa87f73c449637a74b0514fa6759501a5d1e6d3382e7e070c3af6687857e99c.jpg",
"0baf7bc8ddb9608965fdc3d14f0397aa224c91366f5d77260c93e051bf41131d.jpg",
"0c32c4da3d6d0bc08f0d5527e587cd47bfd073cef623241a0b1c236f83b3a514.jpg",
"0d2269ab93e06f45f0433c60983561573dfdb4d8c87b1eb46d348d237dc5ce7b.jpg",
"0da23f7bdfe9be389410278c47695f730cf1dfde565799fea896887ac7ab5b9d.jpg",
"1162b1277809e382ed19d3d4586ed6adf5b80acb9cb65dd39b7ef3ce86148e22.jpg",
"1479529389293ea5df0a6efdce1debaa3c1d2a1f9ffcdbb211cc5f19459540b2.jpg",
"14b010b2f577e913d508d7916adc4ec3ed05dc2413462287f18ad66ee71f8e04.jpg",
"150512f54f5d32f50c8b500dbeaa7084b1048e207dd4f8a841db0a97c8603ceb.jpg",
"19066afc4533db4b8aa8b9d78bb032874e8dcb9fa08252853288aa62db2ee8d4.jpg",
"1a644408442b4e0e1b93aa84551fe59e2cc42d13c7f142772313b07e8e2700cf.jpg",
"1a77d8b9126d785ea0d6074d5826b6075039d8fb5ee31edb3ada140f48466521.jpg",
"1ba8f23f11fbb00311ca5de2c2f0a9093b0db3ac983d4bc527f34962101006cd.jpg",
"1bddffcc34516da32c757e2c69a9ae028d5061c7b83b65f91eb41e40ae061123.jpg",
"1c87452c2c6512e48bd8f5ffd279aefc9419c94a7e1f57c46097e29b05d60252.jpg",
"1e12afdae5eb968d6abbf2f0cdd3b266901fb16e0b4502b1a2dfd12b8e16246f.jpg",
"1fe4608f18937063128dbfec02f98e567a707cbc91642bb05b2cc207d4981d77.jpg",
"1feb71f85fa6273df5f731267970d2ce9e54717394eb40ff46ce9f06e9cec3c0.jpg",
"1fff9fd54d4fe4abdfb06b9e4de7beace20f11ebb908bdc5abdab37fea5992fd.jpg",
"20b6f62b55fa126b6845fc39c98019e85be8bad9efe933578053fb9528358e43.jpg",
"20cd3dc2870076159010279a8f29bd4365b3e3248ea30089abbb7eb5fb397b9b.jpg",
"226b4b62fa0922bce829a4f75cf6cec03a77f7132e8bcff06eadaf581b79eb6d.jpg",
"22cb27f0bbdd5f9c766fb66d9204bb7985b93fba48f57531ae4e55dfe6b82b55.jpg",
"2374636ea0833d7cea34b3f9ce69a3d2a05e874cd8f3e6a86159466db82dd43a.jpg",
"24a9012841870d44a857b26279a463f86b66f88b4d54b61552fe42ea4c3477ee.jpg",
"24f1dc74ef074a1272d46d522808d51f272692e52a8d235dd86c579a09e3916c.jpg",
"24f3b4cafaccb132a25784e6956a2faef28bf44bb15136bc0c7752c4021c51df.jpg",
"257dc45e450496cded7795bd652ad52ab1de7321161726948033893f12dcbf2b.jpg",
"25890b5a561e82fb7ebb2fda072754b0f290a2f23d58d55629a175091f4b7cc3.jpg",
"26fee6b9ca72421d66eb254c2a4ebd5aa4856dbb00179b151b2aee04784bf559.jpg",
"278474bdf15f453f7b092f2c218785b7ccb59100a4462ad61de950ee2c3503a2.jpg",
"27a021cfd40220fa7aa1356e529cbde485bb08d39c9d1882ec7fab28a0bfb63d.jpg",
"28806d3a94692a99b7a42f854b1ea1133038119da2d2286b0fda2c5a499e9445.jpg",
"28d168591cce45f9ded2b2eaf8c64caf183093236b4d31e6f9bb8202541a2597.jpg",
"2be5f741b6b5dc957019187bd748c5c8c5bdce35e31a984905c09eb6287f6596.jpg",
"2c7818483c23590849f88e6e0c7aa0586d8d0aea5d40792dbfa12594fbf70f99.jpg",
"2cbc5adcb79a84106d9f1ad873f7dfe4a9e696715694117409e776c821ec32aa.jpg",
"2ce04d4fea7b197c6e4c16e69a337949c365db1368655356a322ce4938343ec0.jpg",
"2d5328d281b08db6808e41a0e32c6c20d652f29f788a9615d2870c1b6267d8db.jpg",
"2ecdbec3d4156163a346f7adfc4f8fbb8ccbf2244ab1dc6a491e977bcdde03e0.jpg",
"2ef5f42377bef7958b4ae7795ed361fd536b202cb309ad8ebf6d6d4ee68ea84c.jpg",
"2f3a42256eed07d1bfceb03f49a8efece43187322ee48ba79bcbae33c071af5c.jpg",
"30794b874cb036cc92559a0668a40ba63e7cacd1afd5e402688640ba706e8223.jpg",
"3088348846fc9a01c05abc0eabc465130857cff41427a87d58d4bffc840e17a1.jpg",
"319ec3c098582e8f3099322ab36cff6384796f46d83f2aca1c99401ce04d6d76.jpg",
"320747d1b2461980657d0e5cbe50b2b27fae82aaf0bf1eee1a65f24c56603f83.jpg",
"331c1e651c4c4d44e786f4045a280f6ddde196e5decb8655b115c70a820a3557.jpg",
"34632bc5206b8c8000aac77b011d2e90ae6889ab7fd1103a41f9fc561a47b53f.jpg",
"34b926e2e5717a19145762ed757fc18bb94027e4695c25f0b18bd4e059f37459.jpg",
"35324a31a7c709504b0fa0518b8ed6228bc430513045d788ec616975a97dd600.jpg",
"3589c34b76d0b045e4a85150ee1286a9c70c0dd78c4103dabdf79883959aeed5.jpg",
"35a67731aa5ac6ca40d14ce4377cf8bb5c21506cf45b7e4412c0eb3bdf6b294a.jpg",
"36c75a0bf8c8f80c08f210d560a96521d2be76b1b71cf3d2f244c35b3180d3f1.jpg",
"37077bf664f0bc3c01ed9fe7d9ac35ed66a725bffab3d87c8475c9105941673c.jpg",
"397b97ffbb8800ec284233c128c8b707296c415e39a833595fbbc6ace292367b.jpg",
"3a243615afcdbb05039a4b48fc164e6a3f705a7a463688536621f98421f1650e.jpg",
"3a5c6d533cf772674daa7ca1977ce8489168ae792ebe5c35db98f3031074896a.jpg",
"3a6689022780ccaed07d059b6e6f1fba8e826677444901d62f3471bc2a1263ad.jpg",
"3ac4ea464b011b71ba7b2d8b74339adff0ad6714304c19786b68e8b7ae95d1d6.jpg",
"3ad518e4a6035300ebc8dd336a6eb74526506d152682951c0ac7707d9476c6b8.jpg",
"3ba12e0f6453c24e1864a77102248dad6bafc811237a30ee85acfa51261d52a0.jpg",
"3c563d87e3ba699b9ba75403f1b347c915abdf5dea35ead204dd09356697b769.jpg",
"3c6505517ed573f4c5ec6e0fb2883fb7649055114fa0e2d18efd85f3deb5df65.jpg",
"3c9aab2f49f920cef01f19c842fc0a3d1268a85bb18d9beeea9172e1f7a15fd9.jpg",
"3d4e1c19461dccd24e6c6f0512f299e6a3abf12f992b50c135e1639c5ceb7eae.jpg",
"4059340c4a4ded62e52a1bd2494989b462de04db94fc632e145e75b4d317d60c.jpg",
"41368209c32f7677e8810c3e16e5410eb323457e56e980765d4699236add4d58.jpg",
"41779cec0037d5d91df7f2436b5f12dc8d5bc3a9b2bbde9e90ca6efb13851727.jpg",
"41e15338ac786a045d80944878618030268f27721e930db6611aaa04e2ac0cba.jpg",
"42008d2fb14ec122f441182d33143d95a24cf341ae52d4157b38bd9861dd0a6e.jpg",
"429d53fa7a6b60280b1a5cfcdbf3076d9f82ac3c5aa050caa0aa3bc8ebb80a63.jpg",
"42d714e7c197fda1ff78b36fa4eb6500e28d05cfa5249f2b94d803840a61a961.jpg",
"4325743fe652016872308af13cbf75a39b024d9b705426025e95d80b7d504b34.jpg",
"444fe7cbe7e2a543d55b951a6d5871836a38cf17e75b4e824b0ab3dab9bfdf6a.jpg",
"45115bc77a74d0145eda1a18ddb39a204c8e9fcb681fa2873f9fa47eeebcba0d.jpg",
"4689dedeb980ffbafb76966f14fd37d1ded8cc197ce5289550348b2e8e48a279.jpg",
"483cf4cee9ff957d6bad0de64667ba89dc83d293ccceda1ac23e7e59e63961d7.jpg",
"488460efb5211c020c384de43a5723b47de09e4fbffc942a8394a6f5d57244e3.jpg",
"4a1d840f99692b5b82ee59a3c071f720cd14c57f493525d4c913d262d97166b4.jpg",
"4add1a0ce382dcc03f95b20e656dc946be1c2cf8de71c813012618f899615cfd.jpg",
"4ae831d72ec0391254e492a161decd591fdd13b5c8d154e23a51d91317242580.jpg",
"4c0dd125afb1e0f18d9e2fa2edf4db82161322c99e8a1824618c9502414f93d5.jpg",
"4c1dd0964eaddccdc0c56c8fdef4fd93aa94649e0538b2fb34f18c3aa64fc1ef.jpg",
"4d6530d8d86f707bb49d0491c8c4abf458cce120d8e0395fe839fe5ad595eedb.jpg",
"4e97968e19caf0ddd591995a46e44d452139f5dd64c6866047805249fa216ed1.jpg",
"4f0d437bbd2443b57e4a1dfa558a48c96f6629dbf6153310253ce8172175e428.jpg",
"4f55c0761b699aedebb64ef4f157f8dc892c198e5f73d8e03e8a71b94f53affc.jpg",
"4fa34828864f912118fa731fedbf332f829e6e246b19c06ceb77eeb6abf762ce.jpg",
"4ff2510cfa90b6ce4363409ec64be49221b4b286d9a68fc018591af05774246b.jpg",
"50a54a19ae80807b2ce3dac135e805a2dc852dbb2db97463979c0e7417271442.jpg",
"51ae74f358b29747d4f0df91eb88814b8a6b16a013a39929afc12b980cca14a2.jpg",
"5393fe4ff0adeb9d866c12cb59a85131a29a2c44eb43a91567ffe87ab5628048.jpg",
"53d3aa4cd7788dbfd1f2b8dccee1e72151ebd3f3cfca5a73da16729726b26b70.jpg",
"54b20113d4e44dfa16d82c0786b76460f0b546810fde718215f50e5c211bb1bf.jpg",
"54cab1e45e9457c94a3e55ad731e7d5a2a8f31f96ca52984c3b1ea342f9839da.jpg",
"5539aba6a170d45edd9cc3de23edbbfc26661818d7818a5e705ce54f68641052.jpg",
"557f6f33188da0e74726b09e25ce70d5ae7a3297459b5422bac4c311389c22d5.jpg",
"560f5621680b0e8d5392303260eb1b304f5372b01c495b2077e557db9f52dd5e.jpg",
"561c597fc1ac6522126b0f87c369917cbc509450d2ddb8fda402082279ec3d86.jpg",
"56861d7810e955e7fe428a7c5e05ae5f9b1b46cc1a55104f0c87b1a0847f67aa.jpg",
"56d0f69789aebf33f92606d4a5c492a738bfd90e05b8eb7843101479894576ca.jpg",
"577bfcceb1158a358c4acfd5c052fced3f96db6cf0ada9b26c61c7e9e9744d14.jpg",
"57bc5f4f1066bdb3aa7c4ca3eb366db97c68086f7c22203c05e03a5c6abb4678.jpg",
"583afb5b725ee3d357eaa4e27ddaa22a8b6a4bff4aae9cb0d6d19195dd86cab3.jpg",
"5857cafe2bf2f3827ba29f9644799a892cfe883520f73ec1f4d0918dca08917c.jpg",
"595c01b9741070cedac1c1bc26e5530c7c738ba233804e50efdbf8a8ceeb02d2.jpg",
"59795378c2e208b81e87ab904b96cadf130d5425993a013dced28c6c3968a97f.jpg",
"59f98449e166e4346bec6c0017f649f13df25c2a71c86079205b491b8ae0ff31.jpg",
"5a32564637cd7b6924cc4cbc2f8b33a2a34c8be4fc9dcba942d7531fba259104.jpg",
"5ac15f23a9fd532fb6a448622072aed6dd982dff457bf8fdab397d148c29b748.jpg",
"5bd0eba0cb5b5007ede854a92e24992cb686b15857091e9694b65513f4cf78ca.jpg",
"5c82280c3601f636efbafb1fdd98c7fcd69967629a39d38a30bdd04a6e1ed197.jpg",
"5f31ccca3394f9ddf1b6dfda32509bd7897c3f6e92155ab5a4374322ca8293c0.jpg",
"5f5e4675c0ca5240a9363d7f69f0ca2ec44f0a35b882428515346ddbbbbea103.jpg",
"606c3aa6f1cdcd5ac4c76035a5290327765987d3510c5356b99ae51b261b90ae.jpg",
"6147a01ebd6378b00b96ad7c12dfbf93223c5ad793541f1e1e202eb3cf47c7cf.jpg",
"618cb9882580d065a5844301e78ec29398b91e20a45d5ac8c4440c612bdc2901.jpg",
"61bd25c79a95067683a1e460c5342941099de08b654777ec8e658bd37f2e254c.jpg",
"61c1a42fd66c2d38ba45d1c2a8a4bf1d3503005469a0f70c72643735ed81a442.jpg",
"61d03740346570f10dcc59130af375cab770032aa6b0383074cdb1e58598352d.jpg",
"61d8234e719770003fcaca340cd6d18b3c8e09040ce21cb372909f0c5e72064e.jpg",
"626e904729fc8ff005be3a9bd67df06e9fcf5536a348be05bfb509b3e08e499e.jpg",
"6271ad17a1101f7a48375a62b8b9d0dcf67f6333592467eaa1a58d951eb27639.jpg",
"63adf7c916555ae46b3dc3dc80d112e889ff7822eb7311f10ab21cc42ded54bb.jpg",
"63baec6523dd3ef43ea65d4a1487416dc4547cc139c86d047a2c6211050578f5.jpg",
"63c3dce5c75e2a5707f1c1f52bf53386f5dc79c7a3cfc62b26fd12667b3b79df.jpg",
"63e2796437b70bfe29e66fd16f82836e455b0a99b0ea9a7a04a54f8a31cb4392.jpg",
"6739e8788cf6bee8c8b1959295c20d47a8e90f219e9659db90cf614ba58b5e51.jpg",
"6853d2c3a10a1535e5655055f6ca1e28aa53c2180cb53c9b408b2f9ab37d0a44.jpg",
"6935e5429d10d4f49819225bd0bc27a5dc74573a03f5a5bfcf08e79df9a4b1ec.jpg",
"69f0e6174cf4b83b7724c3efc94c11ecf71fea0b332ff88bf1f73955acdd3b64.jpg",
"6c79305a57a58791f5d08da09f634385003d16732a6ed69c823387effbe7b131.jpg",
"6d6be72c5c252071200730d2fc43e3d3a26f08baeb5701e9b2b4c76f360c4d11.jpg",
"6da93386d9a9667b02319d1fa1985d4291482ef7b0538cf6e97303234d7ebd9e.jpg",
"6dbd8d50db463bedc934de296ee62151babf66915d829b258d735f6a84004251.jpg",
"6e29e9e6a8e20dc3c40250ee062d7a08dd2b7eb784cd848724507c5e1806867a.jpg",
"6e568704bc959126a109e4ac1c25c132a81bc9c0690b8bb65e9440936d32a270.jpg",
"6eac510de35e0bbd08614e8cae199f66c7f0a465f8bb83ea472dc5404c09bf15.jpg",
"6f105d8e8f990080b792740fcdbbb06d5dbd7a3145930ccb4d6bf6454518f7f7.jpg",
"6f20ed038a08d4c405914a8f3e6f437c15267c51d55305a2f3c76133d635cc18.jpg",
"702c2b33bd5e26944113ef9693de75695b197ac198f888b05c8ca7672202e8bd.jpg",
"7054fa18439624c736c7c4dcd77a4d9a3c6a2bbd456c47ec6f84b44633ab5587.jpg",
"7081eb6af8eecc983f311ff3bdd2c980c39561d63165fb6bbddf81a5d44da9d9.jpg",
"71481bb4342920366152bd998a161cb6e473586bca1fb413180d5d072d85048e.jpg",
"72b43c25bbd7f1aebea3448141226668044c44cfdd11e878a06f759331da9a59.jpg",
"72cb2bc151de0642d39eef4e46ffca91cf2c75582e83c8ac79508743ec43ec81.jpg",
"7575901a3446f3d1fb094bc40d36ae248299dbb99c9217d4205a84adecb440c9.jpg",
"7668a5942d5c42075184103c62edb4bfe577ec0880c351905dcedb3c8ae410cc.jpg",
"767ea28767f914f2ff0da7055c13d1b1931c30af808967c56a3ad6ac654346a7.jpg",
"76bf12bf89494500fd00c70d5ef8872d6a49311b663e6184cd9515921091819d.jpg",
"7936b3e0b58b66b3860606f1ef4e4c5ce3e5636bf4f0897c5147b30c0f7aca14.jpg",
"795a029a09ba9a5457bad3d92c0b3b7d8b501605c5d6d6b9271ab6d678762fda.jpg",
"7acf465f8a10252a58ebb8da542281b272f5266bf3e2f705f69a821297487cde.jpg",
"7c942a1e62520549e572b65dde875d946e70a599855f1ac7a178e2cfcf06ffa6.jpg",
"7fb9f9a2849eaaa6b7b10c1d4e117645b188fcb4ec4b897f84728f665f559267.jpg",
"80112e1044f10dbf926bb2a7209b3a17ef795f50f070ef0f767587651ecc2637.jpg",
"80cf9affae27df6dcad2151e81294bfc41d0e918d4ce6445975fc160962201ed.jpg",
"8161e39b53a6bd2daa3a1ca55c1f1279963289b4e0fa816a8c403eabb0e336ca.jpg",
"81b2bd0860cb95b10bf0853c14b12c116336e5e6d356509aab87fac45a798426.jpg",
"81da4bb9b555743040ca5bef2fd76ae9c064ce53cce3abd1bc983c7166f5ec17.jpg",
"8222eb0de7d7aa384357993996e670ec284b01e986351e500acd12f328be809d.jpg",
"8226562a245bd61a78be4b32409b8ad6e314e4387f137a480864f990909bd694.jpg",
"82285259a8f2bf6c06ff3a00ab8f8891596bc130f225b438fd10370963cbae7b.jpg",
"831a342d2c412e1bb5b7ae50abcd4258056a5e89b189b962a3674610d29fb1b3.jpg",
"8351c18c4f785c9cd76d7b59ece1039078f5cfcc03214189cbfea037de6d652a.jpg",
"83999b651cd0c87ee6e8ec76fb2af10068cc80bb01e1f2b834e726fb79e0dadb.jpg",
"8513d562e29ba1d9c376da490d7d14b798515c55d73292c1ae5c8a47c5893496.jpg",
"856dc4c90cbdce5c29e40f5adf3f607d4c362a2292d51e34a4741f6f5cfeb7d6.jpg",
"861922bbeff3a06b345fa2d4ec64cb648a0717235d36de7ff38ed027e15f823b.jpg",
"87f57e3b93dce86fd594cd430f422404a1fe1db0026f8b912f786b4ed07026f1.jpg",
"896f646812a8e1f9862f786e097ce296b9e191cc768e6ea92082d5f2bbca4bbe.jpg",
"89c28d00677939bd7a353f7c734fe4480adc11cdc805edfb4bfc5fee370e67ff.jpg",
"89ff36b78a2c8b8c41808fae7426e552e1c419b70ac0db1fe31ba2fe373b4b08.jpg",
"8c24244f21eb4914e03645e40d393c3030a5ed7ee7d3e6eb29c40f139e541184.jpg",
"8c265aa62a41d5cbb7e6a9df02bb91525bfb3f7c5d67bf9d4d00d93697a78581.jpg",
"8c3bfc3a4a2ad4f8c2993729e9edc4254e19710b3d6d6d8faf24c21a396396b3.jpg",
"8caf4edc978e6c95e92ec3802f22c3ff222db729ff91bce71247dbc69a5aff36.jpg",
"8cd3377c8cf489fba5d9872d364fe13b37b33d8d7c61e5b35ac8d62ec2d114f4.jpg",
"8fba594bc78be2418665789f03eb039ef8fa941bc61817f3b574ba5feebd7f02.jpg",
"9093bd4ad82f2799453cb9ff4b1cfb8b0c556b15909ac7f544ca608401f964b5.jpg",
"918b74b03fc3a910b92270e334cd287a50a1c09c6e4116e801f86219a18d3f47.jpg",
"92c8dbc1f0420fd9dd346d61099ae2801f184e15bbfee5438dbaebe452f47553.jpg",
"931afaadf078cf2b7d3c4edd957fa10c0b7315dc2dc685a95145d0198b8b9191.jpg",
"93aa84672291d7dfb7d829d6536d6be417195c032943eea200a120dc9423ad10.jpg",
"93aaa114b0a4d3669d95744474e275b9a9f565d517442bb095f6fb2b8144b9b2.jpg",
"9415d0b492b28e2c3b7710c4313f1c22240615ba22d05d53637f89a45b24ce3a.jpg",
"9524feb3dafb7f260ee02bf56be1a57ed51db268b8e88391f82107a75292d5f0.jpg",
"95273fd24c3e0bb7a723e06fea5d785c08dcdc44cc60bce5f6fc88d66f2e4ff4.jpg",
"95f54e4abcc292318e5a4aa1f35a78336f8ead90656f111e68e7a08272ec7d98.jpg",
"983c0adec8cbbfbc3db67b6815ab4936e144729543354a6aa7f014a97a5c1af7.jpg",
"9919452f0cfc6489e4c6bb16a2574859be34731d49f89e6ec4ae557a48323993.jpg",
"99de2eda0c8ea0f0f46f16b80c54236b94d5f65ccc4b22fe594829d022a833fc.jpg",
"9b44ae20fdb62eb972bb7156fd0198611a1aa8ea87c901715a71c03210033841.jpg",
"9bfa071509277d27dbf64e84bdc8d9a5b7370192a7fd663bae1bee52dfe6f80f.jpg",
"9c1d7657f2df91ff3390e9bb7db1012dcea5834daf7449f4e42e611b6108ea73.jpg",
"9c8b7cc23b72b2943251a3196bf85427e6d6cbacd9957da47ef4739df6d9282d.jpg",
"9cd93d4119cbdb36c6a20ef9fdd432ed249b3508c93de66d9a06be59c6c58176.jpg",
"9da1dbb5180ce3610fd40db3b8ec342d4f872120c3f5abe7c38fae0f585493c1.jpg",
"9dba5bd54d0ed8197aae87859d24526d8a964b1b0ce9c19dcab6f4c07f9fbc61.jpg",
"9f45981c8508a8468d3944794536ea835de771d9c2cf8eb76c3b217452c79f15.jpg",
"9f9102ddfe8093df4d6ffa7d0e6d79e66831383e6c737b9b4f33e4c41e9be71a.jpg",
"9fbdef7f6c3f48979fc57a2efd98cbdbb32666343020082268588f734fcd7498.jpg",
"a06f7f32ccf4b3c848d3c259ca43198ce6e5d345b10a101a52ddeacf996b361c.jpg",
"a26b1844c5c70ad1d0d6229fec84f7b8f21eb1c14188db0e7a219e1736c0dacc.jpg",
"a2f5675d1512a1bdaaebadab1252e347599b699ec669578c90852d2dccd34dea.jpg",
"a31050ec433004ea81c80efe0859dcb0bd756ffc031749c096ddf74484248247.jpg",
"a364b1375afca8db1a563403555d558c4b4f9f4255231d653c1cfa2205b0a5bf.jpg",
"a49c50c0a08b64e09dc15f6bbc49fc1557f76404cac321d3b6a6b4be9b4c3033.jpg",
"a581f0d66c39f61afbc8074ea2577b5d2b3585175663aef119015ce183b28d21.jpg",
"a6367674cdcca59c2225f396e450f2586d5b1b1b3b48134178921a34b0afde08.jpg",
"a706e2c8047f4d00097a3d2036613a61c8112e62391632da96340e13d4b880e9.jpg",
"a739b742849a9aa831871bdbf7b84418396754156a6b09d602c78aa2249f418b.jpg",
"a74da31219a6e81eab54dedc5ced5c51645c41090675c9daac84a68c529b7ea4.jpg",
"a859f9635749d6d0360118965d9af27b2a955e18a479ea9452a0f6066b086013.jpg",
"aa6be256c038cfc7eb0b50a3fb6435a281cf466a4f28850722594722ce438d22.jpg",
"aaa2317c8416475e1afbafe052f52102e0371defac161ad7f2cf94aabd191e56.jpg",
"aaba3ea786bd9a70303c34cd15332133a643c4a44da4f775088c4fd291ac8074.jpg",
"aaf3bf6f78869537c7b7f11425f77f5c2f4f813b43a92c9891a86e588c4f0942.jpg",
"abd415dc03f8301b137f8afbb13a402e5fc88c0238b7740b354432b0b067ee22.jpg",
"accdcf2cff3b96c394ca19925ee68ffc01a18d7b8aec6c8212766c9832afcaf0.jpg",
"acdafab8b99998ebbbf075f4f2c7eb1deb5ab72feb045970be69b683cb256ecc.jpg",
"ad9cb76bcf7f7f9108fdf49e1731316bced096a6d8087e28def425f180f2e5a2.jpg",
"ae6d38ef1b0c9fa4817a9425e468fc150d5dd69e92f99e410e163b034f71f931.jpg",
"ae7c80f0a5f275435bf4042ecff9f76494f5effd4215f627a2ae4789f4897982.jpg",
"b04a4d4a4ad5d18640ac5559c49635d178d6e94205c32de8be05db62550d819f.jpg",
"b256f272583bd24264c50803be73f5d86232983f6365edb2036b6cbf90c2c47c.jpg",
"b42da75aced1fe1432effcef7a2156c00df955b5182aabca3c4f63aa212e7cb3.jpg",
"b4c66d9372b78e599e80d26c6669ca9c83749259a6e5d58cb2771136cc8b2b4c.jpg",
"b72a0e4763a5991f7845e75e59b3583a352af6530b3e278c5ea06be0c816ef0d.jpg",
"b757f374659fb75b78212f2c107df7676611563a7bee145c0e9b92df4f46a167.jpg",
"b783883b4b3b0cd774b7daf645a4809c59c84b07cd72dd2cabd3eee7758628ec.jpg",
"b84f0dbb9af8783f2463a6df28453e85ac91eac41f4f1ab7549d501a5b50adcf.jpg",
"b99998fa98c01aa6707ba2188e2a2558e6a2da2a1adc875259ca2fd75e3d18bf.jpg",
"ba0d769eb31e5bbec991b55b348f07f86a212b4aa823a0ad6586278a57b8d5ec.jpg",
"baf78137b004922ec42f3481d4f916214b45ad93e0f05273ca4d21f197d604b6.jpg",
"bb87e966599eadda146390a1febd25cbe2196f5136d9c598254f9671f650534e.jpg",
"bc541cec49e9e52daef8e7feba1302b48d98340b44d4df1459b61b397bb8e32d.jpg",
"bcf0c567978794099b3151418e3907778252e1471cfe930fb30da7ca56ddae99.jpg",
"bd4c0a1e93fedd07011d79139b4b346b3bbac8e2df6ede7a1f799a473f2a64e5.jpg",
"bf7c0b3349e2dbbf20c45944a028316bb8922abbe97ea2f5420499d1d788fc3a.jpg",
"bfdc0d8f54c5f186ba8018ee7c451944c726aadb52dd555f5f7936c29817988d.jpg",
"c1d20a77dfcfe40ab6eee886669aca852536f9ecb3fffd9ab020aa2e5a751124.jpg",
"c20eea13ac55c277ab11e8fc76d9f351edc6a8031660a4f18e4795952770563a.jpg",
"c26cf7c3772abcf13647f9847db6e8be1df05500e2f34aefba39e3395a902f57.jpg",
"c2fde935748acde75b0960570b4e8fec4976386a998b0824a1f09f5cec5867e0.jpg",
"c3b3c2d91c4f7452f4e235e3e259427a68a5291c630016a9b0bb3abef0ed91f3.jpg",
"c488b39f4676a6aed6e48f7ddcd335e2d28c039baa2db5eb5f0b35ca3af744bc.jpg",
"c66c0b38402844c87d2b7cafc95059b5babebfd02c90f8bbfe775b01b6def3b4.jpg",
"c825df6716e1596ae7273617673acb38c1fd77c19b3e7ae0711cfff396623e1b.jpg",
"cafc4ca29f563e29c2a6298c793a04d517bd9eef2c8b1ab9c06532873cf7d102.jpg",
"cbd867c8b5b0aa2fba9476e08e24fd288cdd403e408fb94991c97a5351fcf908.jpg",
"cc387131ffd4e924269baec53eebaa77352e9d7f1ca3eed934844220c9d6330b.jpg",
"cc415702b5cfae5b3b0c0f64c645f7dc4ae9ec827977ce4442ecce58402abc3b.jpg",
"cd52590e2e5377d8af767297e7c72c9c81165e07b216f1a06d5e63b6b406f205.jpg",
"d32a12756c2c48297e7215c45b84ef03555702b6c7100fddffd60e6a8dc1c6ea.jpg",
"d3bd34de5b9d1e75d10f636671fefbad90acafbcef835393cf54f42fe5e4e3c7.jpg",
"d47bf979ac177f6c9449e0fa2cc2f9ab1b1d3899ee3fb0555111ff8c45caae98.jpg",
"d49b5dc32e7d9421a4d5c3b5b93e7957fd9d7b7c542fad9d19aa1a83dc6ba370.jpg",
"d4afd5b8964c4496e326b989d2e9f357732acbc1f3457abbdc6b8365332d19ca.jpg",
"d523c71ff494e7d5a9937e3967979302d5bdc10841b6c2e2d2ab42b265c899f4.jpg",
"d576124e4a63e418399b4e6bb22b727a907ac08226e93205941230be24e1b5ec.jpg",
"d8a4252f0745592e826275a3baf382277d7fdd84bb14d1d90c502e51542575f2.jpg",
"d904d3d4d157d9b704f3dcc9105576835398ecdfcea51cae2e2710e54111aa6e.jpg",
"daac278255e685c111c67ecb895df885b00e24dd90de4c4b8ce32571ef9e12a2.jpg",
"db345413a78bf7b909479e22dfaa5aee7beb1583ce3bdc44e6c393578093a973.jpg",
"dbb0a40d50fee374a6820c8dbd837ea4440623464ce9f028b67578f1045c6b06.jpg",
"dca3f87968b5f335a2214f8b5cb671239fe4c1c63d7851d65df998500bfc7207.jpg",
"dcc9b9ad51e019e7326e93730b09a37d14b5c37d65c596e9e7fb56ad7d27289d.jpg",
"dd24ca5f933e68105be7ed4bf306074ec682527e2e05aa57a8cd20577c4ef512.jpg",
"dd4f767714f3bc7986ca0d978b56171a5b5c4f07354148d161d6cd4a542131e3.jpg",
"def24c5f8eeafe9846a256b6d64dae1565d76b7857a18a720c6387f30662479e.jpg",
"df29f4798d7666db4cfcc2235720b6cf096514338c012fca6612f5ceffdd1c23.jpg",
"dfae2ddc48313cb795dfeae1c0d414dc0d9edc212d488685f82030f575423a69.jpg",
"dfe7f58cc06d6b5393383ad6800aa3f0567a3b04055e64fa9a22b7711e65639e.jpg",
"e20c8f88cbede392097932d74d5a43bba80cf064a2918e24397e2adfc42769f6.jpg",
"e230fe16c4b0ef6bd0e10bc10e688cc763041229b82204df0213fb9868e06b60.jpg",
"e377c0a1c24089cdd0b97fb4881487cc5a45cf5a0dec15cc5582daf60784ba5e.jpg",
"e4677670fa45f5d7f7ac440731ca873a60016076db2944fdea889363fb8e64f2.jpg",
"e46dfef7316d1f115e7afe1ab67ae8dd616692edad3a0c304a823fc2286a75c9.jpg",
"e48c8c4e0ff2160a7a71ced67202cd1e8886c512056d6e956c4dc38305ea6d9d.jpg",
"e501de143d5c6d35acd34d56841354c0592d736820cba2e225e1f4766ce677a5.jpg",
"e516b362b36397595e9da908a18bbe663f047307b255aeeda97eee59a1ad7a0b.jpg",
"e58bb5aa1e7bbf621db4b7a2f7e6b4d551a77a78ca4d61f19e07e70b468a92df.jpg",
"e65756ff5114d95e5476ef5d29046f6ee50fa6829f8eaaaba5a867ab7736bedc.jpg",
"e65dd8ecc64926dba61c21f28e2026be9a0b77b3b2a5caabf88377bde72ecb32.jpg",
"e67d3aa803a780f8f567ddb81cbec5659aaa8f38ae102657fa155153a1623471.jpg",
"e6d9fccc943afbfaf184dd815cad3fbf376f035757de453a6369cfb32b1b92d9.jpg",
"e6f7a5e660db072984e16eca23e18171728d3e7e6fe78784ce540eb105661492.jpg",
"e78316304158ee95f34993ece16eaee3235b63ef2e23a4cf551120eb88a93421.jpg",
"e79a3df4fda17acf10b92dc04aaa0a1a950de577b84aebb6b06b1dbb0090e147.jpg",
"eb174560fb37284c969550c7a788be255075f96909c4033eddb1e411be7149b3.jpg",
"ebdbd3d34a6d74efbbfaa0e828d1f6d91df504622c9beee3d1f125a335959593.jpg",
"eccdf08787d3c93ee69974763e09bd108b799d2c8ff76ab5a937b1910ca14e3b.jpg",
"ed4f35c63a842abdaf0aa804b4e7baf51e95cf206c893db044caf586daca877e.jpg",
"ed7305b266067a4ea3a676d610ec43e630442e582d578d958b0cd3710572d68b.jpg",
"ee4508c5ef99f65dcbcb0e677f9aebe16b7ee1e49458b7e6a241fac1df52bb8a.jpg",
"ee6b89cd4bb7dd6d4e06ada542b380fd905b72b5c2e2eaed4e1b7f1cab69b939.jpg",
"ee9a04824632f87ae36d85b980c47656c53ec33443134bb2ad0114b4391c92ba.jpg",
"ef5b9f7fd39ee6bf2a8abaa20edf087428648114b1946c39dbb119d564884b97.jpg",
"f0b961d877dc916ed3640b50fcc2880b471367567e7fdb845848cd9378e20b8d.jpg",
"f2d31fb2180e2b803414002b3032df1c3d5ddf7449fb955f1c82ef9a9ee2131d.jpg",
"f2db6b7c3dccce5b9bbccfa241f5c0a2838d92310ecc7397ae36e80cbd1fb922.jpg",
"f499efbb75f373aefb4ca00a470c73179c6f2de55c509dc7f9b1158f676f4a8c.jpg",
"f5c60653ee34d5a748839c98cc7bc5a0a6d90a0d3ca736ad062c6c386b26717e.jpg",
"f65829fc2e38711122fd89a01a2f3a35616900e0e99f371e2a9a4545d458213f.jpg",
"f6ae86bbea9e1cec5421d7eb59537fe0e5ace231a098bd4f4f72f80ed691be39.jpg",
"f6cd4d7f3dfa7a20129f9a5f70a1f49ab07025cbd09f5072ffb6e309786a51bf.jpg",
"f79da148771e86aa80d4230bb0581c72b6873815fd250dc6d9dedf285b7c2acb.jpg",
"f7d82ecb4bbe0b632588822c725457a9b24e7c5c31ee82100d4078d42e32b41c.jpg",
"f89def5b2117a20a4c71b1129c6ca13ee8b0461bdb128af7ac2fb0e7b77dccc9.jpg",
"f8a8bd683c78c53d3cc48624adc51452f82cfed2d4e78c7f8c1eea7c947afd5d.jpg",
"f99722f5136e113100188e38e52fddd283c7d38d965ee13079741ac6c2802b23.jpg",
"f9b117d7cabacf8dabff40ea3f04a078084a5843573740e2509a4229b67cffad.jpg",
"fa2a528475ae86fb6fa6dd8a6316b0fc5c3ebda0c9ca3992cf5cd0e2638c86d2.jpg",
"fa7a2e1be3f9a845dfeddb4058b01c5cad49821251b0a328c1ba1cb18ee276ae.jpg",
"fae202d62d7f02a8d39c940448f2ae8ff946ad32c7f5521eb3c0e9209363c4e8.jpg",
"fb5292147113712fc3e6acc5c7ed5c8fc06c750bab2ac55776d0be3864436958.jpg",
"fba29f97651a4b68e97637f3f492d89b50d562319fbdaed0f55337fe6eecd648.jpg",
"fbdc67e0d7f48c9a1097fb04bf3c4b1b81a0c7eb8eadf5a4857150634563ca1a.jpg",
"fe38d8f95b95ed7562034066836cffbcc077d53b39048c935161986d6e573b4c.jpg",
"fef52fbb61bcf3800db7f992be3c93e006d07ad9a53f5222a340a71e53aa699c.jpg",
};
return data;
}
} // namespace mediapipe
#endif // MEDIAPIPE_EXAMPLES_FACIAL_SEARCH_LABELS_H_

Binary file not shown.