├── .gitignore
├── .vscode
└── settings.json
├── LICENSE
├── README.md
├── generate_bert.py
├── img
└── bert.jpg
├── model
└── put_model_here
├── server-cpp
├── CMakeLists.txt
├── bert-cpp
├── bert-server.cpp
├── bert_tests.cpp
├── build
│ ├── CMakeCache.txt
│ ├── CMakeFiles
│ │ ├── 3.20.2
│ │ │ ├── CMakeCCompiler.cmake
│ │ │ ├── CMakeCXXCompiler.cmake
│ │ │ ├── CMakeDetermineCompilerABI_C.bin
│ │ │ ├── CMakeDetermineCompilerABI_CXX.bin
│ │ │ ├── CMakeSystem.cmake
│ │ │ ├── CompilerIdC
│ │ │ │ ├── CMakeCCompilerId.c
│ │ │ │ └── CMakeCCompilerId.o
│ │ │ └── CompilerIdCXX
│ │ │ │ ├── CMakeCXXCompilerId.cpp
│ │ │ │ └── CMakeCXXCompilerId.o
│ │ ├── CMakeDirectoryInformation.cmake
│ │ ├── CMakeError.log
│ │ ├── CMakeOutput.log
│ │ ├── Makefile.cmake
│ │ ├── Makefile2
│ │ ├── TargetDirectories.txt
│ │ ├── bert-cpp.dir
│ │ │ ├── DependInfo.cmake
│ │ │ ├── bert-server.cpp.o
│ │ │ ├── bert-server.cpp.o.d
│ │ │ ├── build.make
│ │ │ ├── cmake_clean.cmake
│ │ │ ├── compiler_depend.internal
│ │ │ ├── compiler_depend.make
│ │ │ ├── compiler_depend.ts
│ │ │ ├── depend.make
│ │ │ ├── flags.make
│ │ │ ├── libs
│ │ │ │ ├── infer.cpp.o
│ │ │ │ └── infer.cpp.o.d
│ │ │ ├── link.txt
│ │ │ └── progress.make
│ │ ├── cmake.check_cache
│ │ └── progress.marks
│ ├── Makefile
│ └── cmake_install.cmake
└── libs
│ ├── crow_all.h
│ ├── infer.cpp
│ └── infer.h
├── server-python
├── app_jit.py
├── app_onnx.py
└── app_pt.py
└── test_api.py
/.gitignore:
--------------------------------------------------------------------------------
1 | *.pt
2 | __pycache__
3 | .DS_Store
--------------------------------------------------------------------------------
/.vscode/settings.json:
--------------------------------------------------------------------------------
1 | {
2 | "files.associations": {
3 | "ostream": "cpp",
4 | "__bit_reference": "cpp",
5 | "__config": "cpp",
6 | "__debug": "cpp",
7 | "__errc": "cpp",
8 | "__functional_base": "cpp",
9 | "__hash_table": "cpp",
10 | "__locale": "cpp",
11 | "__mutex_base": "cpp",
12 | "__node_handle": "cpp",
13 | "__nullptr": "cpp",
14 | "__split_buffer": "cpp",
15 | "__string": "cpp",
16 | "__threading_support": "cpp",
17 | "__tree": "cpp",
18 | "__tuple": "cpp",
19 | "algorithm": "cpp",
20 | "any": "cpp",
21 | "array": "cpp",
22 | "atomic": "cpp",
23 | "bit": "cpp",
24 | "bitset": "cpp",
25 | "cctype": "cpp",
26 | "chrono": "cpp",
27 | "cinttypes": "cpp",
28 | "clocale": "cpp",
29 | "cmath": "cpp",
30 | "codecvt": "cpp",
31 | "compare": "cpp",
32 | "complex": "cpp",
33 | "concepts": "cpp",
34 | "condition_variable": "cpp",
35 | "csignal": "cpp",
36 | "cstdarg": "cpp",
37 | "cstddef": "cpp",
38 | "cstdint": "cpp",
39 | "cstdio": "cpp",
40 | "cstdlib": "cpp",
41 | "cstring": "cpp",
42 | "ctime": "cpp",
43 | "cwchar": "cpp",
44 | "cwctype": "cpp",
45 | "deque": "cpp",
46 | "exception": "cpp",
47 | "coroutine": "cpp",
48 | "forward_list": "cpp",
49 | "fstream": "cpp",
50 | "functional": "cpp",
51 | "future": "cpp",
52 | "initializer_list": "cpp",
53 | "iomanip": "cpp",
54 | "ios": "cpp",
55 | "iosfwd": "cpp",
56 | "iostream": "cpp",
57 | "istream": "cpp",
58 | "iterator": "cpp",
59 | "limits": "cpp",
60 | "list": "cpp",
61 | "locale": "cpp",
62 | "map": "cpp",
63 | "memory": "cpp",
64 | "mutex": "cpp",
65 | "new": "cpp",
66 | "numbers": "cpp",
67 | "numeric": "cpp",
68 | "optional": "cpp",
69 | "queue": "cpp",
70 | "random": "cpp",
71 | "ratio": "cpp",
72 | "semaphore": "cpp",
73 | "set": "cpp",
74 | "shared_mutex": "cpp",
75 | "sstream": "cpp",
76 | "stack": "cpp",
77 | "stdexcept": "cpp",
78 | "streambuf": "cpp",
79 | "string": "cpp",
80 | "string_view": "cpp",
81 | "strstream": "cpp",
82 | "system_error": "cpp",
83 | "thread": "cpp",
84 | "tuple": "cpp",
85 | "type_traits": "cpp",
86 | "typeindex": "cpp",
87 | "typeinfo": "cpp",
88 | "unordered_map": "cpp",
89 | "unordered_set": "cpp",
90 | "utility": "cpp",
91 | "variant": "cpp",
92 | "vector": "cpp",
93 | "hash_map": "cpp",
94 | "*.tcc": "cpp",
95 | "memory_resource": "cpp",
96 | "source_location": "cpp",
97 | "hash_set": "cpp",
98 | "slist": "cpp",
99 | "stop_token": "cpp",
100 | "cfenv": "cpp"
101 | }
102 | }
--------------------------------------------------------------------------------
/README.md:
--------------------------------------------------------------------------------
1 | # Deploying Deep Learning Models in C++: BERT Language Model
2 |
3 | This repository show the code to deploy a deep learning model serialized and running in C++ backend.
4 |
5 | For the sake of comparison, the same model was loaded using PyTorch JIT and ONNX Runtime.
6 |
7 | The C++ server can be used as a code template to deploy another models.
8 |
9 |
10 | ## Results
11 | The test consist of make 100 async calls to the server. The client measure the time taken to get the response of the 100 requests. To reduce variability it is performed 10x, i.e, 1000 requests.
12 | - The results was obtained in a Macbook Pro with a i7 6C-12T CPU.
13 | - The CPU fans was set the max to reduce any possible thermal-throttling.
14 | - Before start each test the temps was lowered down around 50 C.
15 |
16 |
17 |
18 |
19 | ## Model Details
20 |
21 | - Model: BERT Large uncased pretrained from [hugginface](http://huggingface.co).
22 | - Input: Text with [MASK] token to be predicted
23 | - Output: Tensor in shape (seq_len, 30522)
24 |
25 |
26 | ## Python server details
27 | FastAPI web-app server running by hypercorn with 6 workers (adjust this by the number of threads you have).
28 | - [server-python/app_pt.py](server-python/app_pt.py): Load the model using PyTorch load_model(), the standard way of load a PyTorch model.
29 | - [server-python/app_jit.py](server-python/app_jit.py): Load the serialized model using PyTorch JIT runtime.
30 | - [server-python/app_onnx.py](server-python/app_onnx.py): Load the serialized model using ONNX runtime.
31 |
32 |
33 | ## C++ server details
34 | To deploy the model in C++ it was used the same serialized model used in JIT runtime. The model is loaded using [libtorch C++ API](https://pytorch.org/cppdocs/installing.html). To deploy as a http-server, it is used [crow](https://github.com/ipkn/crow). The server is started in multithreaded mode.
35 |
36 | - [server-cpp/server.cpp](server-cpp/bert-server.cpp): Code to generate the c++ application that load the model and start the http server on port 8000.
37 |
38 | Deploy a model in C++ is not as straightforward as it is in Python. Check the [libs](server-cpp/libs) folder for more details about the codes used.
39 |
40 | ## Client details
41 | Client uses async and multi-thread to perform as many requests as possible in parallel. See the [test_api.py](test_api.py)
42 |
43 |
44 | ## TO-DO
45 | - Experiment on CUDA device.
46 | - Experiment another models like BERT.
47 | - Exprimento quantized models.
48 |
49 |
50 | ## References
51 | - [hugginface](http://huggingface.co)
52 | - [PyTorch Tutorials](https://pytorch.org/tutorials/advanced/super_resolution_with_onnxruntime.html)
53 | - [PyTorch C++](https://pytorch.org/tutorials/advanced/cpp_frontend.html)
54 | - [Crow C++ microframework for web](https://github.com/ipkn/crow)
55 | - [Serving PyTorch Models in C++](https://github.com/Wizaron/pytorch-cpp-inference)
56 | - [Deep Learning in Production](https://github.com/ahkarami/Deep-Learning-in-Production)
57 | - [Book: Hands-On Machine Learning with C++: Build, train, and deploy end-to-end machine learning and deep learning pipelines](https://www.amazon.com.br/Hands-Machine-Learning-end-end-ebook/dp/B0881XCLY8)
--------------------------------------------------------------------------------
/generate_bert.py:
--------------------------------------------------------------------------------
1 | # %% ---------------------------------------------
2 | from transformers import AutoTokenizer, AutoModelForMaskedLM
3 | import torch
4 | import torch.onnx
5 |
6 | tokenizer = AutoTokenizer.from_pretrained("bert-large-uncased")
7 | model = AutoModelForMaskedLM.from_pretrained("bert-large-uncased", torchscript=True)
8 | model.eval()
9 |
10 | dummy_tensor = torch.randint(0, 30522, (1, 512))
11 |
12 |
13 | # %% ---------------------------------------------
14 | with torch.no_grad():
15 | traced_model = torch.jit.trace(model, dummy_tensor)
16 | torch.jit.save(traced_model, "model/large_lm.pt")
17 |
18 |
19 | # %% ---------------------------------------------
20 | batch_size = 1
21 | torch_out = model(dummy_tensor)
22 | torch.onnx.export(model, # model being run
23 | dummy_tensor, # model input (or a tuple for multiple inputs)
24 | "bert_onnx.pt", # where to save the model (can be a file or file-like object)
25 | export_params=True, # store the trained parameter weights inside the model file
26 | opset_version=10, # the ONNX version to export the model to
27 | do_constant_folding=True, # whether to execute constant folding for optimization
28 | input_names=['input'], # the model's input names
29 | output_names=['output'], # the model's output names
30 | dynamic_axes={'input': {0: 'batch_size'}, # variable length axes
31 | 'output': {0: 'batch_size'}})
32 |
33 | # %%
34 |
--------------------------------------------------------------------------------
/img/bert.jpg:
--------------------------------------------------------------------------------
https://raw.githubusercontent.com/renatoviolin/BERT-cpp-inference/953b9d84cde7c6cc238c14f4e330819008356175/img/bert.jpg
--------------------------------------------------------------------------------
/model/put_model_here:
--------------------------------------------------------------------------------
https://raw.githubusercontent.com/renatoviolin/BERT-cpp-inference/953b9d84cde7c6cc238c14f4e330819008356175/model/put_model_here
--------------------------------------------------------------------------------
/server-cpp/CMakeLists.txt:
--------------------------------------------------------------------------------
1 | set(CMAKE_RUNTIME_OUTPUT_DIRECTORY "${CMAKE_BINARY_DIR}")
2 |
3 | include_directories("/opt/X11/include")
4 | include_directories("/usr/local/include/")
5 |
6 | set(Torch_DIR "/Users/renato/Documents/dev/libtorch/share/cmake/Torch")
7 | cmake_minimum_required(VERSION 3.0 FATAL_ERROR)
8 | project(bert-cpp)
9 |
10 | find_package(Torch REQUIRED)
11 | find_package(OpenCV REQUIRED)
12 | find_package(Boost REQUIRED COMPONENTS system thread)
13 |
14 | include_directories(${OpenCV_INCLUDE_DIRS})
15 | include_directories(${CMAKE_CURRENT_SOURCE_DIR})
16 | include_directories(${Boost_INCLUDE_DIRS})
17 |
18 | set(CMAKE_CXX_FLAGS "${CMAKE_CXX_FLAGS} ${TORCH_CXX_FLAGS}")
19 | add_executable(bert-cpp bert-server.cpp libs/infer.cpp)
20 | # add_executable(bert-cpp bert.cpp)
21 |
22 | target_link_libraries(bert-cpp "${TORCH_LIBRARIES}")
23 | target_link_libraries(bert-cpp "${OpenCV_LIBS}")
24 | target_link_libraries(bert-cpp ${Boost_SYSTEM_LIBRARY} ${Boost_THREAD_LIBRARY})
25 |
26 | set_property(TARGET bert-cpp PROPERTY CXX_STANDARD 14)
27 | set_property(TARGET bert-cpp PROPERTY OUTPUT_NAME bert-cpp)
--------------------------------------------------------------------------------
/server-cpp/bert-cpp:
--------------------------------------------------------------------------------
https://raw.githubusercontent.com/renatoviolin/BERT-cpp-inference/953b9d84cde7c6cc238c14f4e330819008356175/server-cpp/bert-cpp
--------------------------------------------------------------------------------
/server-cpp/bert-server.cpp:
--------------------------------------------------------------------------------
1 | #include
2 | #include
3 |
4 | #include "libs/crow_all.h"
5 | #include "libs/infer.h"
6 | #include "torch/script.h"
7 |
8 | int PORT = 8000;
9 |
10 | int main(int argc, char **argv) {
11 | crow::SimpleApp app;
12 |
13 | // torch::jit::script::Module module = torch::jit::load("../model/large_lm.pt");
14 | torch::jit::script::Module module = torch::jit::load("../model/large_lm.pt");
15 | module.eval();
16 |
17 | CROW_ROUTE(app, "/predict").methods("POST"_method)([&module](const crow::request &req) {
18 | crow::json::wvalue result;
19 | result["Prediction"] = "";
20 | result["Confidence"] = "";
21 | std::ostringstream os;
22 |
23 | try {
24 | auto args = crow::json::load(req.body);
25 | std::string tokens_text = args["tokens"].s();
26 | int idx_to_predict = (int)args["idx_to_predict"];
27 | int request_id = (int)args["request_id"];
28 |
29 | std::vector tokens;
30 | std::vector token_id;
31 | boost::split(tokens, tokens_text, boost::is_any_of(","));
32 | for (auto &x : tokens) {
33 | token_id.push_back(std::stoi(x));
34 | }
35 |
36 | // convert to tensor
37 | auto th_tokens = torch::from_blob(token_id.data(), {1, long(token_id.size())}, torch::kInt32);
38 | auto r = predict(th_tokens, module);
39 | auto probs = r[idx_to_predict].softmax(0);
40 |
41 | torch::Tensor logits, idx;
42 | std::tie(logits, idx) = probs.topk(5);
43 | std::vector p{idx.data_ptr(), idx.data_ptr() + idx.size(0)};
44 | std::vector l{logits.data_ptr(), logits.data_ptr() + logits.size(0)};
45 |
46 | result["Prediction"] = p;
47 | result["Confidence"] = l;
48 |
49 | os << crow::json::dump(result);
50 | return crow::response{os.str()};
51 |
52 | } catch (std::exception &e) {
53 | std::cout << e.what() << std::endl;
54 | os << crow::json::dump(result);
55 | return crow::response(os.str());
56 | }
57 | });
58 |
59 | // app.port(PORT).run();
60 | app.port(PORT).multithreaded().run();
61 | return 0;
62 | }
63 |
--------------------------------------------------------------------------------
/server-cpp/bert_tests.cpp:
--------------------------------------------------------------------------------
1 | // #include "libs/infer.h"
2 | // #include "libs/crow_all.h"
3 | // #include "libs/base64.h"
4 |
5 | // int PORT = 8000;
6 |
7 | // int main(int argc, char **argv)
8 | // {
9 |
10 | // if (argc != 4)
11 | // {
12 | // std::cerr << "usage: predict \n";
13 | // return -1;
14 | // }
15 |
16 | // std::string model_path = argv[1];
17 | // std::string labels_path = argv[2];
18 | // std::string usegpu_str = argv[3];
19 | // bool usegpu;
20 |
21 | // if (usegpu_str == "true")
22 | // usegpu = true;
23 | // else
24 | // usegpu = false;
25 |
26 | // // Set image height and width
27 | // int image_height = 224;
28 | // int image_width = 224;
29 |
30 | // // Read labels
31 | // std::vector labels;
32 | // std::string label;
33 | // std::ifstream labelsfile(labels_path);
34 | // {
35 | // while (getline(labelsfile, label))
36 | // labels.push_back(label);
37 | // labelsfile.close();
38 | // }
39 |
40 | // // Define mean and std
41 | // std::vector mean = {0.485, 0.456, 0.406};
42 | // std::vector std = {0.229, 0.224, 0.225};
43 |
44 | // // Load Model
45 | // torch::jit::script::Module model = read_model(model_path, usegpu);
46 |
47 | // // App
48 | // crow::SimpleApp app;
49 | // CROW_ROUTE(app, "/predict").methods("POST"_method, "GET"_method)([&image_height, &image_width, &mean, &std, &labels, &model, &usegpu](const crow::request &req) {
50 | // crow::json::wvalue result;
51 | // result["Prediction"] = "";
52 | // result["Confidence"] = "";
53 | // result["Status"] = "Failed";
54 | // std::ostringstream os;
55 |
56 | // try
57 | // {
58 | // auto args = crow::json::load(req.body);
59 |
60 | // // Get Image
61 | // std::string base64_image = args["image"].s();
62 | // int request_id = (int)args["request_id"];
63 | // std::cout << "Request id: " << request_id << std::endl;
64 |
65 | // std::string decoded_image = base64_decode(base64_image);
66 | // std::vector image_data(decoded_image.begin(), decoded_image.end());
67 | // cv::Mat image = cv::imdecode(image_data, cv::IMREAD_UNCHANGED);
68 |
69 | // // Predict
70 | // std::string pred, prob;
71 | // tie(pred, prob) = infer(image, image_height, image_width, mean, std, labels, model, usegpu);
72 |
73 | // result["Prediction"] = pred;
74 | // result["Confidence"] = prob;
75 | // result["Status"] = "Success";
76 |
77 | // os << crow::json::dump(result);
78 | // return crow::response{os.str()};
79 | // }
80 | // catch (std::exception &e)
81 | // {
82 | // os << crow::json::dump(result);
83 | // return crow::response(os.str());
84 | // }
85 | // });
86 |
87 | // // app.port(PORT).run();
88 | // app.port(PORT).multithreaded().run();
89 | // return 0;
90 | // }
91 |
92 | #include
93 |
94 | #include "torch/script.h"
95 |
96 | int main(int argc, char** argv) {
97 | auto tokens = torch::tensor({{101, 2040, 2001, 3958, 27227, 1029, 102, 3958, 103, 2001, 1037, 13997, 11510, 102}});
98 | auto segments = torch::tensor({{0, 0, 0, 0, 0, 0, 0, 1, 1, 1, 1, 1, 1, 1}});
99 |
100 | std::vector inp_tokens{tokens};
101 | std::vector inp_segments{segments};
102 |
103 | auto module = torch::jit::load(argv[1]);
104 | c10::detail::ListImpl::list_type input_list{tokens, segments};
105 |
106 | module.eval();
107 | torch::NoGradGuard no_grad;
108 |
109 | auto output = module.forward(input_list);
110 | auto last_hidden = output.toTuple()->elements()[0]; // last_hidden_state
111 | auto pooler_output = output.toTuple()->elements()[1]; // pooler_output
112 | std::cout << pooler_output << std::endl;
113 |
114 | // Convert tensor to vector
115 | auto p = pooler_output.toTensor().data_ptr();
116 | std::vector result{p, p + pooler_output.toTensor().size(1)};
117 | std::cout << result << std::endl;
118 |
119 | // Mat image = imread(argv[2]);
120 | // image = preprocess(image, 224, 224, _mean, _std);
121 |
122 | // torch::Tensor image_as_tensor;
123 | // image_as_tensor = torch::from_blob(image.data, {1, image.rows, image.cols, 3}, torch::kFloat32).clone();
124 | // image_as_tensor = image_as_tensor.permute({0, 3, 1, 2});
125 |
126 | // // std::cout << image_as_tensor.options() << std::endl;
127 | // // int d = image_as_tensor.dim();
128 | // // for (int i = 0; i < d; i++)
129 | // // {
130 | // // std::cout << image_as_tensor.size(i) << " ";
131 | // // }
132 |
133 | // std::cout << image_as_tensor << std::endl;
134 |
135 | // auto module = torch::jit::load(argv[1]);
136 | // std::vector inputs;
137 | // inputs.push_back(image_as_tensor);
138 | // torch::NoGradGuard no_grad;
139 | // torch::Tensor output = module.forward(inputs).toTensor();
140 |
141 | // std::cout << output << std::endl;
142 | // std::cout << torch::softmax(output, 1) << std::endl;
143 | // std::cout << output.argmax(1) << std::endl;
144 |
145 | // torch::Tensor logits, index;
146 | // std::tie(logits, index) = torch::softmax(output, 1).topk(5);
147 | // // std::cout << logits.data() << std::endl;
148 | // // std::cout << index << std::endl;
149 |
150 | // std::vector scores;
151 | // std::cout << logits.size(1) << std::endl;
152 |
153 | // for (int i = 0; i < logits.size(1); i++)
154 | // {
155 | // scores.push_back(*logits[0][i].data_ptr());
156 | // }
157 |
158 | // for (int i = 0; i < scores.size(); i++)
159 | // {
160 | // printf("%.5f ", scores[i]);
161 | // }
162 |
163 | return 0;
164 | }
165 |
--------------------------------------------------------------------------------
/server-cpp/build/CMakeCache.txt:
--------------------------------------------------------------------------------
1 | # This is the CMakeCache file.
2 | # For build in directory: /Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/build
3 | # It was generated by CMake: /usr/local/Cellar/cmake/3.20.2/bin/cmake
4 | # You can edit this file to change values found and used by cmake.
5 | # If you do not want to change any of the values, simply exit the editor.
6 | # If you do want to change a value, simply edit, save, and exit the editor.
7 | # The syntax for the file is as follows:
8 | # KEY:TYPE=VALUE
9 | # KEY is the name of a variable in the cache.
10 | # TYPE is a hint to GUIs for the type of VALUE, DO NOT EDIT TYPE!.
11 | # VALUE is the current value for the KEY.
12 |
13 | ########################
14 | # EXTERNAL cache entries
15 | ########################
16 |
17 | //The directory containing a CMake configuration file for Boost.
18 | Boost_DIR:PATH=/usr/local/lib/cmake/Boost-1.75.0
19 |
20 | //Path to a file.
21 | Boost_INCLUDE_DIR:PATH=/usr/local/include
22 |
23 | Boost_SYSTEM_LIBRARY_RELEASE:STRING=/usr/local/lib/libboost_system-mt.dylib
24 |
25 | Boost_THREAD_LIBRARY_RELEASE:STRING=/usr/local/lib/libboost_thread-mt.dylib
26 |
27 | //Path to a program.
28 | CMAKE_ADDR2LINE:FILEPATH=CMAKE_ADDR2LINE-NOTFOUND
29 |
30 | //Path to a program.
31 | CMAKE_AR:FILEPATH=/Library/Developer/CommandLineTools/usr/bin/ar
32 |
33 | //Choose the type of build, options are: None Debug Release RelWithDebInfo
34 | // MinSizeRel ...
35 | CMAKE_BUILD_TYPE:STRING=
36 |
37 | //Enable/Disable color output during build.
38 | CMAKE_COLOR_MAKEFILE:BOOL=ON
39 |
40 | //CXX compiler
41 | CMAKE_CXX_COMPILER:FILEPATH=/Library/Developer/CommandLineTools/usr/bin/c++
42 |
43 | //Flags used by the CXX compiler during all build types.
44 | CMAKE_CXX_FLAGS:STRING=
45 |
46 | //Flags used by the CXX compiler during DEBUG builds.
47 | CMAKE_CXX_FLAGS_DEBUG:STRING=-g
48 |
49 | //Flags used by the CXX compiler during MINSIZEREL builds.
50 | CMAKE_CXX_FLAGS_MINSIZEREL:STRING=-Os -DNDEBUG
51 |
52 | //Flags used by the CXX compiler during RELEASE builds.
53 | CMAKE_CXX_FLAGS_RELEASE:STRING=-O3 -DNDEBUG
54 |
55 | //Flags used by the CXX compiler during RELWITHDEBINFO builds.
56 | CMAKE_CXX_FLAGS_RELWITHDEBINFO:STRING=-O2 -g -DNDEBUG
57 |
58 | //C compiler
59 | CMAKE_C_COMPILER:FILEPATH=/Library/Developer/CommandLineTools/usr/bin/cc
60 |
61 | //Flags used by the C compiler during all build types.
62 | CMAKE_C_FLAGS:STRING=
63 |
64 | //Flags used by the C compiler during DEBUG builds.
65 | CMAKE_C_FLAGS_DEBUG:STRING=-g
66 |
67 | //Flags used by the C compiler during MINSIZEREL builds.
68 | CMAKE_C_FLAGS_MINSIZEREL:STRING=-Os -DNDEBUG
69 |
70 | //Flags used by the C compiler during RELEASE builds.
71 | CMAKE_C_FLAGS_RELEASE:STRING=-O3 -DNDEBUG
72 |
73 | //Flags used by the C compiler during RELWITHDEBINFO builds.
74 | CMAKE_C_FLAGS_RELWITHDEBINFO:STRING=-O2 -g -DNDEBUG
75 |
76 | //Path to a program.
77 | CMAKE_DLLTOOL:FILEPATH=CMAKE_DLLTOOL-NOTFOUND
78 |
79 | //Flags used by the linker during all build types.
80 | CMAKE_EXE_LINKER_FLAGS:STRING=-L/usr/local/opt/zlib/lib
81 |
82 | //Flags used by the linker during DEBUG builds.
83 | CMAKE_EXE_LINKER_FLAGS_DEBUG:STRING=
84 |
85 | //Flags used by the linker during MINSIZEREL builds.
86 | CMAKE_EXE_LINKER_FLAGS_MINSIZEREL:STRING=
87 |
88 | //Flags used by the linker during RELEASE builds.
89 | CMAKE_EXE_LINKER_FLAGS_RELEASE:STRING=
90 |
91 | //Flags used by the linker during RELWITHDEBINFO builds.
92 | CMAKE_EXE_LINKER_FLAGS_RELWITHDEBINFO:STRING=
93 |
94 | //Enable/Disable output of compile commands during generation.
95 | CMAKE_EXPORT_COMPILE_COMMANDS:BOOL=
96 |
97 | //Path to a program.
98 | CMAKE_INSTALL_NAME_TOOL:FILEPATH=/usr/bin/install_name_tool
99 |
100 | //Install path prefix, prepended onto install directories.
101 | CMAKE_INSTALL_PREFIX:PATH=/usr/local
102 |
103 | //Path to a program.
104 | CMAKE_LINKER:FILEPATH=/Library/Developer/CommandLineTools/usr/bin/ld
105 |
106 | //Path to a program.
107 | CMAKE_MAKE_PROGRAM:FILEPATH=/usr/bin/make
108 |
109 | //Flags used by the linker during the creation of modules during
110 | // all build types.
111 | CMAKE_MODULE_LINKER_FLAGS:STRING=-L/usr/local/opt/zlib/lib
112 |
113 | //Flags used by the linker during the creation of modules during
114 | // DEBUG builds.
115 | CMAKE_MODULE_LINKER_FLAGS_DEBUG:STRING=
116 |
117 | //Flags used by the linker during the creation of modules during
118 | // MINSIZEREL builds.
119 | CMAKE_MODULE_LINKER_FLAGS_MINSIZEREL:STRING=
120 |
121 | //Flags used by the linker during the creation of modules during
122 | // RELEASE builds.
123 | CMAKE_MODULE_LINKER_FLAGS_RELEASE:STRING=
124 |
125 | //Flags used by the linker during the creation of modules during
126 | // RELWITHDEBINFO builds.
127 | CMAKE_MODULE_LINKER_FLAGS_RELWITHDEBINFO:STRING=
128 |
129 | //Path to a program.
130 | CMAKE_NM:FILEPATH=/Library/Developer/CommandLineTools/usr/bin/nm
131 |
132 | //Path to a program.
133 | CMAKE_OBJCOPY:FILEPATH=CMAKE_OBJCOPY-NOTFOUND
134 |
135 | //Path to a program.
136 | CMAKE_OBJDUMP:FILEPATH=/Library/Developer/CommandLineTools/usr/bin/objdump
137 |
138 | //Build architectures for OSX
139 | CMAKE_OSX_ARCHITECTURES:STRING=
140 |
141 | //Minimum OS X version to target for deployment (at runtime); newer
142 | // APIs weak linked. Set to empty string for default value.
143 | CMAKE_OSX_DEPLOYMENT_TARGET:STRING=
144 |
145 | //The product will be built against the headers and libraries located
146 | // inside the indicated SDK.
147 | CMAKE_OSX_SYSROOT:PATH=/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk
148 |
149 | //Value Computed by CMake
150 | CMAKE_PROJECT_DESCRIPTION:STATIC=
151 |
152 | //Value Computed by CMake
153 | CMAKE_PROJECT_HOMEPAGE_URL:STATIC=
154 |
155 | //Value Computed by CMake
156 | CMAKE_PROJECT_NAME:STATIC=bert-cpp
157 |
158 | //Path to a program.
159 | CMAKE_RANLIB:FILEPATH=/Library/Developer/CommandLineTools/usr/bin/ranlib
160 |
161 | //Path to a program.
162 | CMAKE_READELF:FILEPATH=CMAKE_READELF-NOTFOUND
163 |
164 | //Flags used by the linker during the creation of shared libraries
165 | // during all build types.
166 | CMAKE_SHARED_LINKER_FLAGS:STRING=-L/usr/local/opt/zlib/lib
167 |
168 | //Flags used by the linker during the creation of shared libraries
169 | // during DEBUG builds.
170 | CMAKE_SHARED_LINKER_FLAGS_DEBUG:STRING=
171 |
172 | //Flags used by the linker during the creation of shared libraries
173 | // during MINSIZEREL builds.
174 | CMAKE_SHARED_LINKER_FLAGS_MINSIZEREL:STRING=
175 |
176 | //Flags used by the linker during the creation of shared libraries
177 | // during RELEASE builds.
178 | CMAKE_SHARED_LINKER_FLAGS_RELEASE:STRING=
179 |
180 | //Flags used by the linker during the creation of shared libraries
181 | // during RELWITHDEBINFO builds.
182 | CMAKE_SHARED_LINKER_FLAGS_RELWITHDEBINFO:STRING=
183 |
184 | //If set, runtime paths are not added when installing shared libraries,
185 | // but are added when building.
186 | CMAKE_SKIP_INSTALL_RPATH:BOOL=NO
187 |
188 | //If set, runtime paths are not added when using shared libraries.
189 | CMAKE_SKIP_RPATH:BOOL=NO
190 |
191 | //Flags used by the linker during the creation of static libraries
192 | // during all build types.
193 | CMAKE_STATIC_LINKER_FLAGS:STRING=
194 |
195 | //Flags used by the linker during the creation of static libraries
196 | // during DEBUG builds.
197 | CMAKE_STATIC_LINKER_FLAGS_DEBUG:STRING=
198 |
199 | //Flags used by the linker during the creation of static libraries
200 | // during MINSIZEREL builds.
201 | CMAKE_STATIC_LINKER_FLAGS_MINSIZEREL:STRING=
202 |
203 | //Flags used by the linker during the creation of static libraries
204 | // during RELEASE builds.
205 | CMAKE_STATIC_LINKER_FLAGS_RELEASE:STRING=
206 |
207 | //Flags used by the linker during the creation of static libraries
208 | // during RELWITHDEBINFO builds.
209 | CMAKE_STATIC_LINKER_FLAGS_RELWITHDEBINFO:STRING=
210 |
211 | //Path to a program.
212 | CMAKE_STRIP:FILEPATH=/Library/Developer/CommandLineTools/usr/bin/strip
213 |
214 | //If this value is on, makefiles will be generated without the
215 | // .SILENT directive, and all commands will be echoed to the console
216 | // during the make. This is useful for debugging only. With Visual
217 | // Studio IDE projects all commands are done without /nologo.
218 | CMAKE_VERBOSE_MAKEFILE:BOOL=FALSE
219 |
220 | //The directory containing a CMake configuration file for Caffe2.
221 | Caffe2_DIR:PATH=/Users/renato/Documents/dev/libtorch/share/cmake/Caffe2
222 |
223 | //The directory containing a CMake configuration file for MKLDNN.
224 | MKLDNN_DIR:PATH=MKLDNN_DIR-NOTFOUND
225 |
226 | //The directory containing a CMake configuration file for MKL.
227 | MKL_DIR:PATH=MKL_DIR-NOTFOUND
228 |
229 | //The directory containing a CMake configuration file for OpenCV.
230 | OpenCV_DIR:PATH=/usr/local/lib/cmake/opencv4
231 |
232 | //Path to a library.
233 | TORCH_LIBRARY:FILEPATH=/usr/local/lib/libtorch.dylib
234 |
235 | //Value Computed by CMake
236 | bert-cpp_BINARY_DIR:STATIC=/Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/build
237 |
238 | //Value Computed by CMake
239 | bert-cpp_SOURCE_DIR:STATIC=/Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp
240 |
241 | //The directory containing a CMake configuration file for boost_headers.
242 | boost_headers_DIR:PATH=/usr/local/lib/cmake/boost_headers-1.75.0
243 |
244 | //The directory containing a CMake configuration file for boost_system.
245 | boost_system_DIR:PATH=/usr/local/lib/cmake/boost_system-1.75.0
246 |
247 | //The directory containing a CMake configuration file for boost_thread.
248 | boost_thread_DIR:PATH=/usr/local/lib/cmake/boost_thread-1.75.0
249 |
250 | //Path to a library.
251 | c10_LIBRARY:FILEPATH=/usr/local/lib/libc10.dylib
252 |
253 |
254 | ########################
255 | # INTERNAL cache entries
256 | ########################
257 |
258 | //ADVANCED property for variable: Boost_DIR
259 | Boost_DIR-ADVANCED:INTERNAL=1
260 | //ADVANCED property for variable: CMAKE_ADDR2LINE
261 | CMAKE_ADDR2LINE-ADVANCED:INTERNAL=1
262 | //ADVANCED property for variable: CMAKE_AR
263 | CMAKE_AR-ADVANCED:INTERNAL=1
264 | //This is the directory where this CMakeCache.txt was created
265 | CMAKE_CACHEFILE_DIR:INTERNAL=/Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/build
266 | //Major version of cmake used to create the current loaded cache
267 | CMAKE_CACHE_MAJOR_VERSION:INTERNAL=3
268 | //Minor version of cmake used to create the current loaded cache
269 | CMAKE_CACHE_MINOR_VERSION:INTERNAL=20
270 | //Patch version of cmake used to create the current loaded cache
271 | CMAKE_CACHE_PATCH_VERSION:INTERNAL=2
272 | //ADVANCED property for variable: CMAKE_COLOR_MAKEFILE
273 | CMAKE_COLOR_MAKEFILE-ADVANCED:INTERNAL=1
274 | //Path to CMake executable.
275 | CMAKE_COMMAND:INTERNAL=/usr/local/Cellar/cmake/3.20.2/bin/cmake
276 | //Path to cpack program executable.
277 | CMAKE_CPACK_COMMAND:INTERNAL=/usr/local/Cellar/cmake/3.20.2/bin/cpack
278 | //Path to ctest program executable.
279 | CMAKE_CTEST_COMMAND:INTERNAL=/usr/local/Cellar/cmake/3.20.2/bin/ctest
280 | //ADVANCED property for variable: CMAKE_CXX_COMPILER
281 | CMAKE_CXX_COMPILER-ADVANCED:INTERNAL=1
282 | //ADVANCED property for variable: CMAKE_CXX_FLAGS
283 | CMAKE_CXX_FLAGS-ADVANCED:INTERNAL=1
284 | //ADVANCED property for variable: CMAKE_CXX_FLAGS_DEBUG
285 | CMAKE_CXX_FLAGS_DEBUG-ADVANCED:INTERNAL=1
286 | //ADVANCED property for variable: CMAKE_CXX_FLAGS_MINSIZEREL
287 | CMAKE_CXX_FLAGS_MINSIZEREL-ADVANCED:INTERNAL=1
288 | //ADVANCED property for variable: CMAKE_CXX_FLAGS_RELEASE
289 | CMAKE_CXX_FLAGS_RELEASE-ADVANCED:INTERNAL=1
290 | //ADVANCED property for variable: CMAKE_CXX_FLAGS_RELWITHDEBINFO
291 | CMAKE_CXX_FLAGS_RELWITHDEBINFO-ADVANCED:INTERNAL=1
292 | //ADVANCED property for variable: CMAKE_C_COMPILER
293 | CMAKE_C_COMPILER-ADVANCED:INTERNAL=1
294 | //ADVANCED property for variable: CMAKE_C_FLAGS
295 | CMAKE_C_FLAGS-ADVANCED:INTERNAL=1
296 | //ADVANCED property for variable: CMAKE_C_FLAGS_DEBUG
297 | CMAKE_C_FLAGS_DEBUG-ADVANCED:INTERNAL=1
298 | //ADVANCED property for variable: CMAKE_C_FLAGS_MINSIZEREL
299 | CMAKE_C_FLAGS_MINSIZEREL-ADVANCED:INTERNAL=1
300 | //ADVANCED property for variable: CMAKE_C_FLAGS_RELEASE
301 | CMAKE_C_FLAGS_RELEASE-ADVANCED:INTERNAL=1
302 | //ADVANCED property for variable: CMAKE_C_FLAGS_RELWITHDEBINFO
303 | CMAKE_C_FLAGS_RELWITHDEBINFO-ADVANCED:INTERNAL=1
304 | //ADVANCED property for variable: CMAKE_DLLTOOL
305 | CMAKE_DLLTOOL-ADVANCED:INTERNAL=1
306 | //Path to cache edit program executable.
307 | CMAKE_EDIT_COMMAND:INTERNAL=/usr/local/Cellar/cmake/3.20.2/bin/ccmake
308 | //Executable file format
309 | CMAKE_EXECUTABLE_FORMAT:INTERNAL=MACHO
310 | //ADVANCED property for variable: CMAKE_EXE_LINKER_FLAGS
311 | CMAKE_EXE_LINKER_FLAGS-ADVANCED:INTERNAL=1
312 | //ADVANCED property for variable: CMAKE_EXE_LINKER_FLAGS_DEBUG
313 | CMAKE_EXE_LINKER_FLAGS_DEBUG-ADVANCED:INTERNAL=1
314 | //ADVANCED property for variable: CMAKE_EXE_LINKER_FLAGS_MINSIZEREL
315 | CMAKE_EXE_LINKER_FLAGS_MINSIZEREL-ADVANCED:INTERNAL=1
316 | //ADVANCED property for variable: CMAKE_EXE_LINKER_FLAGS_RELEASE
317 | CMAKE_EXE_LINKER_FLAGS_RELEASE-ADVANCED:INTERNAL=1
318 | //ADVANCED property for variable: CMAKE_EXE_LINKER_FLAGS_RELWITHDEBINFO
319 | CMAKE_EXE_LINKER_FLAGS_RELWITHDEBINFO-ADVANCED:INTERNAL=1
320 | //ADVANCED property for variable: CMAKE_EXPORT_COMPILE_COMMANDS
321 | CMAKE_EXPORT_COMPILE_COMMANDS-ADVANCED:INTERNAL=1
322 | //Name of external makefile project generator.
323 | CMAKE_EXTRA_GENERATOR:INTERNAL=
324 | //Name of generator.
325 | CMAKE_GENERATOR:INTERNAL=Unix Makefiles
326 | //Generator instance identifier.
327 | CMAKE_GENERATOR_INSTANCE:INTERNAL=
328 | //Name of generator platform.
329 | CMAKE_GENERATOR_PLATFORM:INTERNAL=
330 | //Name of generator toolset.
331 | CMAKE_GENERATOR_TOOLSET:INTERNAL=
332 | //Test CMAKE_HAVE_LIBC_PTHREAD
333 | CMAKE_HAVE_LIBC_PTHREAD:INTERNAL=1
334 | //Have include pthread.h
335 | CMAKE_HAVE_PTHREAD_H:INTERNAL=1
336 | //Source directory with the top level CMakeLists.txt file for this
337 | // project
338 | CMAKE_HOME_DIRECTORY:INTERNAL=/Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp
339 | //ADVANCED property for variable: CMAKE_INSTALL_NAME_TOOL
340 | CMAKE_INSTALL_NAME_TOOL-ADVANCED:INTERNAL=1
341 | //ADVANCED property for variable: CMAKE_LINKER
342 | CMAKE_LINKER-ADVANCED:INTERNAL=1
343 | //ADVANCED property for variable: CMAKE_MAKE_PROGRAM
344 | CMAKE_MAKE_PROGRAM-ADVANCED:INTERNAL=1
345 | //ADVANCED property for variable: CMAKE_MODULE_LINKER_FLAGS
346 | CMAKE_MODULE_LINKER_FLAGS-ADVANCED:INTERNAL=1
347 | //ADVANCED property for variable: CMAKE_MODULE_LINKER_FLAGS_DEBUG
348 | CMAKE_MODULE_LINKER_FLAGS_DEBUG-ADVANCED:INTERNAL=1
349 | //ADVANCED property for variable: CMAKE_MODULE_LINKER_FLAGS_MINSIZEREL
350 | CMAKE_MODULE_LINKER_FLAGS_MINSIZEREL-ADVANCED:INTERNAL=1
351 | //ADVANCED property for variable: CMAKE_MODULE_LINKER_FLAGS_RELEASE
352 | CMAKE_MODULE_LINKER_FLAGS_RELEASE-ADVANCED:INTERNAL=1
353 | //ADVANCED property for variable: CMAKE_MODULE_LINKER_FLAGS_RELWITHDEBINFO
354 | CMAKE_MODULE_LINKER_FLAGS_RELWITHDEBINFO-ADVANCED:INTERNAL=1
355 | //ADVANCED property for variable: CMAKE_NM
356 | CMAKE_NM-ADVANCED:INTERNAL=1
357 | //number of local generators
358 | CMAKE_NUMBER_OF_MAKEFILES:INTERNAL=1
359 | //ADVANCED property for variable: CMAKE_OBJCOPY
360 | CMAKE_OBJCOPY-ADVANCED:INTERNAL=1
361 | //ADVANCED property for variable: CMAKE_OBJDUMP
362 | CMAKE_OBJDUMP-ADVANCED:INTERNAL=1
363 | //Platform information initialized
364 | CMAKE_PLATFORM_INFO_INITIALIZED:INTERNAL=1
365 | //ADVANCED property for variable: CMAKE_RANLIB
366 | CMAKE_RANLIB-ADVANCED:INTERNAL=1
367 | //ADVANCED property for variable: CMAKE_READELF
368 | CMAKE_READELF-ADVANCED:INTERNAL=1
369 | //Path to CMake installation.
370 | CMAKE_ROOT:INTERNAL=/usr/local/Cellar/cmake/3.20.2/share/cmake
371 | //ADVANCED property for variable: CMAKE_SHARED_LINKER_FLAGS
372 | CMAKE_SHARED_LINKER_FLAGS-ADVANCED:INTERNAL=1
373 | //ADVANCED property for variable: CMAKE_SHARED_LINKER_FLAGS_DEBUG
374 | CMAKE_SHARED_LINKER_FLAGS_DEBUG-ADVANCED:INTERNAL=1
375 | //ADVANCED property for variable: CMAKE_SHARED_LINKER_FLAGS_MINSIZEREL
376 | CMAKE_SHARED_LINKER_FLAGS_MINSIZEREL-ADVANCED:INTERNAL=1
377 | //ADVANCED property for variable: CMAKE_SHARED_LINKER_FLAGS_RELEASE
378 | CMAKE_SHARED_LINKER_FLAGS_RELEASE-ADVANCED:INTERNAL=1
379 | //ADVANCED property for variable: CMAKE_SHARED_LINKER_FLAGS_RELWITHDEBINFO
380 | CMAKE_SHARED_LINKER_FLAGS_RELWITHDEBINFO-ADVANCED:INTERNAL=1
381 | //ADVANCED property for variable: CMAKE_SKIP_INSTALL_RPATH
382 | CMAKE_SKIP_INSTALL_RPATH-ADVANCED:INTERNAL=1
383 | //ADVANCED property for variable: CMAKE_SKIP_RPATH
384 | CMAKE_SKIP_RPATH-ADVANCED:INTERNAL=1
385 | //ADVANCED property for variable: CMAKE_STATIC_LINKER_FLAGS
386 | CMAKE_STATIC_LINKER_FLAGS-ADVANCED:INTERNAL=1
387 | //ADVANCED property for variable: CMAKE_STATIC_LINKER_FLAGS_DEBUG
388 | CMAKE_STATIC_LINKER_FLAGS_DEBUG-ADVANCED:INTERNAL=1
389 | //ADVANCED property for variable: CMAKE_STATIC_LINKER_FLAGS_MINSIZEREL
390 | CMAKE_STATIC_LINKER_FLAGS_MINSIZEREL-ADVANCED:INTERNAL=1
391 | //ADVANCED property for variable: CMAKE_STATIC_LINKER_FLAGS_RELEASE
392 | CMAKE_STATIC_LINKER_FLAGS_RELEASE-ADVANCED:INTERNAL=1
393 | //ADVANCED property for variable: CMAKE_STATIC_LINKER_FLAGS_RELWITHDEBINFO
394 | CMAKE_STATIC_LINKER_FLAGS_RELWITHDEBINFO-ADVANCED:INTERNAL=1
395 | //ADVANCED property for variable: CMAKE_STRIP
396 | CMAKE_STRIP-ADVANCED:INTERNAL=1
397 | //uname command
398 | CMAKE_UNAME:INTERNAL=/usr/bin/uname
399 | //ADVANCED property for variable: CMAKE_VERBOSE_MAKEFILE
400 | CMAKE_VERBOSE_MAKEFILE-ADVANCED:INTERNAL=1
401 | //Details about finding Boost
402 | FIND_PACKAGE_MESSAGE_DETAILS_Boost:INTERNAL=[/usr/local/lib/cmake/Boost-1.75.0/BoostConfig.cmake][cfound components: system thread ][v1.75.0()]
403 | //Details about finding OpenCV
404 | FIND_PACKAGE_MESSAGE_DETAILS_OpenCV:INTERNAL=[/usr/local/Cellar/opencv/4.5.2_2][v4.5.2()]
405 | //Details about finding Threads
406 | FIND_PACKAGE_MESSAGE_DETAILS_Threads:INTERNAL=[TRUE][v()]
407 | //Details about finding Torch
408 | FIND_PACKAGE_MESSAGE_DETAILS_Torch:INTERNAL=[/usr/local/lib/libtorch.dylib][/Users/renato/Documents/dev/libtorch/include;/Users/renato/Documents/dev/libtorch/include/torch/csrc/api/include][v()]
409 | //ADVANCED property for variable: boost_headers_DIR
410 | boost_headers_DIR-ADVANCED:INTERNAL=1
411 | //ADVANCED property for variable: boost_system_DIR
412 | boost_system_DIR-ADVANCED:INTERNAL=1
413 | //ADVANCED property for variable: boost_thread_DIR
414 | boost_thread_DIR-ADVANCED:INTERNAL=1
415 |
416 |
--------------------------------------------------------------------------------
/server-cpp/build/CMakeFiles/3.20.2/CMakeCCompiler.cmake:
--------------------------------------------------------------------------------
1 | set(CMAKE_C_COMPILER "/Library/Developer/CommandLineTools/usr/bin/cc")
2 | set(CMAKE_C_COMPILER_ARG1 "")
3 | set(CMAKE_C_COMPILER_ID "AppleClang")
4 | set(CMAKE_C_COMPILER_VERSION "12.0.5.12050022")
5 | set(CMAKE_C_COMPILER_VERSION_INTERNAL "")
6 | set(CMAKE_C_COMPILER_WRAPPER "")
7 | set(CMAKE_C_STANDARD_COMPUTED_DEFAULT "11")
8 | set(CMAKE_C_COMPILE_FEATURES "c_std_90;c_function_prototypes;c_std_99;c_restrict;c_variadic_macros;c_std_11;c_static_assert")
9 | set(CMAKE_C90_COMPILE_FEATURES "c_std_90;c_function_prototypes")
10 | set(CMAKE_C99_COMPILE_FEATURES "c_std_99;c_restrict;c_variadic_macros")
11 | set(CMAKE_C11_COMPILE_FEATURES "c_std_11;c_static_assert")
12 |
13 | set(CMAKE_C_PLATFORM_ID "Darwin")
14 | set(CMAKE_C_SIMULATE_ID "")
15 | set(CMAKE_C_COMPILER_FRONTEND_VARIANT "")
16 | set(CMAKE_C_SIMULATE_VERSION "")
17 |
18 |
19 |
20 |
21 | set(CMAKE_AR "/Library/Developer/CommandLineTools/usr/bin/ar")
22 | set(CMAKE_C_COMPILER_AR "")
23 | set(CMAKE_RANLIB "/Library/Developer/CommandLineTools/usr/bin/ranlib")
24 | set(CMAKE_C_COMPILER_RANLIB "")
25 | set(CMAKE_LINKER "/Library/Developer/CommandLineTools/usr/bin/ld")
26 | set(CMAKE_MT "")
27 | set(CMAKE_COMPILER_IS_GNUCC )
28 | set(CMAKE_C_COMPILER_LOADED 1)
29 | set(CMAKE_C_COMPILER_WORKS TRUE)
30 | set(CMAKE_C_ABI_COMPILED TRUE)
31 | set(CMAKE_COMPILER_IS_MINGW )
32 | set(CMAKE_COMPILER_IS_CYGWIN )
33 | if(CMAKE_COMPILER_IS_CYGWIN)
34 | set(CYGWIN 1)
35 | set(UNIX 1)
36 | endif()
37 |
38 | set(CMAKE_C_COMPILER_ENV_VAR "CC")
39 |
40 | if(CMAKE_COMPILER_IS_MINGW)
41 | set(MINGW 1)
42 | endif()
43 | set(CMAKE_C_COMPILER_ID_RUN 1)
44 | set(CMAKE_C_SOURCE_FILE_EXTENSIONS c;m)
45 | set(CMAKE_C_IGNORE_EXTENSIONS h;H;o;O;obj;OBJ;def;DEF;rc;RC)
46 | set(CMAKE_C_LINKER_PREFERENCE 10)
47 |
48 | # Save compiler ABI information.
49 | set(CMAKE_C_SIZEOF_DATA_PTR "8")
50 | set(CMAKE_C_COMPILER_ABI "")
51 | set(CMAKE_C_BYTE_ORDER "LITTLE_ENDIAN")
52 | set(CMAKE_C_LIBRARY_ARCHITECTURE "")
53 |
54 | if(CMAKE_C_SIZEOF_DATA_PTR)
55 | set(CMAKE_SIZEOF_VOID_P "${CMAKE_C_SIZEOF_DATA_PTR}")
56 | endif()
57 |
58 | if(CMAKE_C_COMPILER_ABI)
59 | set(CMAKE_INTERNAL_PLATFORM_ABI "${CMAKE_C_COMPILER_ABI}")
60 | endif()
61 |
62 | if(CMAKE_C_LIBRARY_ARCHITECTURE)
63 | set(CMAKE_LIBRARY_ARCHITECTURE "")
64 | endif()
65 |
66 | set(CMAKE_C_CL_SHOWINCLUDES_PREFIX "")
67 | if(CMAKE_C_CL_SHOWINCLUDES_PREFIX)
68 | set(CMAKE_CL_SHOWINCLUDES_PREFIX "${CMAKE_C_CL_SHOWINCLUDES_PREFIX}")
69 | endif()
70 |
71 |
72 |
73 |
74 |
75 | set(CMAKE_C_IMPLICIT_INCLUDE_DIRECTORIES "/Library/Developer/CommandLineTools/usr/lib/clang/12.0.5/include;/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include;/Library/Developer/CommandLineTools/usr/include")
76 | set(CMAKE_C_IMPLICIT_LINK_LIBRARIES "")
77 | set(CMAKE_C_IMPLICIT_LINK_DIRECTORIES "/usr/local/opt/zlib/lib;/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/lib")
78 | set(CMAKE_C_IMPLICIT_LINK_FRAMEWORK_DIRECTORIES "/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/System/Library/Frameworks")
79 |
--------------------------------------------------------------------------------
/server-cpp/build/CMakeFiles/3.20.2/CMakeCXXCompiler.cmake:
--------------------------------------------------------------------------------
1 | set(CMAKE_CXX_COMPILER "/Library/Developer/CommandLineTools/usr/bin/c++")
2 | set(CMAKE_CXX_COMPILER_ARG1 "")
3 | set(CMAKE_CXX_COMPILER_ID "AppleClang")
4 | set(CMAKE_CXX_COMPILER_VERSION "12.0.5.12050022")
5 | set(CMAKE_CXX_COMPILER_VERSION_INTERNAL "")
6 | set(CMAKE_CXX_COMPILER_WRAPPER "")
7 | set(CMAKE_CXX_STANDARD_COMPUTED_DEFAULT "98")
8 | set(CMAKE_CXX_COMPILE_FEATURES "cxx_std_98;cxx_template_template_parameters;cxx_std_11;cxx_alias_templates;cxx_alignas;cxx_alignof;cxx_attributes;cxx_auto_type;cxx_constexpr;cxx_decltype;cxx_decltype_incomplete_return_types;cxx_default_function_template_args;cxx_defaulted_functions;cxx_defaulted_move_initializers;cxx_delegating_constructors;cxx_deleted_functions;cxx_enum_forward_declarations;cxx_explicit_conversions;cxx_extended_friend_declarations;cxx_extern_templates;cxx_final;cxx_func_identifier;cxx_generalized_initializers;cxx_inheriting_constructors;cxx_inline_namespaces;cxx_lambdas;cxx_local_type_template_args;cxx_long_long_type;cxx_noexcept;cxx_nonstatic_member_init;cxx_nullptr;cxx_override;cxx_range_for;cxx_raw_string_literals;cxx_reference_qualified_functions;cxx_right_angle_brackets;cxx_rvalue_references;cxx_sizeof_member;cxx_static_assert;cxx_strong_enums;cxx_thread_local;cxx_trailing_return_types;cxx_unicode_literals;cxx_uniform_initialization;cxx_unrestricted_unions;cxx_user_literals;cxx_variadic_macros;cxx_variadic_templates;cxx_std_14;cxx_aggregate_default_initializers;cxx_attribute_deprecated;cxx_binary_literals;cxx_contextual_conversions;cxx_decltype_auto;cxx_digit_separators;cxx_generic_lambdas;cxx_lambda_init_captures;cxx_relaxed_constexpr;cxx_return_type_deduction;cxx_variable_templates;cxx_std_17;cxx_std_20")
9 | set(CMAKE_CXX98_COMPILE_FEATURES "cxx_std_98;cxx_template_template_parameters")
10 | set(CMAKE_CXX11_COMPILE_FEATURES "cxx_std_11;cxx_alias_templates;cxx_alignas;cxx_alignof;cxx_attributes;cxx_auto_type;cxx_constexpr;cxx_decltype;cxx_decltype_incomplete_return_types;cxx_default_function_template_args;cxx_defaulted_functions;cxx_defaulted_move_initializers;cxx_delegating_constructors;cxx_deleted_functions;cxx_enum_forward_declarations;cxx_explicit_conversions;cxx_extended_friend_declarations;cxx_extern_templates;cxx_final;cxx_func_identifier;cxx_generalized_initializers;cxx_inheriting_constructors;cxx_inline_namespaces;cxx_lambdas;cxx_local_type_template_args;cxx_long_long_type;cxx_noexcept;cxx_nonstatic_member_init;cxx_nullptr;cxx_override;cxx_range_for;cxx_raw_string_literals;cxx_reference_qualified_functions;cxx_right_angle_brackets;cxx_rvalue_references;cxx_sizeof_member;cxx_static_assert;cxx_strong_enums;cxx_thread_local;cxx_trailing_return_types;cxx_unicode_literals;cxx_uniform_initialization;cxx_unrestricted_unions;cxx_user_literals;cxx_variadic_macros;cxx_variadic_templates")
11 | set(CMAKE_CXX14_COMPILE_FEATURES "cxx_std_14;cxx_aggregate_default_initializers;cxx_attribute_deprecated;cxx_binary_literals;cxx_contextual_conversions;cxx_decltype_auto;cxx_digit_separators;cxx_generic_lambdas;cxx_lambda_init_captures;cxx_relaxed_constexpr;cxx_return_type_deduction;cxx_variable_templates")
12 | set(CMAKE_CXX17_COMPILE_FEATURES "cxx_std_17")
13 | set(CMAKE_CXX20_COMPILE_FEATURES "cxx_std_20")
14 | set(CMAKE_CXX23_COMPILE_FEATURES "")
15 |
16 | set(CMAKE_CXX_PLATFORM_ID "Darwin")
17 | set(CMAKE_CXX_SIMULATE_ID "")
18 | set(CMAKE_CXX_COMPILER_FRONTEND_VARIANT "")
19 | set(CMAKE_CXX_SIMULATE_VERSION "")
20 |
21 |
22 |
23 |
24 | set(CMAKE_AR "/Library/Developer/CommandLineTools/usr/bin/ar")
25 | set(CMAKE_CXX_COMPILER_AR "")
26 | set(CMAKE_RANLIB "/Library/Developer/CommandLineTools/usr/bin/ranlib")
27 | set(CMAKE_CXX_COMPILER_RANLIB "")
28 | set(CMAKE_LINKER "/Library/Developer/CommandLineTools/usr/bin/ld")
29 | set(CMAKE_MT "")
30 | set(CMAKE_COMPILER_IS_GNUCXX )
31 | set(CMAKE_CXX_COMPILER_LOADED 1)
32 | set(CMAKE_CXX_COMPILER_WORKS TRUE)
33 | set(CMAKE_CXX_ABI_COMPILED TRUE)
34 | set(CMAKE_COMPILER_IS_MINGW )
35 | set(CMAKE_COMPILER_IS_CYGWIN )
36 | if(CMAKE_COMPILER_IS_CYGWIN)
37 | set(CYGWIN 1)
38 | set(UNIX 1)
39 | endif()
40 |
41 | set(CMAKE_CXX_COMPILER_ENV_VAR "CXX")
42 |
43 | if(CMAKE_COMPILER_IS_MINGW)
44 | set(MINGW 1)
45 | endif()
46 | set(CMAKE_CXX_COMPILER_ID_RUN 1)
47 | set(CMAKE_CXX_SOURCE_FILE_EXTENSIONS C;M;c++;cc;cpp;cxx;m;mm;mpp;CPP)
48 | set(CMAKE_CXX_IGNORE_EXTENSIONS inl;h;hpp;HPP;H;o;O;obj;OBJ;def;DEF;rc;RC)
49 |
50 | foreach (lang C OBJC OBJCXX)
51 | if (CMAKE_${lang}_COMPILER_ID_RUN)
52 | foreach(extension IN LISTS CMAKE_${lang}_SOURCE_FILE_EXTENSIONS)
53 | list(REMOVE_ITEM CMAKE_CXX_SOURCE_FILE_EXTENSIONS ${extension})
54 | endforeach()
55 | endif()
56 | endforeach()
57 |
58 | set(CMAKE_CXX_LINKER_PREFERENCE 30)
59 | set(CMAKE_CXX_LINKER_PREFERENCE_PROPAGATES 1)
60 |
61 | # Save compiler ABI information.
62 | set(CMAKE_CXX_SIZEOF_DATA_PTR "8")
63 | set(CMAKE_CXX_COMPILER_ABI "")
64 | set(CMAKE_CXX_BYTE_ORDER "LITTLE_ENDIAN")
65 | set(CMAKE_CXX_LIBRARY_ARCHITECTURE "")
66 |
67 | if(CMAKE_CXX_SIZEOF_DATA_PTR)
68 | set(CMAKE_SIZEOF_VOID_P "${CMAKE_CXX_SIZEOF_DATA_PTR}")
69 | endif()
70 |
71 | if(CMAKE_CXX_COMPILER_ABI)
72 | set(CMAKE_INTERNAL_PLATFORM_ABI "${CMAKE_CXX_COMPILER_ABI}")
73 | endif()
74 |
75 | if(CMAKE_CXX_LIBRARY_ARCHITECTURE)
76 | set(CMAKE_LIBRARY_ARCHITECTURE "")
77 | endif()
78 |
79 | set(CMAKE_CXX_CL_SHOWINCLUDES_PREFIX "")
80 | if(CMAKE_CXX_CL_SHOWINCLUDES_PREFIX)
81 | set(CMAKE_CL_SHOWINCLUDES_PREFIX "${CMAKE_CXX_CL_SHOWINCLUDES_PREFIX}")
82 | endif()
83 |
84 |
85 |
86 |
87 |
88 | set(CMAKE_CXX_IMPLICIT_INCLUDE_DIRECTORIES "/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1;/Library/Developer/CommandLineTools/usr/lib/clang/12.0.5/include;/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include;/Library/Developer/CommandLineTools/usr/include")
89 | set(CMAKE_CXX_IMPLICIT_LINK_LIBRARIES "c++")
90 | set(CMAKE_CXX_IMPLICIT_LINK_DIRECTORIES "/usr/local/opt/zlib/lib;/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/lib")
91 | set(CMAKE_CXX_IMPLICIT_LINK_FRAMEWORK_DIRECTORIES "/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/System/Library/Frameworks")
92 |
--------------------------------------------------------------------------------
/server-cpp/build/CMakeFiles/3.20.2/CMakeDetermineCompilerABI_C.bin:
--------------------------------------------------------------------------------
https://raw.githubusercontent.com/renatoviolin/BERT-cpp-inference/953b9d84cde7c6cc238c14f4e330819008356175/server-cpp/build/CMakeFiles/3.20.2/CMakeDetermineCompilerABI_C.bin
--------------------------------------------------------------------------------
/server-cpp/build/CMakeFiles/3.20.2/CMakeDetermineCompilerABI_CXX.bin:
--------------------------------------------------------------------------------
https://raw.githubusercontent.com/renatoviolin/BERT-cpp-inference/953b9d84cde7c6cc238c14f4e330819008356175/server-cpp/build/CMakeFiles/3.20.2/CMakeDetermineCompilerABI_CXX.bin
--------------------------------------------------------------------------------
/server-cpp/build/CMakeFiles/3.20.2/CMakeSystem.cmake:
--------------------------------------------------------------------------------
1 | set(CMAKE_HOST_SYSTEM "Darwin-20.4.0")
2 | set(CMAKE_HOST_SYSTEM_NAME "Darwin")
3 | set(CMAKE_HOST_SYSTEM_VERSION "20.4.0")
4 | set(CMAKE_HOST_SYSTEM_PROCESSOR "x86_64")
5 |
6 |
7 |
8 | set(CMAKE_SYSTEM "Darwin-20.4.0")
9 | set(CMAKE_SYSTEM_NAME "Darwin")
10 | set(CMAKE_SYSTEM_VERSION "20.4.0")
11 | set(CMAKE_SYSTEM_PROCESSOR "x86_64")
12 |
13 | set(CMAKE_CROSSCOMPILING "FALSE")
14 |
15 | set(CMAKE_SYSTEM_LOADED 1)
16 |
--------------------------------------------------------------------------------
/server-cpp/build/CMakeFiles/3.20.2/CompilerIdC/CMakeCCompilerId.c:
--------------------------------------------------------------------------------
1 | #ifdef __cplusplus
2 | # error "A C++ compiler has been selected for C."
3 | #endif
4 |
5 | #if defined(__18CXX)
6 | # define ID_VOID_MAIN
7 | #endif
8 | #if defined(__CLASSIC_C__)
9 | /* cv-qualifiers did not exist in K&R C */
10 | # define const
11 | # define volatile
12 | #endif
13 |
14 |
15 | /* Version number components: V=Version, R=Revision, P=Patch
16 | Version date components: YYYY=Year, MM=Month, DD=Day */
17 |
18 | #if defined(__INTEL_COMPILER) || defined(__ICC)
19 | # define COMPILER_ID "Intel"
20 | # if defined(_MSC_VER)
21 | # define SIMULATE_ID "MSVC"
22 | # endif
23 | # if defined(__GNUC__)
24 | # define SIMULATE_ID "GNU"
25 | # endif
26 | /* __INTEL_COMPILER = VRP prior to 2021, and then VVVV for 2021 and later,
27 | except that a few beta releases use the old format with V=2021. */
28 | # if __INTEL_COMPILER < 2021 || __INTEL_COMPILER == 202110 || __INTEL_COMPILER == 202111
29 | # define COMPILER_VERSION_MAJOR DEC(__INTEL_COMPILER/100)
30 | # define COMPILER_VERSION_MINOR DEC(__INTEL_COMPILER/10 % 10)
31 | # if defined(__INTEL_COMPILER_UPDATE)
32 | # define COMPILER_VERSION_PATCH DEC(__INTEL_COMPILER_UPDATE)
33 | # else
34 | # define COMPILER_VERSION_PATCH DEC(__INTEL_COMPILER % 10)
35 | # endif
36 | # else
37 | # define COMPILER_VERSION_MAJOR DEC(__INTEL_COMPILER)
38 | # define COMPILER_VERSION_MINOR DEC(__INTEL_COMPILER_UPDATE)
39 | /* The third version component from --version is an update index,
40 | but no macro is provided for it. */
41 | # define COMPILER_VERSION_PATCH DEC(0)
42 | # endif
43 | # if defined(__INTEL_COMPILER_BUILD_DATE)
44 | /* __INTEL_COMPILER_BUILD_DATE = YYYYMMDD */
45 | # define COMPILER_VERSION_TWEAK DEC(__INTEL_COMPILER_BUILD_DATE)
46 | # endif
47 | # if defined(_MSC_VER)
48 | /* _MSC_VER = VVRR */
49 | # define SIMULATE_VERSION_MAJOR DEC(_MSC_VER / 100)
50 | # define SIMULATE_VERSION_MINOR DEC(_MSC_VER % 100)
51 | # endif
52 | # if defined(__GNUC__)
53 | # define SIMULATE_VERSION_MAJOR DEC(__GNUC__)
54 | # elif defined(__GNUG__)
55 | # define SIMULATE_VERSION_MAJOR DEC(__GNUG__)
56 | # endif
57 | # if defined(__GNUC_MINOR__)
58 | # define SIMULATE_VERSION_MINOR DEC(__GNUC_MINOR__)
59 | # endif
60 | # if defined(__GNUC_PATCHLEVEL__)
61 | # define SIMULATE_VERSION_PATCH DEC(__GNUC_PATCHLEVEL__)
62 | # endif
63 |
64 | #elif (defined(__clang__) && defined(__INTEL_CLANG_COMPILER)) || defined(__INTEL_LLVM_COMPILER)
65 | # define COMPILER_ID "IntelLLVM"
66 | #if defined(_MSC_VER)
67 | # define SIMULATE_ID "MSVC"
68 | #endif
69 | #if defined(__GNUC__)
70 | # define SIMULATE_ID "GNU"
71 | #endif
72 | /* __INTEL_LLVM_COMPILER = VVVVRP prior to 2021.2.0, VVVVRRPP for 2021.2.0 and
73 | * later. Look for 6 digit vs. 8 digit version number to decide encoding.
74 | * VVVV is no smaller than the current year when a versio is released.
75 | */
76 | #if __INTEL_LLVM_COMPILER < 1000000L
77 | # define COMPILER_VERSION_MAJOR DEC(__INTEL_LLVM_COMPILER/100)
78 | # define COMPILER_VERSION_MINOR DEC(__INTEL_LLVM_COMPILER/10 % 10)
79 | # define COMPILER_VERSION_PATCH DEC(__INTEL_LLVM_COMPILER % 10)
80 | #else
81 | # define COMPILER_VERSION_MAJOR DEC(__INTEL_LLVM_COMPILER/10000)
82 | # define COMPILER_VERSION_MINOR DEC(__INTEL_LLVM_COMPILER/100 % 100)
83 | # define COMPILER_VERSION_PATCH DEC(__INTEL_LLVM_COMPILER % 100)
84 | #endif
85 | #if defined(_MSC_VER)
86 | /* _MSC_VER = VVRR */
87 | # define SIMULATE_VERSION_MAJOR DEC(_MSC_VER / 100)
88 | # define SIMULATE_VERSION_MINOR DEC(_MSC_VER % 100)
89 | #endif
90 | #if defined(__GNUC__)
91 | # define SIMULATE_VERSION_MAJOR DEC(__GNUC__)
92 | #elif defined(__GNUG__)
93 | # define SIMULATE_VERSION_MAJOR DEC(__GNUG__)
94 | #endif
95 | #if defined(__GNUC_MINOR__)
96 | # define SIMULATE_VERSION_MINOR DEC(__GNUC_MINOR__)
97 | #endif
98 | #if defined(__GNUC_PATCHLEVEL__)
99 | # define SIMULATE_VERSION_PATCH DEC(__GNUC_PATCHLEVEL__)
100 | #endif
101 |
102 | #elif defined(__PATHCC__)
103 | # define COMPILER_ID "PathScale"
104 | # define COMPILER_VERSION_MAJOR DEC(__PATHCC__)
105 | # define COMPILER_VERSION_MINOR DEC(__PATHCC_MINOR__)
106 | # if defined(__PATHCC_PATCHLEVEL__)
107 | # define COMPILER_VERSION_PATCH DEC(__PATHCC_PATCHLEVEL__)
108 | # endif
109 |
110 | #elif defined(__BORLANDC__) && defined(__CODEGEARC_VERSION__)
111 | # define COMPILER_ID "Embarcadero"
112 | # define COMPILER_VERSION_MAJOR HEX(__CODEGEARC_VERSION__>>24 & 0x00FF)
113 | # define COMPILER_VERSION_MINOR HEX(__CODEGEARC_VERSION__>>16 & 0x00FF)
114 | # define COMPILER_VERSION_PATCH DEC(__CODEGEARC_VERSION__ & 0xFFFF)
115 |
116 | #elif defined(__BORLANDC__)
117 | # define COMPILER_ID "Borland"
118 | /* __BORLANDC__ = 0xVRR */
119 | # define COMPILER_VERSION_MAJOR HEX(__BORLANDC__>>8)
120 | # define COMPILER_VERSION_MINOR HEX(__BORLANDC__ & 0xFF)
121 |
122 | #elif defined(__WATCOMC__) && __WATCOMC__ < 1200
123 | # define COMPILER_ID "Watcom"
124 | /* __WATCOMC__ = VVRR */
125 | # define COMPILER_VERSION_MAJOR DEC(__WATCOMC__ / 100)
126 | # define COMPILER_VERSION_MINOR DEC((__WATCOMC__ / 10) % 10)
127 | # if (__WATCOMC__ % 10) > 0
128 | # define COMPILER_VERSION_PATCH DEC(__WATCOMC__ % 10)
129 | # endif
130 |
131 | #elif defined(__WATCOMC__)
132 | # define COMPILER_ID "OpenWatcom"
133 | /* __WATCOMC__ = VVRP + 1100 */
134 | # define COMPILER_VERSION_MAJOR DEC((__WATCOMC__ - 1100) / 100)
135 | # define COMPILER_VERSION_MINOR DEC((__WATCOMC__ / 10) % 10)
136 | # if (__WATCOMC__ % 10) > 0
137 | # define COMPILER_VERSION_PATCH DEC(__WATCOMC__ % 10)
138 | # endif
139 |
140 | #elif defined(__SUNPRO_C)
141 | # define COMPILER_ID "SunPro"
142 | # if __SUNPRO_C >= 0x5100
143 | /* __SUNPRO_C = 0xVRRP */
144 | # define COMPILER_VERSION_MAJOR HEX(__SUNPRO_C>>12)
145 | # define COMPILER_VERSION_MINOR HEX(__SUNPRO_C>>4 & 0xFF)
146 | # define COMPILER_VERSION_PATCH HEX(__SUNPRO_C & 0xF)
147 | # else
148 | /* __SUNPRO_CC = 0xVRP */
149 | # define COMPILER_VERSION_MAJOR HEX(__SUNPRO_C>>8)
150 | # define COMPILER_VERSION_MINOR HEX(__SUNPRO_C>>4 & 0xF)
151 | # define COMPILER_VERSION_PATCH HEX(__SUNPRO_C & 0xF)
152 | # endif
153 |
154 | #elif defined(__HP_cc)
155 | # define COMPILER_ID "HP"
156 | /* __HP_cc = VVRRPP */
157 | # define COMPILER_VERSION_MAJOR DEC(__HP_cc/10000)
158 | # define COMPILER_VERSION_MINOR DEC(__HP_cc/100 % 100)
159 | # define COMPILER_VERSION_PATCH DEC(__HP_cc % 100)
160 |
161 | #elif defined(__DECC)
162 | # define COMPILER_ID "Compaq"
163 | /* __DECC_VER = VVRRTPPPP */
164 | # define COMPILER_VERSION_MAJOR DEC(__DECC_VER/10000000)
165 | # define COMPILER_VERSION_MINOR DEC(__DECC_VER/100000 % 100)
166 | # define COMPILER_VERSION_PATCH DEC(__DECC_VER % 10000)
167 |
168 | #elif defined(__IBMC__) && defined(__COMPILER_VER__)
169 | # define COMPILER_ID "zOS"
170 | /* __IBMC__ = VRP */
171 | # define COMPILER_VERSION_MAJOR DEC(__IBMC__/100)
172 | # define COMPILER_VERSION_MINOR DEC(__IBMC__/10 % 10)
173 | # define COMPILER_VERSION_PATCH DEC(__IBMC__ % 10)
174 |
175 | #elif defined(__ibmxl__) && defined(__clang__)
176 | # define COMPILER_ID "XLClang"
177 | # define COMPILER_VERSION_MAJOR DEC(__ibmxl_version__)
178 | # define COMPILER_VERSION_MINOR DEC(__ibmxl_release__)
179 | # define COMPILER_VERSION_PATCH DEC(__ibmxl_modification__)
180 | # define COMPILER_VERSION_TWEAK DEC(__ibmxl_ptf_fix_level__)
181 |
182 |
183 | #elif defined(__IBMC__) && !defined(__COMPILER_VER__) && __IBMC__ >= 800
184 | # define COMPILER_ID "XL"
185 | /* __IBMC__ = VRP */
186 | # define COMPILER_VERSION_MAJOR DEC(__IBMC__/100)
187 | # define COMPILER_VERSION_MINOR DEC(__IBMC__/10 % 10)
188 | # define COMPILER_VERSION_PATCH DEC(__IBMC__ % 10)
189 |
190 | #elif defined(__IBMC__) && !defined(__COMPILER_VER__) && __IBMC__ < 800
191 | # define COMPILER_ID "VisualAge"
192 | /* __IBMC__ = VRP */
193 | # define COMPILER_VERSION_MAJOR DEC(__IBMC__/100)
194 | # define COMPILER_VERSION_MINOR DEC(__IBMC__/10 % 10)
195 | # define COMPILER_VERSION_PATCH DEC(__IBMC__ % 10)
196 |
197 | #elif defined(__NVCOMPILER)
198 | # define COMPILER_ID "NVHPC"
199 | # define COMPILER_VERSION_MAJOR DEC(__NVCOMPILER_MAJOR__)
200 | # define COMPILER_VERSION_MINOR DEC(__NVCOMPILER_MINOR__)
201 | # if defined(__NVCOMPILER_PATCHLEVEL__)
202 | # define COMPILER_VERSION_PATCH DEC(__NVCOMPILER_PATCHLEVEL__)
203 | # endif
204 |
205 | #elif defined(__PGI)
206 | # define COMPILER_ID "PGI"
207 | # define COMPILER_VERSION_MAJOR DEC(__PGIC__)
208 | # define COMPILER_VERSION_MINOR DEC(__PGIC_MINOR__)
209 | # if defined(__PGIC_PATCHLEVEL__)
210 | # define COMPILER_VERSION_PATCH DEC(__PGIC_PATCHLEVEL__)
211 | # endif
212 |
213 | #elif defined(_CRAYC)
214 | # define COMPILER_ID "Cray"
215 | # define COMPILER_VERSION_MAJOR DEC(_RELEASE_MAJOR)
216 | # define COMPILER_VERSION_MINOR DEC(_RELEASE_MINOR)
217 |
218 | #elif defined(__TI_COMPILER_VERSION__)
219 | # define COMPILER_ID "TI"
220 | /* __TI_COMPILER_VERSION__ = VVVRRRPPP */
221 | # define COMPILER_VERSION_MAJOR DEC(__TI_COMPILER_VERSION__/1000000)
222 | # define COMPILER_VERSION_MINOR DEC(__TI_COMPILER_VERSION__/1000 % 1000)
223 | # define COMPILER_VERSION_PATCH DEC(__TI_COMPILER_VERSION__ % 1000)
224 |
225 | #elif defined(__FUJITSU) || defined(__FCC_VERSION) || defined(__fcc_version)
226 | # define COMPILER_ID "Fujitsu"
227 |
228 | #elif defined(__ghs__)
229 | # define COMPILER_ID "GHS"
230 | /* __GHS_VERSION_NUMBER = VVVVRP */
231 | # ifdef __GHS_VERSION_NUMBER
232 | # define COMPILER_VERSION_MAJOR DEC(__GHS_VERSION_NUMBER / 100)
233 | # define COMPILER_VERSION_MINOR DEC(__GHS_VERSION_NUMBER / 10 % 10)
234 | # define COMPILER_VERSION_PATCH DEC(__GHS_VERSION_NUMBER % 10)
235 | # endif
236 |
237 | #elif defined(__TINYC__)
238 | # define COMPILER_ID "TinyCC"
239 |
240 | #elif defined(__BCC__)
241 | # define COMPILER_ID "Bruce"
242 |
243 | #elif defined(__SCO_VERSION__)
244 | # define COMPILER_ID "SCO"
245 |
246 | #elif defined(__ARMCC_VERSION) && !defined(__clang__)
247 | # define COMPILER_ID "ARMCC"
248 | #if __ARMCC_VERSION >= 1000000
249 | /* __ARMCC_VERSION = VRRPPPP */
250 | # define COMPILER_VERSION_MAJOR DEC(__ARMCC_VERSION/1000000)
251 | # define COMPILER_VERSION_MINOR DEC(__ARMCC_VERSION/10000 % 100)
252 | # define COMPILER_VERSION_PATCH DEC(__ARMCC_VERSION % 10000)
253 | #else
254 | /* __ARMCC_VERSION = VRPPPP */
255 | # define COMPILER_VERSION_MAJOR DEC(__ARMCC_VERSION/100000)
256 | # define COMPILER_VERSION_MINOR DEC(__ARMCC_VERSION/10000 % 10)
257 | # define COMPILER_VERSION_PATCH DEC(__ARMCC_VERSION % 10000)
258 | #endif
259 |
260 |
261 | #elif defined(__clang__) && defined(__apple_build_version__)
262 | # define COMPILER_ID "AppleClang"
263 | # if defined(_MSC_VER)
264 | # define SIMULATE_ID "MSVC"
265 | # endif
266 | # define COMPILER_VERSION_MAJOR DEC(__clang_major__)
267 | # define COMPILER_VERSION_MINOR DEC(__clang_minor__)
268 | # define COMPILER_VERSION_PATCH DEC(__clang_patchlevel__)
269 | # if defined(_MSC_VER)
270 | /* _MSC_VER = VVRR */
271 | # define SIMULATE_VERSION_MAJOR DEC(_MSC_VER / 100)
272 | # define SIMULATE_VERSION_MINOR DEC(_MSC_VER % 100)
273 | # endif
274 | # define COMPILER_VERSION_TWEAK DEC(__apple_build_version__)
275 |
276 | #elif defined(__clang__) && defined(__ARMCOMPILER_VERSION)
277 | # define COMPILER_ID "ARMClang"
278 | # define COMPILER_VERSION_MAJOR DEC(__ARMCOMPILER_VERSION/1000000)
279 | # define COMPILER_VERSION_MINOR DEC(__ARMCOMPILER_VERSION/10000 % 100)
280 | # define COMPILER_VERSION_PATCH DEC(__ARMCOMPILER_VERSION % 10000)
281 | # define COMPILER_VERSION_INTERNAL DEC(__ARMCOMPILER_VERSION)
282 |
283 | #elif defined(__clang__)
284 | # define COMPILER_ID "Clang"
285 | # if defined(_MSC_VER)
286 | # define SIMULATE_ID "MSVC"
287 | # endif
288 | # define COMPILER_VERSION_MAJOR DEC(__clang_major__)
289 | # define COMPILER_VERSION_MINOR DEC(__clang_minor__)
290 | # define COMPILER_VERSION_PATCH DEC(__clang_patchlevel__)
291 | # if defined(_MSC_VER)
292 | /* _MSC_VER = VVRR */
293 | # define SIMULATE_VERSION_MAJOR DEC(_MSC_VER / 100)
294 | # define SIMULATE_VERSION_MINOR DEC(_MSC_VER % 100)
295 | # endif
296 |
297 | #elif defined(__GNUC__)
298 | # define COMPILER_ID "GNU"
299 | # define COMPILER_VERSION_MAJOR DEC(__GNUC__)
300 | # if defined(__GNUC_MINOR__)
301 | # define COMPILER_VERSION_MINOR DEC(__GNUC_MINOR__)
302 | # endif
303 | # if defined(__GNUC_PATCHLEVEL__)
304 | # define COMPILER_VERSION_PATCH DEC(__GNUC_PATCHLEVEL__)
305 | # endif
306 |
307 | #elif defined(_MSC_VER)
308 | # define COMPILER_ID "MSVC"
309 | /* _MSC_VER = VVRR */
310 | # define COMPILER_VERSION_MAJOR DEC(_MSC_VER / 100)
311 | # define COMPILER_VERSION_MINOR DEC(_MSC_VER % 100)
312 | # if defined(_MSC_FULL_VER)
313 | # if _MSC_VER >= 1400
314 | /* _MSC_FULL_VER = VVRRPPPPP */
315 | # define COMPILER_VERSION_PATCH DEC(_MSC_FULL_VER % 100000)
316 | # else
317 | /* _MSC_FULL_VER = VVRRPPPP */
318 | # define COMPILER_VERSION_PATCH DEC(_MSC_FULL_VER % 10000)
319 | # endif
320 | # endif
321 | # if defined(_MSC_BUILD)
322 | # define COMPILER_VERSION_TWEAK DEC(_MSC_BUILD)
323 | # endif
324 |
325 | #elif defined(__VISUALDSPVERSION__) || defined(__ADSPBLACKFIN__) || defined(__ADSPTS__) || defined(__ADSP21000__)
326 | # define COMPILER_ID "ADSP"
327 | #if defined(__VISUALDSPVERSION__)
328 | /* __VISUALDSPVERSION__ = 0xVVRRPP00 */
329 | # define COMPILER_VERSION_MAJOR HEX(__VISUALDSPVERSION__>>24)
330 | # define COMPILER_VERSION_MINOR HEX(__VISUALDSPVERSION__>>16 & 0xFF)
331 | # define COMPILER_VERSION_PATCH HEX(__VISUALDSPVERSION__>>8 & 0xFF)
332 | #endif
333 |
334 | #elif defined(__IAR_SYSTEMS_ICC__) || defined(__IAR_SYSTEMS_ICC)
335 | # define COMPILER_ID "IAR"
336 | # if defined(__VER__) && defined(__ICCARM__)
337 | # define COMPILER_VERSION_MAJOR DEC((__VER__) / 1000000)
338 | # define COMPILER_VERSION_MINOR DEC(((__VER__) / 1000) % 1000)
339 | # define COMPILER_VERSION_PATCH DEC((__VER__) % 1000)
340 | # define COMPILER_VERSION_INTERNAL DEC(__IAR_SYSTEMS_ICC__)
341 | # elif defined(__VER__) && (defined(__ICCAVR__) || defined(__ICCRX__) || defined(__ICCRH850__) || defined(__ICCRL78__) || defined(__ICC430__) || defined(__ICCRISCV__) || defined(__ICCV850__) || defined(__ICC8051__) || defined(__ICCSTM8__))
342 | # define COMPILER_VERSION_MAJOR DEC((__VER__) / 100)
343 | # define COMPILER_VERSION_MINOR DEC((__VER__) - (((__VER__) / 100)*100))
344 | # define COMPILER_VERSION_PATCH DEC(__SUBVERSION__)
345 | # define COMPILER_VERSION_INTERNAL DEC(__IAR_SYSTEMS_ICC__)
346 | # endif
347 |
348 | #elif defined(__SDCC_VERSION_MAJOR) || defined(SDCC)
349 | # define COMPILER_ID "SDCC"
350 | # if defined(__SDCC_VERSION_MAJOR)
351 | # define COMPILER_VERSION_MAJOR DEC(__SDCC_VERSION_MAJOR)
352 | # define COMPILER_VERSION_MINOR DEC(__SDCC_VERSION_MINOR)
353 | # define COMPILER_VERSION_PATCH DEC(__SDCC_VERSION_PATCH)
354 | # else
355 | /* SDCC = VRP */
356 | # define COMPILER_VERSION_MAJOR DEC(SDCC/100)
357 | # define COMPILER_VERSION_MINOR DEC(SDCC/10 % 10)
358 | # define COMPILER_VERSION_PATCH DEC(SDCC % 10)
359 | # endif
360 |
361 |
362 | /* These compilers are either not known or too old to define an
363 | identification macro. Try to identify the platform and guess that
364 | it is the native compiler. */
365 | #elif defined(__hpux) || defined(__hpua)
366 | # define COMPILER_ID "HP"
367 |
368 | #else /* unknown compiler */
369 | # define COMPILER_ID ""
370 | #endif
371 |
372 | /* Construct the string literal in pieces to prevent the source from
373 | getting matched. Store it in a pointer rather than an array
374 | because some compilers will just produce instructions to fill the
375 | array rather than assigning a pointer to a static array. */
376 | char const* info_compiler = "INFO" ":" "compiler[" COMPILER_ID "]";
377 | #ifdef SIMULATE_ID
378 | char const* info_simulate = "INFO" ":" "simulate[" SIMULATE_ID "]";
379 | #endif
380 |
381 | #ifdef __QNXNTO__
382 | char const* qnxnto = "INFO" ":" "qnxnto[]";
383 | #endif
384 |
385 | #if defined(__CRAYXT_COMPUTE_LINUX_TARGET)
386 | char const *info_cray = "INFO" ":" "compiler_wrapper[CrayPrgEnv]";
387 | #endif
388 |
389 | #define STRINGIFY_HELPER(X) #X
390 | #define STRINGIFY(X) STRINGIFY_HELPER(X)
391 |
392 | /* Identify known platforms by name. */
393 | #if defined(__linux) || defined(__linux__) || defined(linux)
394 | # define PLATFORM_ID "Linux"
395 |
396 | #elif defined(__CYGWIN__)
397 | # define PLATFORM_ID "Cygwin"
398 |
399 | #elif defined(__MINGW32__)
400 | # define PLATFORM_ID "MinGW"
401 |
402 | #elif defined(__APPLE__)
403 | # define PLATFORM_ID "Darwin"
404 |
405 | #elif defined(_WIN32) || defined(__WIN32__) || defined(WIN32)
406 | # define PLATFORM_ID "Windows"
407 |
408 | #elif defined(__FreeBSD__) || defined(__FreeBSD)
409 | # define PLATFORM_ID "FreeBSD"
410 |
411 | #elif defined(__NetBSD__) || defined(__NetBSD)
412 | # define PLATFORM_ID "NetBSD"
413 |
414 | #elif defined(__OpenBSD__) || defined(__OPENBSD)
415 | # define PLATFORM_ID "OpenBSD"
416 |
417 | #elif defined(__sun) || defined(sun)
418 | # define PLATFORM_ID "SunOS"
419 |
420 | #elif defined(_AIX) || defined(__AIX) || defined(__AIX__) || defined(__aix) || defined(__aix__)
421 | # define PLATFORM_ID "AIX"
422 |
423 | #elif defined(__hpux) || defined(__hpux__)
424 | # define PLATFORM_ID "HP-UX"
425 |
426 | #elif defined(__HAIKU__)
427 | # define PLATFORM_ID "Haiku"
428 |
429 | #elif defined(__BeOS) || defined(__BEOS__) || defined(_BEOS)
430 | # define PLATFORM_ID "BeOS"
431 |
432 | #elif defined(__QNX__) || defined(__QNXNTO__)
433 | # define PLATFORM_ID "QNX"
434 |
435 | #elif defined(__tru64) || defined(_tru64) || defined(__TRU64__)
436 | # define PLATFORM_ID "Tru64"
437 |
438 | #elif defined(__riscos) || defined(__riscos__)
439 | # define PLATFORM_ID "RISCos"
440 |
441 | #elif defined(__sinix) || defined(__sinix__) || defined(__SINIX__)
442 | # define PLATFORM_ID "SINIX"
443 |
444 | #elif defined(__UNIX_SV__)
445 | # define PLATFORM_ID "UNIX_SV"
446 |
447 | #elif defined(__bsdos__)
448 | # define PLATFORM_ID "BSDOS"
449 |
450 | #elif defined(_MPRAS) || defined(MPRAS)
451 | # define PLATFORM_ID "MP-RAS"
452 |
453 | #elif defined(__osf) || defined(__osf__)
454 | # define PLATFORM_ID "OSF1"
455 |
456 | #elif defined(_SCO_SV) || defined(SCO_SV) || defined(sco_sv)
457 | # define PLATFORM_ID "SCO_SV"
458 |
459 | #elif defined(__ultrix) || defined(__ultrix__) || defined(_ULTRIX)
460 | # define PLATFORM_ID "ULTRIX"
461 |
462 | #elif defined(__XENIX__) || defined(_XENIX) || defined(XENIX)
463 | # define PLATFORM_ID "Xenix"
464 |
465 | #elif defined(__WATCOMC__)
466 | # if defined(__LINUX__)
467 | # define PLATFORM_ID "Linux"
468 |
469 | # elif defined(__DOS__)
470 | # define PLATFORM_ID "DOS"
471 |
472 | # elif defined(__OS2__)
473 | # define PLATFORM_ID "OS2"
474 |
475 | # elif defined(__WINDOWS__)
476 | # define PLATFORM_ID "Windows3x"
477 |
478 | # elif defined(__VXWORKS__)
479 | # define PLATFORM_ID "VxWorks"
480 |
481 | # else /* unknown platform */
482 | # define PLATFORM_ID
483 | # endif
484 |
485 | #elif defined(__INTEGRITY)
486 | # if defined(INT_178B)
487 | # define PLATFORM_ID "Integrity178"
488 |
489 | # else /* regular Integrity */
490 | # define PLATFORM_ID "Integrity"
491 | # endif
492 |
493 | #else /* unknown platform */
494 | # define PLATFORM_ID
495 |
496 | #endif
497 |
498 | /* For windows compilers MSVC and Intel we can determine
499 | the architecture of the compiler being used. This is because
500 | the compilers do not have flags that can change the architecture,
501 | but rather depend on which compiler is being used
502 | */
503 | #if defined(_WIN32) && defined(_MSC_VER)
504 | # if defined(_M_IA64)
505 | # define ARCHITECTURE_ID "IA64"
506 |
507 | # elif defined(_M_ARM64EC)
508 | # define ARCHITECTURE_ID "ARM64EC"
509 |
510 | # elif defined(_M_X64) || defined(_M_AMD64)
511 | # define ARCHITECTURE_ID "x64"
512 |
513 | # elif defined(_M_IX86)
514 | # define ARCHITECTURE_ID "X86"
515 |
516 | # elif defined(_M_ARM64)
517 | # define ARCHITECTURE_ID "ARM64"
518 |
519 | # elif defined(_M_ARM)
520 | # if _M_ARM == 4
521 | # define ARCHITECTURE_ID "ARMV4I"
522 | # elif _M_ARM == 5
523 | # define ARCHITECTURE_ID "ARMV5I"
524 | # else
525 | # define ARCHITECTURE_ID "ARMV" STRINGIFY(_M_ARM)
526 | # endif
527 |
528 | # elif defined(_M_MIPS)
529 | # define ARCHITECTURE_ID "MIPS"
530 |
531 | # elif defined(_M_SH)
532 | # define ARCHITECTURE_ID "SHx"
533 |
534 | # else /* unknown architecture */
535 | # define ARCHITECTURE_ID ""
536 | # endif
537 |
538 | #elif defined(__WATCOMC__)
539 | # if defined(_M_I86)
540 | # define ARCHITECTURE_ID "I86"
541 |
542 | # elif defined(_M_IX86)
543 | # define ARCHITECTURE_ID "X86"
544 |
545 | # else /* unknown architecture */
546 | # define ARCHITECTURE_ID ""
547 | # endif
548 |
549 | #elif defined(__IAR_SYSTEMS_ICC__) || defined(__IAR_SYSTEMS_ICC)
550 | # if defined(__ICCARM__)
551 | # define ARCHITECTURE_ID "ARM"
552 |
553 | # elif defined(__ICCRX__)
554 | # define ARCHITECTURE_ID "RX"
555 |
556 | # elif defined(__ICCRH850__)
557 | # define ARCHITECTURE_ID "RH850"
558 |
559 | # elif defined(__ICCRL78__)
560 | # define ARCHITECTURE_ID "RL78"
561 |
562 | # elif defined(__ICCRISCV__)
563 | # define ARCHITECTURE_ID "RISCV"
564 |
565 | # elif defined(__ICCAVR__)
566 | # define ARCHITECTURE_ID "AVR"
567 |
568 | # elif defined(__ICC430__)
569 | # define ARCHITECTURE_ID "MSP430"
570 |
571 | # elif defined(__ICCV850__)
572 | # define ARCHITECTURE_ID "V850"
573 |
574 | # elif defined(__ICC8051__)
575 | # define ARCHITECTURE_ID "8051"
576 |
577 | # elif defined(__ICCSTM8__)
578 | # define ARCHITECTURE_ID "STM8"
579 |
580 | # else /* unknown architecture */
581 | # define ARCHITECTURE_ID ""
582 | # endif
583 |
584 | #elif defined(__ghs__)
585 | # if defined(__PPC64__)
586 | # define ARCHITECTURE_ID "PPC64"
587 |
588 | # elif defined(__ppc__)
589 | # define ARCHITECTURE_ID "PPC"
590 |
591 | # elif defined(__ARM__)
592 | # define ARCHITECTURE_ID "ARM"
593 |
594 | # elif defined(__x86_64__)
595 | # define ARCHITECTURE_ID "x64"
596 |
597 | # elif defined(__i386__)
598 | # define ARCHITECTURE_ID "X86"
599 |
600 | # else /* unknown architecture */
601 | # define ARCHITECTURE_ID ""
602 | # endif
603 |
604 | #elif defined(__TI_COMPILER_VERSION__)
605 | # if defined(__TI_ARM__)
606 | # define ARCHITECTURE_ID "ARM"
607 |
608 | # elif defined(__MSP430__)
609 | # define ARCHITECTURE_ID "MSP430"
610 |
611 | # elif defined(__TMS320C28XX__)
612 | # define ARCHITECTURE_ID "TMS320C28x"
613 |
614 | # elif defined(__TMS320C6X__) || defined(_TMS320C6X)
615 | # define ARCHITECTURE_ID "TMS320C6x"
616 |
617 | # else /* unknown architecture */
618 | # define ARCHITECTURE_ID ""
619 | # endif
620 |
621 | #else
622 | # define ARCHITECTURE_ID
623 | #endif
624 |
625 | /* Convert integer to decimal digit literals. */
626 | #define DEC(n) \
627 | ('0' + (((n) / 10000000)%10)), \
628 | ('0' + (((n) / 1000000)%10)), \
629 | ('0' + (((n) / 100000)%10)), \
630 | ('0' + (((n) / 10000)%10)), \
631 | ('0' + (((n) / 1000)%10)), \
632 | ('0' + (((n) / 100)%10)), \
633 | ('0' + (((n) / 10)%10)), \
634 | ('0' + ((n) % 10))
635 |
636 | /* Convert integer to hex digit literals. */
637 | #define HEX(n) \
638 | ('0' + ((n)>>28 & 0xF)), \
639 | ('0' + ((n)>>24 & 0xF)), \
640 | ('0' + ((n)>>20 & 0xF)), \
641 | ('0' + ((n)>>16 & 0xF)), \
642 | ('0' + ((n)>>12 & 0xF)), \
643 | ('0' + ((n)>>8 & 0xF)), \
644 | ('0' + ((n)>>4 & 0xF)), \
645 | ('0' + ((n) & 0xF))
646 |
647 | /* Construct a string literal encoding the version number components. */
648 | #ifdef COMPILER_VERSION_MAJOR
649 | char const info_version[] = {
650 | 'I', 'N', 'F', 'O', ':',
651 | 'c','o','m','p','i','l','e','r','_','v','e','r','s','i','o','n','[',
652 | COMPILER_VERSION_MAJOR,
653 | # ifdef COMPILER_VERSION_MINOR
654 | '.', COMPILER_VERSION_MINOR,
655 | # ifdef COMPILER_VERSION_PATCH
656 | '.', COMPILER_VERSION_PATCH,
657 | # ifdef COMPILER_VERSION_TWEAK
658 | '.', COMPILER_VERSION_TWEAK,
659 | # endif
660 | # endif
661 | # endif
662 | ']','\0'};
663 | #endif
664 |
665 | /* Construct a string literal encoding the internal version number. */
666 | #ifdef COMPILER_VERSION_INTERNAL
667 | char const info_version_internal[] = {
668 | 'I', 'N', 'F', 'O', ':',
669 | 'c','o','m','p','i','l','e','r','_','v','e','r','s','i','o','n','_',
670 | 'i','n','t','e','r','n','a','l','[',
671 | COMPILER_VERSION_INTERNAL,']','\0'};
672 | #endif
673 |
674 | /* Construct a string literal encoding the version number components. */
675 | #ifdef SIMULATE_VERSION_MAJOR
676 | char const info_simulate_version[] = {
677 | 'I', 'N', 'F', 'O', ':',
678 | 's','i','m','u','l','a','t','e','_','v','e','r','s','i','o','n','[',
679 | SIMULATE_VERSION_MAJOR,
680 | # ifdef SIMULATE_VERSION_MINOR
681 | '.', SIMULATE_VERSION_MINOR,
682 | # ifdef SIMULATE_VERSION_PATCH
683 | '.', SIMULATE_VERSION_PATCH,
684 | # ifdef SIMULATE_VERSION_TWEAK
685 | '.', SIMULATE_VERSION_TWEAK,
686 | # endif
687 | # endif
688 | # endif
689 | ']','\0'};
690 | #endif
691 |
692 | /* Construct the string literal in pieces to prevent the source from
693 | getting matched. Store it in a pointer rather than an array
694 | because some compilers will just produce instructions to fill the
695 | array rather than assigning a pointer to a static array. */
696 | char const* info_platform = "INFO" ":" "platform[" PLATFORM_ID "]";
697 | char const* info_arch = "INFO" ":" "arch[" ARCHITECTURE_ID "]";
698 |
699 |
700 |
701 | #if !defined(__STDC__)
702 | # if (defined(_MSC_VER) && !defined(__clang__)) \
703 | || (defined(__ibmxl__) || defined(__IBMC__))
704 | # define C_DIALECT "90"
705 | # else
706 | # define C_DIALECT
707 | # endif
708 | #elif __STDC_VERSION__ >= 201000L
709 | # define C_DIALECT "11"
710 | #elif __STDC_VERSION__ >= 199901L
711 | # define C_DIALECT "99"
712 | #else
713 | # define C_DIALECT "90"
714 | #endif
715 | const char* info_language_dialect_default =
716 | "INFO" ":" "dialect_default[" C_DIALECT "]";
717 |
718 | /*--------------------------------------------------------------------------*/
719 |
720 | #ifdef ID_VOID_MAIN
721 | void main() {}
722 | #else
723 | # if defined(__CLASSIC_C__)
724 | int main(argc, argv) int argc; char *argv[];
725 | # else
726 | int main(int argc, char* argv[])
727 | # endif
728 | {
729 | int require = 0;
730 | require += info_compiler[argc];
731 | require += info_platform[argc];
732 | require += info_arch[argc];
733 | #ifdef COMPILER_VERSION_MAJOR
734 | require += info_version[argc];
735 | #endif
736 | #ifdef COMPILER_VERSION_INTERNAL
737 | require += info_version_internal[argc];
738 | #endif
739 | #ifdef SIMULATE_ID
740 | require += info_simulate[argc];
741 | #endif
742 | #ifdef SIMULATE_VERSION_MAJOR
743 | require += info_simulate_version[argc];
744 | #endif
745 | #if defined(__CRAYXT_COMPUTE_LINUX_TARGET)
746 | require += info_cray[argc];
747 | #endif
748 | require += info_language_dialect_default[argc];
749 | (void)argv;
750 | return require;
751 | }
752 | #endif
753 |
--------------------------------------------------------------------------------
/server-cpp/build/CMakeFiles/3.20.2/CompilerIdC/CMakeCCompilerId.o:
--------------------------------------------------------------------------------
https://raw.githubusercontent.com/renatoviolin/BERT-cpp-inference/953b9d84cde7c6cc238c14f4e330819008356175/server-cpp/build/CMakeFiles/3.20.2/CompilerIdC/CMakeCCompilerId.o
--------------------------------------------------------------------------------
/server-cpp/build/CMakeFiles/3.20.2/CompilerIdCXX/CMakeCXXCompilerId.cpp:
--------------------------------------------------------------------------------
1 | /* This source file must have a .cpp extension so that all C++ compilers
2 | recognize the extension without flags. Borland does not know .cxx for
3 | example. */
4 | #ifndef __cplusplus
5 | # error "A C compiler has been selected for C++."
6 | #endif
7 |
8 |
9 | /* Version number components: V=Version, R=Revision, P=Patch
10 | Version date components: YYYY=Year, MM=Month, DD=Day */
11 |
12 | #if defined(__COMO__)
13 | # define COMPILER_ID "Comeau"
14 | /* __COMO_VERSION__ = VRR */
15 | # define COMPILER_VERSION_MAJOR DEC(__COMO_VERSION__ / 100)
16 | # define COMPILER_VERSION_MINOR DEC(__COMO_VERSION__ % 100)
17 |
18 | #elif defined(__INTEL_COMPILER) || defined(__ICC)
19 | # define COMPILER_ID "Intel"
20 | # if defined(_MSC_VER)
21 | # define SIMULATE_ID "MSVC"
22 | # endif
23 | # if defined(__GNUC__)
24 | # define SIMULATE_ID "GNU"
25 | # endif
26 | /* __INTEL_COMPILER = VRP prior to 2021, and then VVVV for 2021 and later,
27 | except that a few beta releases use the old format with V=2021. */
28 | # if __INTEL_COMPILER < 2021 || __INTEL_COMPILER == 202110 || __INTEL_COMPILER == 202111
29 | # define COMPILER_VERSION_MAJOR DEC(__INTEL_COMPILER/100)
30 | # define COMPILER_VERSION_MINOR DEC(__INTEL_COMPILER/10 % 10)
31 | # if defined(__INTEL_COMPILER_UPDATE)
32 | # define COMPILER_VERSION_PATCH DEC(__INTEL_COMPILER_UPDATE)
33 | # else
34 | # define COMPILER_VERSION_PATCH DEC(__INTEL_COMPILER % 10)
35 | # endif
36 | # else
37 | # define COMPILER_VERSION_MAJOR DEC(__INTEL_COMPILER)
38 | # define COMPILER_VERSION_MINOR DEC(__INTEL_COMPILER_UPDATE)
39 | /* The third version component from --version is an update index,
40 | but no macro is provided for it. */
41 | # define COMPILER_VERSION_PATCH DEC(0)
42 | # endif
43 | # if defined(__INTEL_COMPILER_BUILD_DATE)
44 | /* __INTEL_COMPILER_BUILD_DATE = YYYYMMDD */
45 | # define COMPILER_VERSION_TWEAK DEC(__INTEL_COMPILER_BUILD_DATE)
46 | # endif
47 | # if defined(_MSC_VER)
48 | /* _MSC_VER = VVRR */
49 | # define SIMULATE_VERSION_MAJOR DEC(_MSC_VER / 100)
50 | # define SIMULATE_VERSION_MINOR DEC(_MSC_VER % 100)
51 | # endif
52 | # if defined(__GNUC__)
53 | # define SIMULATE_VERSION_MAJOR DEC(__GNUC__)
54 | # elif defined(__GNUG__)
55 | # define SIMULATE_VERSION_MAJOR DEC(__GNUG__)
56 | # endif
57 | # if defined(__GNUC_MINOR__)
58 | # define SIMULATE_VERSION_MINOR DEC(__GNUC_MINOR__)
59 | # endif
60 | # if defined(__GNUC_PATCHLEVEL__)
61 | # define SIMULATE_VERSION_PATCH DEC(__GNUC_PATCHLEVEL__)
62 | # endif
63 |
64 | #elif (defined(__clang__) && defined(__INTEL_CLANG_COMPILER)) || defined(__INTEL_LLVM_COMPILER)
65 | # define COMPILER_ID "IntelLLVM"
66 | #if defined(_MSC_VER)
67 | # define SIMULATE_ID "MSVC"
68 | #endif
69 | #if defined(__GNUC__)
70 | # define SIMULATE_ID "GNU"
71 | #endif
72 | /* __INTEL_LLVM_COMPILER = VVVVRP prior to 2021.2.0, VVVVRRPP for 2021.2.0 and
73 | * later. Look for 6 digit vs. 8 digit version number to decide encoding.
74 | * VVVV is no smaller than the current year when a versio is released.
75 | */
76 | #if __INTEL_LLVM_COMPILER < 1000000L
77 | # define COMPILER_VERSION_MAJOR DEC(__INTEL_LLVM_COMPILER/100)
78 | # define COMPILER_VERSION_MINOR DEC(__INTEL_LLVM_COMPILER/10 % 10)
79 | # define COMPILER_VERSION_PATCH DEC(__INTEL_LLVM_COMPILER % 10)
80 | #else
81 | # define COMPILER_VERSION_MAJOR DEC(__INTEL_LLVM_COMPILER/10000)
82 | # define COMPILER_VERSION_MINOR DEC(__INTEL_LLVM_COMPILER/100 % 100)
83 | # define COMPILER_VERSION_PATCH DEC(__INTEL_LLVM_COMPILER % 100)
84 | #endif
85 | #if defined(_MSC_VER)
86 | /* _MSC_VER = VVRR */
87 | # define SIMULATE_VERSION_MAJOR DEC(_MSC_VER / 100)
88 | # define SIMULATE_VERSION_MINOR DEC(_MSC_VER % 100)
89 | #endif
90 | #if defined(__GNUC__)
91 | # define SIMULATE_VERSION_MAJOR DEC(__GNUC__)
92 | #elif defined(__GNUG__)
93 | # define SIMULATE_VERSION_MAJOR DEC(__GNUG__)
94 | #endif
95 | #if defined(__GNUC_MINOR__)
96 | # define SIMULATE_VERSION_MINOR DEC(__GNUC_MINOR__)
97 | #endif
98 | #if defined(__GNUC_PATCHLEVEL__)
99 | # define SIMULATE_VERSION_PATCH DEC(__GNUC_PATCHLEVEL__)
100 | #endif
101 |
102 | #elif defined(__PATHCC__)
103 | # define COMPILER_ID "PathScale"
104 | # define COMPILER_VERSION_MAJOR DEC(__PATHCC__)
105 | # define COMPILER_VERSION_MINOR DEC(__PATHCC_MINOR__)
106 | # if defined(__PATHCC_PATCHLEVEL__)
107 | # define COMPILER_VERSION_PATCH DEC(__PATHCC_PATCHLEVEL__)
108 | # endif
109 |
110 | #elif defined(__BORLANDC__) && defined(__CODEGEARC_VERSION__)
111 | # define COMPILER_ID "Embarcadero"
112 | # define COMPILER_VERSION_MAJOR HEX(__CODEGEARC_VERSION__>>24 & 0x00FF)
113 | # define COMPILER_VERSION_MINOR HEX(__CODEGEARC_VERSION__>>16 & 0x00FF)
114 | # define COMPILER_VERSION_PATCH DEC(__CODEGEARC_VERSION__ & 0xFFFF)
115 |
116 | #elif defined(__BORLANDC__)
117 | # define COMPILER_ID "Borland"
118 | /* __BORLANDC__ = 0xVRR */
119 | # define COMPILER_VERSION_MAJOR HEX(__BORLANDC__>>8)
120 | # define COMPILER_VERSION_MINOR HEX(__BORLANDC__ & 0xFF)
121 |
122 | #elif defined(__WATCOMC__) && __WATCOMC__ < 1200
123 | # define COMPILER_ID "Watcom"
124 | /* __WATCOMC__ = VVRR */
125 | # define COMPILER_VERSION_MAJOR DEC(__WATCOMC__ / 100)
126 | # define COMPILER_VERSION_MINOR DEC((__WATCOMC__ / 10) % 10)
127 | # if (__WATCOMC__ % 10) > 0
128 | # define COMPILER_VERSION_PATCH DEC(__WATCOMC__ % 10)
129 | # endif
130 |
131 | #elif defined(__WATCOMC__)
132 | # define COMPILER_ID "OpenWatcom"
133 | /* __WATCOMC__ = VVRP + 1100 */
134 | # define COMPILER_VERSION_MAJOR DEC((__WATCOMC__ - 1100) / 100)
135 | # define COMPILER_VERSION_MINOR DEC((__WATCOMC__ / 10) % 10)
136 | # if (__WATCOMC__ % 10) > 0
137 | # define COMPILER_VERSION_PATCH DEC(__WATCOMC__ % 10)
138 | # endif
139 |
140 | #elif defined(__SUNPRO_CC)
141 | # define COMPILER_ID "SunPro"
142 | # if __SUNPRO_CC >= 0x5100
143 | /* __SUNPRO_CC = 0xVRRP */
144 | # define COMPILER_VERSION_MAJOR HEX(__SUNPRO_CC>>12)
145 | # define COMPILER_VERSION_MINOR HEX(__SUNPRO_CC>>4 & 0xFF)
146 | # define COMPILER_VERSION_PATCH HEX(__SUNPRO_CC & 0xF)
147 | # else
148 | /* __SUNPRO_CC = 0xVRP */
149 | # define COMPILER_VERSION_MAJOR HEX(__SUNPRO_CC>>8)
150 | # define COMPILER_VERSION_MINOR HEX(__SUNPRO_CC>>4 & 0xF)
151 | # define COMPILER_VERSION_PATCH HEX(__SUNPRO_CC & 0xF)
152 | # endif
153 |
154 | #elif defined(__HP_aCC)
155 | # define COMPILER_ID "HP"
156 | /* __HP_aCC = VVRRPP */
157 | # define COMPILER_VERSION_MAJOR DEC(__HP_aCC/10000)
158 | # define COMPILER_VERSION_MINOR DEC(__HP_aCC/100 % 100)
159 | # define COMPILER_VERSION_PATCH DEC(__HP_aCC % 100)
160 |
161 | #elif defined(__DECCXX)
162 | # define COMPILER_ID "Compaq"
163 | /* __DECCXX_VER = VVRRTPPPP */
164 | # define COMPILER_VERSION_MAJOR DEC(__DECCXX_VER/10000000)
165 | # define COMPILER_VERSION_MINOR DEC(__DECCXX_VER/100000 % 100)
166 | # define COMPILER_VERSION_PATCH DEC(__DECCXX_VER % 10000)
167 |
168 | #elif defined(__IBMCPP__) && defined(__COMPILER_VER__)
169 | # define COMPILER_ID "zOS"
170 | /* __IBMCPP__ = VRP */
171 | # define COMPILER_VERSION_MAJOR DEC(__IBMCPP__/100)
172 | # define COMPILER_VERSION_MINOR DEC(__IBMCPP__/10 % 10)
173 | # define COMPILER_VERSION_PATCH DEC(__IBMCPP__ % 10)
174 |
175 | #elif defined(__ibmxl__) && defined(__clang__)
176 | # define COMPILER_ID "XLClang"
177 | # define COMPILER_VERSION_MAJOR DEC(__ibmxl_version__)
178 | # define COMPILER_VERSION_MINOR DEC(__ibmxl_release__)
179 | # define COMPILER_VERSION_PATCH DEC(__ibmxl_modification__)
180 | # define COMPILER_VERSION_TWEAK DEC(__ibmxl_ptf_fix_level__)
181 |
182 |
183 | #elif defined(__IBMCPP__) && !defined(__COMPILER_VER__) && __IBMCPP__ >= 800
184 | # define COMPILER_ID "XL"
185 | /* __IBMCPP__ = VRP */
186 | # define COMPILER_VERSION_MAJOR DEC(__IBMCPP__/100)
187 | # define COMPILER_VERSION_MINOR DEC(__IBMCPP__/10 % 10)
188 | # define COMPILER_VERSION_PATCH DEC(__IBMCPP__ % 10)
189 |
190 | #elif defined(__IBMCPP__) && !defined(__COMPILER_VER__) && __IBMCPP__ < 800
191 | # define COMPILER_ID "VisualAge"
192 | /* __IBMCPP__ = VRP */
193 | # define COMPILER_VERSION_MAJOR DEC(__IBMCPP__/100)
194 | # define COMPILER_VERSION_MINOR DEC(__IBMCPP__/10 % 10)
195 | # define COMPILER_VERSION_PATCH DEC(__IBMCPP__ % 10)
196 |
197 | #elif defined(__NVCOMPILER)
198 | # define COMPILER_ID "NVHPC"
199 | # define COMPILER_VERSION_MAJOR DEC(__NVCOMPILER_MAJOR__)
200 | # define COMPILER_VERSION_MINOR DEC(__NVCOMPILER_MINOR__)
201 | # if defined(__NVCOMPILER_PATCHLEVEL__)
202 | # define COMPILER_VERSION_PATCH DEC(__NVCOMPILER_PATCHLEVEL__)
203 | # endif
204 |
205 | #elif defined(__PGI)
206 | # define COMPILER_ID "PGI"
207 | # define COMPILER_VERSION_MAJOR DEC(__PGIC__)
208 | # define COMPILER_VERSION_MINOR DEC(__PGIC_MINOR__)
209 | # if defined(__PGIC_PATCHLEVEL__)
210 | # define COMPILER_VERSION_PATCH DEC(__PGIC_PATCHLEVEL__)
211 | # endif
212 |
213 | #elif defined(_CRAYC)
214 | # define COMPILER_ID "Cray"
215 | # define COMPILER_VERSION_MAJOR DEC(_RELEASE_MAJOR)
216 | # define COMPILER_VERSION_MINOR DEC(_RELEASE_MINOR)
217 |
218 | #elif defined(__TI_COMPILER_VERSION__)
219 | # define COMPILER_ID "TI"
220 | /* __TI_COMPILER_VERSION__ = VVVRRRPPP */
221 | # define COMPILER_VERSION_MAJOR DEC(__TI_COMPILER_VERSION__/1000000)
222 | # define COMPILER_VERSION_MINOR DEC(__TI_COMPILER_VERSION__/1000 % 1000)
223 | # define COMPILER_VERSION_PATCH DEC(__TI_COMPILER_VERSION__ % 1000)
224 |
225 | #elif defined(__FUJITSU) || defined(__FCC_VERSION) || defined(__fcc_version)
226 | # define COMPILER_ID "Fujitsu"
227 |
228 | #elif defined(__ghs__)
229 | # define COMPILER_ID "GHS"
230 | /* __GHS_VERSION_NUMBER = VVVVRP */
231 | # ifdef __GHS_VERSION_NUMBER
232 | # define COMPILER_VERSION_MAJOR DEC(__GHS_VERSION_NUMBER / 100)
233 | # define COMPILER_VERSION_MINOR DEC(__GHS_VERSION_NUMBER / 10 % 10)
234 | # define COMPILER_VERSION_PATCH DEC(__GHS_VERSION_NUMBER % 10)
235 | # endif
236 |
237 | #elif defined(__SCO_VERSION__)
238 | # define COMPILER_ID "SCO"
239 |
240 | #elif defined(__ARMCC_VERSION) && !defined(__clang__)
241 | # define COMPILER_ID "ARMCC"
242 | #if __ARMCC_VERSION >= 1000000
243 | /* __ARMCC_VERSION = VRRPPPP */
244 | # define COMPILER_VERSION_MAJOR DEC(__ARMCC_VERSION/1000000)
245 | # define COMPILER_VERSION_MINOR DEC(__ARMCC_VERSION/10000 % 100)
246 | # define COMPILER_VERSION_PATCH DEC(__ARMCC_VERSION % 10000)
247 | #else
248 | /* __ARMCC_VERSION = VRPPPP */
249 | # define COMPILER_VERSION_MAJOR DEC(__ARMCC_VERSION/100000)
250 | # define COMPILER_VERSION_MINOR DEC(__ARMCC_VERSION/10000 % 10)
251 | # define COMPILER_VERSION_PATCH DEC(__ARMCC_VERSION % 10000)
252 | #endif
253 |
254 |
255 | #elif defined(__clang__) && defined(__apple_build_version__)
256 | # define COMPILER_ID "AppleClang"
257 | # if defined(_MSC_VER)
258 | # define SIMULATE_ID "MSVC"
259 | # endif
260 | # define COMPILER_VERSION_MAJOR DEC(__clang_major__)
261 | # define COMPILER_VERSION_MINOR DEC(__clang_minor__)
262 | # define COMPILER_VERSION_PATCH DEC(__clang_patchlevel__)
263 | # if defined(_MSC_VER)
264 | /* _MSC_VER = VVRR */
265 | # define SIMULATE_VERSION_MAJOR DEC(_MSC_VER / 100)
266 | # define SIMULATE_VERSION_MINOR DEC(_MSC_VER % 100)
267 | # endif
268 | # define COMPILER_VERSION_TWEAK DEC(__apple_build_version__)
269 |
270 | #elif defined(__clang__) && defined(__ARMCOMPILER_VERSION)
271 | # define COMPILER_ID "ARMClang"
272 | # define COMPILER_VERSION_MAJOR DEC(__ARMCOMPILER_VERSION/1000000)
273 | # define COMPILER_VERSION_MINOR DEC(__ARMCOMPILER_VERSION/10000 % 100)
274 | # define COMPILER_VERSION_PATCH DEC(__ARMCOMPILER_VERSION % 10000)
275 | # define COMPILER_VERSION_INTERNAL DEC(__ARMCOMPILER_VERSION)
276 |
277 | #elif defined(__clang__)
278 | # define COMPILER_ID "Clang"
279 | # if defined(_MSC_VER)
280 | # define SIMULATE_ID "MSVC"
281 | # endif
282 | # define COMPILER_VERSION_MAJOR DEC(__clang_major__)
283 | # define COMPILER_VERSION_MINOR DEC(__clang_minor__)
284 | # define COMPILER_VERSION_PATCH DEC(__clang_patchlevel__)
285 | # if defined(_MSC_VER)
286 | /* _MSC_VER = VVRR */
287 | # define SIMULATE_VERSION_MAJOR DEC(_MSC_VER / 100)
288 | # define SIMULATE_VERSION_MINOR DEC(_MSC_VER % 100)
289 | # endif
290 |
291 | #elif defined(__GNUC__) || defined(__GNUG__)
292 | # define COMPILER_ID "GNU"
293 | # if defined(__GNUC__)
294 | # define COMPILER_VERSION_MAJOR DEC(__GNUC__)
295 | # else
296 | # define COMPILER_VERSION_MAJOR DEC(__GNUG__)
297 | # endif
298 | # if defined(__GNUC_MINOR__)
299 | # define COMPILER_VERSION_MINOR DEC(__GNUC_MINOR__)
300 | # endif
301 | # if defined(__GNUC_PATCHLEVEL__)
302 | # define COMPILER_VERSION_PATCH DEC(__GNUC_PATCHLEVEL__)
303 | # endif
304 |
305 | #elif defined(_MSC_VER)
306 | # define COMPILER_ID "MSVC"
307 | /* _MSC_VER = VVRR */
308 | # define COMPILER_VERSION_MAJOR DEC(_MSC_VER / 100)
309 | # define COMPILER_VERSION_MINOR DEC(_MSC_VER % 100)
310 | # if defined(_MSC_FULL_VER)
311 | # if _MSC_VER >= 1400
312 | /* _MSC_FULL_VER = VVRRPPPPP */
313 | # define COMPILER_VERSION_PATCH DEC(_MSC_FULL_VER % 100000)
314 | # else
315 | /* _MSC_FULL_VER = VVRRPPPP */
316 | # define COMPILER_VERSION_PATCH DEC(_MSC_FULL_VER % 10000)
317 | # endif
318 | # endif
319 | # if defined(_MSC_BUILD)
320 | # define COMPILER_VERSION_TWEAK DEC(_MSC_BUILD)
321 | # endif
322 |
323 | #elif defined(__VISUALDSPVERSION__) || defined(__ADSPBLACKFIN__) || defined(__ADSPTS__) || defined(__ADSP21000__)
324 | # define COMPILER_ID "ADSP"
325 | #if defined(__VISUALDSPVERSION__)
326 | /* __VISUALDSPVERSION__ = 0xVVRRPP00 */
327 | # define COMPILER_VERSION_MAJOR HEX(__VISUALDSPVERSION__>>24)
328 | # define COMPILER_VERSION_MINOR HEX(__VISUALDSPVERSION__>>16 & 0xFF)
329 | # define COMPILER_VERSION_PATCH HEX(__VISUALDSPVERSION__>>8 & 0xFF)
330 | #endif
331 |
332 | #elif defined(__IAR_SYSTEMS_ICC__) || defined(__IAR_SYSTEMS_ICC)
333 | # define COMPILER_ID "IAR"
334 | # if defined(__VER__) && defined(__ICCARM__)
335 | # define COMPILER_VERSION_MAJOR DEC((__VER__) / 1000000)
336 | # define COMPILER_VERSION_MINOR DEC(((__VER__) / 1000) % 1000)
337 | # define COMPILER_VERSION_PATCH DEC((__VER__) % 1000)
338 | # define COMPILER_VERSION_INTERNAL DEC(__IAR_SYSTEMS_ICC__)
339 | # elif defined(__VER__) && (defined(__ICCAVR__) || defined(__ICCRX__) || defined(__ICCRH850__) || defined(__ICCRL78__) || defined(__ICC430__) || defined(__ICCRISCV__) || defined(__ICCV850__) || defined(__ICC8051__) || defined(__ICCSTM8__))
340 | # define COMPILER_VERSION_MAJOR DEC((__VER__) / 100)
341 | # define COMPILER_VERSION_MINOR DEC((__VER__) - (((__VER__) / 100)*100))
342 | # define COMPILER_VERSION_PATCH DEC(__SUBVERSION__)
343 | # define COMPILER_VERSION_INTERNAL DEC(__IAR_SYSTEMS_ICC__)
344 | # endif
345 |
346 |
347 | /* These compilers are either not known or too old to define an
348 | identification macro. Try to identify the platform and guess that
349 | it is the native compiler. */
350 | #elif defined(__hpux) || defined(__hpua)
351 | # define COMPILER_ID "HP"
352 |
353 | #else /* unknown compiler */
354 | # define COMPILER_ID ""
355 | #endif
356 |
357 | /* Construct the string literal in pieces to prevent the source from
358 | getting matched. Store it in a pointer rather than an array
359 | because some compilers will just produce instructions to fill the
360 | array rather than assigning a pointer to a static array. */
361 | char const* info_compiler = "INFO" ":" "compiler[" COMPILER_ID "]";
362 | #ifdef SIMULATE_ID
363 | char const* info_simulate = "INFO" ":" "simulate[" SIMULATE_ID "]";
364 | #endif
365 |
366 | #ifdef __QNXNTO__
367 | char const* qnxnto = "INFO" ":" "qnxnto[]";
368 | #endif
369 |
370 | #if defined(__CRAYXT_COMPUTE_LINUX_TARGET)
371 | char const *info_cray = "INFO" ":" "compiler_wrapper[CrayPrgEnv]";
372 | #endif
373 |
374 | #define STRINGIFY_HELPER(X) #X
375 | #define STRINGIFY(X) STRINGIFY_HELPER(X)
376 |
377 | /* Identify known platforms by name. */
378 | #if defined(__linux) || defined(__linux__) || defined(linux)
379 | # define PLATFORM_ID "Linux"
380 |
381 | #elif defined(__CYGWIN__)
382 | # define PLATFORM_ID "Cygwin"
383 |
384 | #elif defined(__MINGW32__)
385 | # define PLATFORM_ID "MinGW"
386 |
387 | #elif defined(__APPLE__)
388 | # define PLATFORM_ID "Darwin"
389 |
390 | #elif defined(_WIN32) || defined(__WIN32__) || defined(WIN32)
391 | # define PLATFORM_ID "Windows"
392 |
393 | #elif defined(__FreeBSD__) || defined(__FreeBSD)
394 | # define PLATFORM_ID "FreeBSD"
395 |
396 | #elif defined(__NetBSD__) || defined(__NetBSD)
397 | # define PLATFORM_ID "NetBSD"
398 |
399 | #elif defined(__OpenBSD__) || defined(__OPENBSD)
400 | # define PLATFORM_ID "OpenBSD"
401 |
402 | #elif defined(__sun) || defined(sun)
403 | # define PLATFORM_ID "SunOS"
404 |
405 | #elif defined(_AIX) || defined(__AIX) || defined(__AIX__) || defined(__aix) || defined(__aix__)
406 | # define PLATFORM_ID "AIX"
407 |
408 | #elif defined(__hpux) || defined(__hpux__)
409 | # define PLATFORM_ID "HP-UX"
410 |
411 | #elif defined(__HAIKU__)
412 | # define PLATFORM_ID "Haiku"
413 |
414 | #elif defined(__BeOS) || defined(__BEOS__) || defined(_BEOS)
415 | # define PLATFORM_ID "BeOS"
416 |
417 | #elif defined(__QNX__) || defined(__QNXNTO__)
418 | # define PLATFORM_ID "QNX"
419 |
420 | #elif defined(__tru64) || defined(_tru64) || defined(__TRU64__)
421 | # define PLATFORM_ID "Tru64"
422 |
423 | #elif defined(__riscos) || defined(__riscos__)
424 | # define PLATFORM_ID "RISCos"
425 |
426 | #elif defined(__sinix) || defined(__sinix__) || defined(__SINIX__)
427 | # define PLATFORM_ID "SINIX"
428 |
429 | #elif defined(__UNIX_SV__)
430 | # define PLATFORM_ID "UNIX_SV"
431 |
432 | #elif defined(__bsdos__)
433 | # define PLATFORM_ID "BSDOS"
434 |
435 | #elif defined(_MPRAS) || defined(MPRAS)
436 | # define PLATFORM_ID "MP-RAS"
437 |
438 | #elif defined(__osf) || defined(__osf__)
439 | # define PLATFORM_ID "OSF1"
440 |
441 | #elif defined(_SCO_SV) || defined(SCO_SV) || defined(sco_sv)
442 | # define PLATFORM_ID "SCO_SV"
443 |
444 | #elif defined(__ultrix) || defined(__ultrix__) || defined(_ULTRIX)
445 | # define PLATFORM_ID "ULTRIX"
446 |
447 | #elif defined(__XENIX__) || defined(_XENIX) || defined(XENIX)
448 | # define PLATFORM_ID "Xenix"
449 |
450 | #elif defined(__WATCOMC__)
451 | # if defined(__LINUX__)
452 | # define PLATFORM_ID "Linux"
453 |
454 | # elif defined(__DOS__)
455 | # define PLATFORM_ID "DOS"
456 |
457 | # elif defined(__OS2__)
458 | # define PLATFORM_ID "OS2"
459 |
460 | # elif defined(__WINDOWS__)
461 | # define PLATFORM_ID "Windows3x"
462 |
463 | # elif defined(__VXWORKS__)
464 | # define PLATFORM_ID "VxWorks"
465 |
466 | # else /* unknown platform */
467 | # define PLATFORM_ID
468 | # endif
469 |
470 | #elif defined(__INTEGRITY)
471 | # if defined(INT_178B)
472 | # define PLATFORM_ID "Integrity178"
473 |
474 | # else /* regular Integrity */
475 | # define PLATFORM_ID "Integrity"
476 | # endif
477 |
478 | #else /* unknown platform */
479 | # define PLATFORM_ID
480 |
481 | #endif
482 |
483 | /* For windows compilers MSVC and Intel we can determine
484 | the architecture of the compiler being used. This is because
485 | the compilers do not have flags that can change the architecture,
486 | but rather depend on which compiler is being used
487 | */
488 | #if defined(_WIN32) && defined(_MSC_VER)
489 | # if defined(_M_IA64)
490 | # define ARCHITECTURE_ID "IA64"
491 |
492 | # elif defined(_M_ARM64EC)
493 | # define ARCHITECTURE_ID "ARM64EC"
494 |
495 | # elif defined(_M_X64) || defined(_M_AMD64)
496 | # define ARCHITECTURE_ID "x64"
497 |
498 | # elif defined(_M_IX86)
499 | # define ARCHITECTURE_ID "X86"
500 |
501 | # elif defined(_M_ARM64)
502 | # define ARCHITECTURE_ID "ARM64"
503 |
504 | # elif defined(_M_ARM)
505 | # if _M_ARM == 4
506 | # define ARCHITECTURE_ID "ARMV4I"
507 | # elif _M_ARM == 5
508 | # define ARCHITECTURE_ID "ARMV5I"
509 | # else
510 | # define ARCHITECTURE_ID "ARMV" STRINGIFY(_M_ARM)
511 | # endif
512 |
513 | # elif defined(_M_MIPS)
514 | # define ARCHITECTURE_ID "MIPS"
515 |
516 | # elif defined(_M_SH)
517 | # define ARCHITECTURE_ID "SHx"
518 |
519 | # else /* unknown architecture */
520 | # define ARCHITECTURE_ID ""
521 | # endif
522 |
523 | #elif defined(__WATCOMC__)
524 | # if defined(_M_I86)
525 | # define ARCHITECTURE_ID "I86"
526 |
527 | # elif defined(_M_IX86)
528 | # define ARCHITECTURE_ID "X86"
529 |
530 | # else /* unknown architecture */
531 | # define ARCHITECTURE_ID ""
532 | # endif
533 |
534 | #elif defined(__IAR_SYSTEMS_ICC__) || defined(__IAR_SYSTEMS_ICC)
535 | # if defined(__ICCARM__)
536 | # define ARCHITECTURE_ID "ARM"
537 |
538 | # elif defined(__ICCRX__)
539 | # define ARCHITECTURE_ID "RX"
540 |
541 | # elif defined(__ICCRH850__)
542 | # define ARCHITECTURE_ID "RH850"
543 |
544 | # elif defined(__ICCRL78__)
545 | # define ARCHITECTURE_ID "RL78"
546 |
547 | # elif defined(__ICCRISCV__)
548 | # define ARCHITECTURE_ID "RISCV"
549 |
550 | # elif defined(__ICCAVR__)
551 | # define ARCHITECTURE_ID "AVR"
552 |
553 | # elif defined(__ICC430__)
554 | # define ARCHITECTURE_ID "MSP430"
555 |
556 | # elif defined(__ICCV850__)
557 | # define ARCHITECTURE_ID "V850"
558 |
559 | # elif defined(__ICC8051__)
560 | # define ARCHITECTURE_ID "8051"
561 |
562 | # elif defined(__ICCSTM8__)
563 | # define ARCHITECTURE_ID "STM8"
564 |
565 | # else /* unknown architecture */
566 | # define ARCHITECTURE_ID ""
567 | # endif
568 |
569 | #elif defined(__ghs__)
570 | # if defined(__PPC64__)
571 | # define ARCHITECTURE_ID "PPC64"
572 |
573 | # elif defined(__ppc__)
574 | # define ARCHITECTURE_ID "PPC"
575 |
576 | # elif defined(__ARM__)
577 | # define ARCHITECTURE_ID "ARM"
578 |
579 | # elif defined(__x86_64__)
580 | # define ARCHITECTURE_ID "x64"
581 |
582 | # elif defined(__i386__)
583 | # define ARCHITECTURE_ID "X86"
584 |
585 | # else /* unknown architecture */
586 | # define ARCHITECTURE_ID ""
587 | # endif
588 |
589 | #elif defined(__TI_COMPILER_VERSION__)
590 | # if defined(__TI_ARM__)
591 | # define ARCHITECTURE_ID "ARM"
592 |
593 | # elif defined(__MSP430__)
594 | # define ARCHITECTURE_ID "MSP430"
595 |
596 | # elif defined(__TMS320C28XX__)
597 | # define ARCHITECTURE_ID "TMS320C28x"
598 |
599 | # elif defined(__TMS320C6X__) || defined(_TMS320C6X)
600 | # define ARCHITECTURE_ID "TMS320C6x"
601 |
602 | # else /* unknown architecture */
603 | # define ARCHITECTURE_ID ""
604 | # endif
605 |
606 | #else
607 | # define ARCHITECTURE_ID
608 | #endif
609 |
610 | /* Convert integer to decimal digit literals. */
611 | #define DEC(n) \
612 | ('0' + (((n) / 10000000)%10)), \
613 | ('0' + (((n) / 1000000)%10)), \
614 | ('0' + (((n) / 100000)%10)), \
615 | ('0' + (((n) / 10000)%10)), \
616 | ('0' + (((n) / 1000)%10)), \
617 | ('0' + (((n) / 100)%10)), \
618 | ('0' + (((n) / 10)%10)), \
619 | ('0' + ((n) % 10))
620 |
621 | /* Convert integer to hex digit literals. */
622 | #define HEX(n) \
623 | ('0' + ((n)>>28 & 0xF)), \
624 | ('0' + ((n)>>24 & 0xF)), \
625 | ('0' + ((n)>>20 & 0xF)), \
626 | ('0' + ((n)>>16 & 0xF)), \
627 | ('0' + ((n)>>12 & 0xF)), \
628 | ('0' + ((n)>>8 & 0xF)), \
629 | ('0' + ((n)>>4 & 0xF)), \
630 | ('0' + ((n) & 0xF))
631 |
632 | /* Construct a string literal encoding the version number components. */
633 | #ifdef COMPILER_VERSION_MAJOR
634 | char const info_version[] = {
635 | 'I', 'N', 'F', 'O', ':',
636 | 'c','o','m','p','i','l','e','r','_','v','e','r','s','i','o','n','[',
637 | COMPILER_VERSION_MAJOR,
638 | # ifdef COMPILER_VERSION_MINOR
639 | '.', COMPILER_VERSION_MINOR,
640 | # ifdef COMPILER_VERSION_PATCH
641 | '.', COMPILER_VERSION_PATCH,
642 | # ifdef COMPILER_VERSION_TWEAK
643 | '.', COMPILER_VERSION_TWEAK,
644 | # endif
645 | # endif
646 | # endif
647 | ']','\0'};
648 | #endif
649 |
650 | /* Construct a string literal encoding the internal version number. */
651 | #ifdef COMPILER_VERSION_INTERNAL
652 | char const info_version_internal[] = {
653 | 'I', 'N', 'F', 'O', ':',
654 | 'c','o','m','p','i','l','e','r','_','v','e','r','s','i','o','n','_',
655 | 'i','n','t','e','r','n','a','l','[',
656 | COMPILER_VERSION_INTERNAL,']','\0'};
657 | #endif
658 |
659 | /* Construct a string literal encoding the version number components. */
660 | #ifdef SIMULATE_VERSION_MAJOR
661 | char const info_simulate_version[] = {
662 | 'I', 'N', 'F', 'O', ':',
663 | 's','i','m','u','l','a','t','e','_','v','e','r','s','i','o','n','[',
664 | SIMULATE_VERSION_MAJOR,
665 | # ifdef SIMULATE_VERSION_MINOR
666 | '.', SIMULATE_VERSION_MINOR,
667 | # ifdef SIMULATE_VERSION_PATCH
668 | '.', SIMULATE_VERSION_PATCH,
669 | # ifdef SIMULATE_VERSION_TWEAK
670 | '.', SIMULATE_VERSION_TWEAK,
671 | # endif
672 | # endif
673 | # endif
674 | ']','\0'};
675 | #endif
676 |
677 | /* Construct the string literal in pieces to prevent the source from
678 | getting matched. Store it in a pointer rather than an array
679 | because some compilers will just produce instructions to fill the
680 | array rather than assigning a pointer to a static array. */
681 | char const* info_platform = "INFO" ":" "platform[" PLATFORM_ID "]";
682 | char const* info_arch = "INFO" ":" "arch[" ARCHITECTURE_ID "]";
683 |
684 |
685 |
686 | #if defined(__INTEL_COMPILER) && defined(_MSVC_LANG) && _MSVC_LANG < 201403L
687 | # if defined(__INTEL_CXX11_MODE__)
688 | # if defined(__cpp_aggregate_nsdmi)
689 | # define CXX_STD 201402L
690 | # else
691 | # define CXX_STD 201103L
692 | # endif
693 | # else
694 | # define CXX_STD 199711L
695 | # endif
696 | #elif defined(_MSC_VER) && defined(_MSVC_LANG)
697 | # define CXX_STD _MSVC_LANG
698 | #else
699 | # define CXX_STD __cplusplus
700 | #endif
701 |
702 | const char* info_language_dialect_default = "INFO" ":" "dialect_default["
703 | #if CXX_STD > 202002L
704 | "23"
705 | #elif CXX_STD > 201703L
706 | "20"
707 | #elif CXX_STD >= 201703L
708 | "17"
709 | #elif CXX_STD >= 201402L
710 | "14"
711 | #elif CXX_STD >= 201103L
712 | "11"
713 | #else
714 | "98"
715 | #endif
716 | "]";
717 |
718 | /*--------------------------------------------------------------------------*/
719 |
720 | int main(int argc, char* argv[])
721 | {
722 | int require = 0;
723 | require += info_compiler[argc];
724 | require += info_platform[argc];
725 | #ifdef COMPILER_VERSION_MAJOR
726 | require += info_version[argc];
727 | #endif
728 | #ifdef COMPILER_VERSION_INTERNAL
729 | require += info_version_internal[argc];
730 | #endif
731 | #ifdef SIMULATE_ID
732 | require += info_simulate[argc];
733 | #endif
734 | #ifdef SIMULATE_VERSION_MAJOR
735 | require += info_simulate_version[argc];
736 | #endif
737 | #if defined(__CRAYXT_COMPUTE_LINUX_TARGET)
738 | require += info_cray[argc];
739 | #endif
740 | require += info_language_dialect_default[argc];
741 | (void)argv;
742 | return require;
743 | }
744 |
--------------------------------------------------------------------------------
/server-cpp/build/CMakeFiles/3.20.2/CompilerIdCXX/CMakeCXXCompilerId.o:
--------------------------------------------------------------------------------
https://raw.githubusercontent.com/renatoviolin/BERT-cpp-inference/953b9d84cde7c6cc238c14f4e330819008356175/server-cpp/build/CMakeFiles/3.20.2/CompilerIdCXX/CMakeCXXCompilerId.o
--------------------------------------------------------------------------------
/server-cpp/build/CMakeFiles/CMakeDirectoryInformation.cmake:
--------------------------------------------------------------------------------
1 | # CMAKE generated file: DO NOT EDIT!
2 | # Generated by "Unix Makefiles" Generator, CMake Version 3.20
3 |
4 | # Relative path conversion top directories.
5 | set(CMAKE_RELATIVE_PATH_TOP_SOURCE "/Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp")
6 | set(CMAKE_RELATIVE_PATH_TOP_BINARY "/Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/build")
7 |
8 | # Force unix paths in dependencies.
9 | set(CMAKE_FORCE_UNIX_PATHS 1)
10 |
11 |
12 | # The C and CXX include file regular expressions for this directory.
13 | set(CMAKE_C_INCLUDE_REGEX_SCAN "^.*$")
14 | set(CMAKE_C_INCLUDE_REGEX_COMPLAIN "^$")
15 | set(CMAKE_CXX_INCLUDE_REGEX_SCAN ${CMAKE_C_INCLUDE_REGEX_SCAN})
16 | set(CMAKE_CXX_INCLUDE_REGEX_COMPLAIN ${CMAKE_C_INCLUDE_REGEX_COMPLAIN})
17 |
--------------------------------------------------------------------------------
/server-cpp/build/CMakeFiles/CMakeError.log:
--------------------------------------------------------------------------------
1 | Compiling the C compiler identification source file "CMakeCCompilerId.c" failed.
2 | Compiler: /Library/Developer/CommandLineTools/usr/bin/cc
3 | Build flags:
4 | Id flags:
5 |
6 | The output was:
7 | 1
8 | ld: library not found for -lSystem
9 | clang: error: linker command failed with exit code 1 (use -v to see invocation)
10 |
11 |
12 | Compiling the CXX compiler identification source file "CMakeCXXCompilerId.cpp" failed.
13 | Compiler: /Library/Developer/CommandLineTools/usr/bin/c++
14 | Build flags:
15 | Id flags:
16 |
17 | The output was:
18 | 1
19 | ld: library not found for -lc++
20 | clang: error: linker command failed with exit code 1 (use -v to see invocation)
21 |
22 |
23 |
--------------------------------------------------------------------------------
/server-cpp/build/CMakeFiles/CMakeOutput.log:
--------------------------------------------------------------------------------
1 | The system is: Darwin - 20.4.0 - x86_64
2 | Compiling the C compiler identification source file "CMakeCCompilerId.c" succeeded.
3 | Compiler: /Library/Developer/CommandLineTools/usr/bin/cc
4 | Build flags:
5 | Id flags: -c
6 |
7 | The output was:
8 | 0
9 |
10 |
11 | Compilation of the C compiler identification source "CMakeCCompilerId.c" produced "CMakeCCompilerId.o"
12 |
13 | The C compiler identification is AppleClang, found in "/Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/build/CMakeFiles/3.20.2/CompilerIdC/CMakeCCompilerId.o"
14 |
15 | Compiling the CXX compiler identification source file "CMakeCXXCompilerId.cpp" succeeded.
16 | Compiler: /Library/Developer/CommandLineTools/usr/bin/c++
17 | Build flags:
18 | Id flags: -c
19 |
20 | The output was:
21 | 0
22 |
23 |
24 | Compilation of the CXX compiler identification source "CMakeCXXCompilerId.cpp" produced "CMakeCXXCompilerId.o"
25 |
26 | The CXX compiler identification is AppleClang, found in "/Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/build/CMakeFiles/3.20.2/CompilerIdCXX/CMakeCXXCompilerId.o"
27 |
28 | Detecting C compiler ABI info compiled with the following output:
29 | Change Dir: /Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/build/CMakeFiles/CMakeTmp
30 |
31 | Run Build Command(s):/usr/bin/make -f Makefile cmTC_ae0c4/fast && /Library/Developer/CommandLineTools/usr/bin/make -f CMakeFiles/cmTC_ae0c4.dir/build.make CMakeFiles/cmTC_ae0c4.dir/build
32 | Building C object CMakeFiles/cmTC_ae0c4.dir/CMakeCCompilerABI.c.o
33 | /Library/Developer/CommandLineTools/usr/bin/cc -isysroot /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk -v -Wl,-v -MD -MT CMakeFiles/cmTC_ae0c4.dir/CMakeCCompilerABI.c.o -MF CMakeFiles/cmTC_ae0c4.dir/CMakeCCompilerABI.c.o.d -o CMakeFiles/cmTC_ae0c4.dir/CMakeCCompilerABI.c.o -c /usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/CMakeCCompilerABI.c
34 | Apple clang version 12.0.5 (clang-1205.0.22.9)
35 | Target: x86_64-apple-darwin20.4.0
36 | Thread model: posix
37 | InstalledDir: /Library/Developer/CommandLineTools/usr/bin
38 | clang: warning: -Wl,-v: 'linker' input unused [-Wunused-command-line-argument]
39 | "/Library/Developer/CommandLineTools/usr/bin/clang" -cc1 -triple x86_64-apple-macosx11.0.0 -Wdeprecated-objc-isa-usage -Werror=deprecated-objc-isa-usage -Werror=implicit-function-declaration -emit-obj -mrelax-all -disable-free -disable-llvm-verifier -discard-value-names -main-file-name CMakeCCompilerABI.c -mrelocation-model pic -pic-level 2 -mframe-pointer=all -fno-strict-return -fno-rounding-math -munwind-tables -target-sdk-version=11.3 -fvisibility-inlines-hidden-static-local-var -target-cpu penryn -debugger-tuning=lldb -target-linker-version 650.9 -v -resource-dir /Library/Developer/CommandLineTools/usr/lib/clang/12.0.5 -dependency-file CMakeFiles/cmTC_ae0c4.dir/CMakeCCompilerABI.c.o.d -skip-unused-modulemap-deps -MT CMakeFiles/cmTC_ae0c4.dir/CMakeCCompilerABI.c.o -sys-header-deps -isysroot /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk -internal-isystem /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/local/include -internal-isystem /Library/Developer/CommandLineTools/usr/lib/clang/12.0.5/include -internal-externc-isystem /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include -internal-externc-isystem /Library/Developer/CommandLineTools/usr/include -Wno-reorder-init-list -Wno-implicit-int-float-conversion -Wno-c99-designator -Wno-final-dtor-non-final-class -Wno-extra-semi-stmt -Wno-misleading-indentation -Wno-quoted-include-in-framework-header -Wno-implicit-fallthrough -Wno-enum-enum-conversion -Wno-enum-float-conversion -Wno-elaborated-enum-base -fdebug-compilation-dir /Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/build/CMakeFiles/CMakeTmp -ferror-limit 19 -stack-protector 1 -fstack-check -mdarwin-stkchk-strong-link -fblocks -fencode-extended-block-signature -fregister-global-dtors-with-atexit -fgnuc-version=4.2.1 -fmax-type-align=16 -fcommon -clang-vendor-feature=+disableNonDependentMemberExprInCurrentInstantiation -fno-odr-hash-protocols -mllvm -disable-aligned-alloc-awareness=1 -o CMakeFiles/cmTC_ae0c4.dir/CMakeCCompilerABI.c.o -x c /usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/CMakeCCompilerABI.c
40 | clang -cc1 version 12.0.5 (clang-1205.0.22.9) default target x86_64-apple-darwin20.4.0
41 | ignoring nonexistent directory "/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/local/include"
42 | ignoring nonexistent directory "/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/Library/Frameworks"
43 | #include "..." search starts here:
44 | #include <...> search starts here:
45 | /Library/Developer/CommandLineTools/usr/lib/clang/12.0.5/include
46 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include
47 | /Library/Developer/CommandLineTools/usr/include
48 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/System/Library/Frameworks (framework directory)
49 | End of search list.
50 | Linking C executable cmTC_ae0c4
51 | /usr/local/Cellar/cmake/3.20.2/bin/cmake -E cmake_link_script CMakeFiles/cmTC_ae0c4.dir/link.txt --verbose=1
52 | /Library/Developer/CommandLineTools/usr/bin/cc -isysroot /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk -Wl,-search_paths_first -Wl,-headerpad_max_install_names -L/usr/local/opt/zlib/lib -v -Wl,-v CMakeFiles/cmTC_ae0c4.dir/CMakeCCompilerABI.c.o -o cmTC_ae0c4
53 | Apple clang version 12.0.5 (clang-1205.0.22.9)
54 | Target: x86_64-apple-darwin20.4.0
55 | Thread model: posix
56 | InstalledDir: /Library/Developer/CommandLineTools/usr/bin
57 | "/Library/Developer/CommandLineTools/usr/bin/ld" -demangle -lto_library /Library/Developer/CommandLineTools/usr/lib/libLTO.dylib -dynamic -arch x86_64 -platform_version macos 11.0.0 11.3 -syslibroot /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk -o cmTC_ae0c4 -L/usr/local/opt/zlib/lib -search_paths_first -headerpad_max_install_names -v CMakeFiles/cmTC_ae0c4.dir/CMakeCCompilerABI.c.o -lSystem /Library/Developer/CommandLineTools/usr/lib/clang/12.0.5/lib/darwin/libclang_rt.osx.a
58 | @(#)PROGRAM:ld PROJECT:ld64-650.9
59 | BUILD 00:19:30 Mar 17 2021
60 | configured to support archs: armv6 armv7 armv7s arm64 arm64e arm64_32 i386 x86_64 x86_64h armv6m armv7k armv7m armv7em
61 | Library search paths:
62 | /usr/local/opt/zlib/lib
63 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/lib
64 | Framework search paths:
65 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/System/Library/Frameworks/
66 |
67 |
68 |
69 | Parsed C implicit include dir info from above output: rv=done
70 | found start of include info
71 | found start of implicit include info
72 | add: [/Library/Developer/CommandLineTools/usr/lib/clang/12.0.5/include]
73 | add: [/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include]
74 | add: [/Library/Developer/CommandLineTools/usr/include]
75 | end of search list found
76 | collapse include dir [/Library/Developer/CommandLineTools/usr/lib/clang/12.0.5/include] ==> [/Library/Developer/CommandLineTools/usr/lib/clang/12.0.5/include]
77 | collapse include dir [/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include] ==> [/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include]
78 | collapse include dir [/Library/Developer/CommandLineTools/usr/include] ==> [/Library/Developer/CommandLineTools/usr/include]
79 | implicit include dirs: [/Library/Developer/CommandLineTools/usr/lib/clang/12.0.5/include;/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include;/Library/Developer/CommandLineTools/usr/include]
80 |
81 |
82 | Parsed C implicit link information from above output:
83 | link line regex: [^( *|.*[/\])(ld|CMAKE_LINK_STARTFILE-NOTFOUND|([^/\]+-)?ld|collect2)[^/\]*( |$)]
84 | ignore line: [Change Dir: /Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/build/CMakeFiles/CMakeTmp]
85 | ignore line: []
86 | ignore line: [Run Build Command(s):/usr/bin/make -f Makefile cmTC_ae0c4/fast && /Library/Developer/CommandLineTools/usr/bin/make -f CMakeFiles/cmTC_ae0c4.dir/build.make CMakeFiles/cmTC_ae0c4.dir/build]
87 | ignore line: [Building C object CMakeFiles/cmTC_ae0c4.dir/CMakeCCompilerABI.c.o]
88 | ignore line: [/Library/Developer/CommandLineTools/usr/bin/cc -isysroot /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk -v -Wl -v -MD -MT CMakeFiles/cmTC_ae0c4.dir/CMakeCCompilerABI.c.o -MF CMakeFiles/cmTC_ae0c4.dir/CMakeCCompilerABI.c.o.d -o CMakeFiles/cmTC_ae0c4.dir/CMakeCCompilerABI.c.o -c /usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/CMakeCCompilerABI.c]
89 | ignore line: [Apple clang version 12.0.5 (clang-1205.0.22.9)]
90 | ignore line: [Target: x86_64-apple-darwin20.4.0]
91 | ignore line: [Thread model: posix]
92 | ignore line: [InstalledDir: /Library/Developer/CommandLineTools/usr/bin]
93 | ignore line: [clang: warning: -Wl -v: 'linker' input unused [-Wunused-command-line-argument]]
94 | ignore line: [ "/Library/Developer/CommandLineTools/usr/bin/clang" -cc1 -triple x86_64-apple-macosx11.0.0 -Wdeprecated-objc-isa-usage -Werror=deprecated-objc-isa-usage -Werror=implicit-function-declaration -emit-obj -mrelax-all -disable-free -disable-llvm-verifier -discard-value-names -main-file-name CMakeCCompilerABI.c -mrelocation-model pic -pic-level 2 -mframe-pointer=all -fno-strict-return -fno-rounding-math -munwind-tables -target-sdk-version=11.3 -fvisibility-inlines-hidden-static-local-var -target-cpu penryn -debugger-tuning=lldb -target-linker-version 650.9 -v -resource-dir /Library/Developer/CommandLineTools/usr/lib/clang/12.0.5 -dependency-file CMakeFiles/cmTC_ae0c4.dir/CMakeCCompilerABI.c.o.d -skip-unused-modulemap-deps -MT CMakeFiles/cmTC_ae0c4.dir/CMakeCCompilerABI.c.o -sys-header-deps -isysroot /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk -internal-isystem /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/local/include -internal-isystem /Library/Developer/CommandLineTools/usr/lib/clang/12.0.5/include -internal-externc-isystem /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include -internal-externc-isystem /Library/Developer/CommandLineTools/usr/include -Wno-reorder-init-list -Wno-implicit-int-float-conversion -Wno-c99-designator -Wno-final-dtor-non-final-class -Wno-extra-semi-stmt -Wno-misleading-indentation -Wno-quoted-include-in-framework-header -Wno-implicit-fallthrough -Wno-enum-enum-conversion -Wno-enum-float-conversion -Wno-elaborated-enum-base -fdebug-compilation-dir /Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/build/CMakeFiles/CMakeTmp -ferror-limit 19 -stack-protector 1 -fstack-check -mdarwin-stkchk-strong-link -fblocks -fencode-extended-block-signature -fregister-global-dtors-with-atexit -fgnuc-version=4.2.1 -fmax-type-align=16 -fcommon -clang-vendor-feature=+disableNonDependentMemberExprInCurrentInstantiation -fno-odr-hash-protocols -mllvm -disable-aligned-alloc-awareness=1 -o CMakeFiles/cmTC_ae0c4.dir/CMakeCCompilerABI.c.o -x c /usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/CMakeCCompilerABI.c]
95 | ignore line: [clang -cc1 version 12.0.5 (clang-1205.0.22.9) default target x86_64-apple-darwin20.4.0]
96 | ignore line: [ignoring nonexistent directory "/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/local/include"]
97 | ignore line: [ignoring nonexistent directory "/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/Library/Frameworks"]
98 | ignore line: [#include "..." search starts here:]
99 | ignore line: [#include <...> search starts here:]
100 | ignore line: [ /Library/Developer/CommandLineTools/usr/lib/clang/12.0.5/include]
101 | ignore line: [ /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include]
102 | ignore line: [ /Library/Developer/CommandLineTools/usr/include]
103 | ignore line: [ /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/System/Library/Frameworks (framework directory)]
104 | ignore line: [End of search list.]
105 | ignore line: [Linking C executable cmTC_ae0c4]
106 | ignore line: [/usr/local/Cellar/cmake/3.20.2/bin/cmake -E cmake_link_script CMakeFiles/cmTC_ae0c4.dir/link.txt --verbose=1]
107 | ignore line: [/Library/Developer/CommandLineTools/usr/bin/cc -isysroot /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk -Wl -search_paths_first -Wl -headerpad_max_install_names -L/usr/local/opt/zlib/lib -v -Wl -v CMakeFiles/cmTC_ae0c4.dir/CMakeCCompilerABI.c.o -o cmTC_ae0c4 ]
108 | ignore line: [Apple clang version 12.0.5 (clang-1205.0.22.9)]
109 | ignore line: [Target: x86_64-apple-darwin20.4.0]
110 | ignore line: [Thread model: posix]
111 | ignore line: [InstalledDir: /Library/Developer/CommandLineTools/usr/bin]
112 | link line: [ "/Library/Developer/CommandLineTools/usr/bin/ld" -demangle -lto_library /Library/Developer/CommandLineTools/usr/lib/libLTO.dylib -dynamic -arch x86_64 -platform_version macos 11.0.0 11.3 -syslibroot /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk -o cmTC_ae0c4 -L/usr/local/opt/zlib/lib -search_paths_first -headerpad_max_install_names -v CMakeFiles/cmTC_ae0c4.dir/CMakeCCompilerABI.c.o -lSystem /Library/Developer/CommandLineTools/usr/lib/clang/12.0.5/lib/darwin/libclang_rt.osx.a]
113 | arg [/Library/Developer/CommandLineTools/usr/bin/ld] ==> ignore
114 | arg [-demangle] ==> ignore
115 | arg [-lto_library] ==> ignore, skip following value
116 | arg [/Library/Developer/CommandLineTools/usr/lib/libLTO.dylib] ==> skip value of -lto_library
117 | arg [-dynamic] ==> ignore
118 | arg [-arch] ==> ignore
119 | arg [x86_64] ==> ignore
120 | arg [-platform_version] ==> ignore
121 | arg [macos] ==> ignore
122 | arg [11.0.0] ==> ignore
123 | arg [11.3] ==> ignore
124 | arg [-syslibroot] ==> ignore
125 | arg [/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk] ==> ignore
126 | arg [-o] ==> ignore
127 | arg [cmTC_ae0c4] ==> ignore
128 | arg [-L/usr/local/opt/zlib/lib] ==> dir [/usr/local/opt/zlib/lib]
129 | arg [-search_paths_first] ==> ignore
130 | arg [-headerpad_max_install_names] ==> ignore
131 | arg [-v] ==> ignore
132 | arg [CMakeFiles/cmTC_ae0c4.dir/CMakeCCompilerABI.c.o] ==> ignore
133 | arg [-lSystem] ==> lib [System]
134 | arg [/Library/Developer/CommandLineTools/usr/lib/clang/12.0.5/lib/darwin/libclang_rt.osx.a] ==> lib [/Library/Developer/CommandLineTools/usr/lib/clang/12.0.5/lib/darwin/libclang_rt.osx.a]
135 | Library search paths: [;/usr/local/opt/zlib/lib;/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/lib]
136 | Framework search paths: [;/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/System/Library/Frameworks/]
137 | remove lib [System]
138 | remove lib [/Library/Developer/CommandLineTools/usr/lib/clang/12.0.5/lib/darwin/libclang_rt.osx.a]
139 | collapse library dir [/usr/local/opt/zlib/lib] ==> [/usr/local/opt/zlib/lib]
140 | collapse library dir [/usr/local/opt/zlib/lib] ==> [/usr/local/opt/zlib/lib]
141 | collapse library dir [/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/lib] ==> [/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/lib]
142 | collapse framework dir [/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/System/Library/Frameworks/] ==> [/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/System/Library/Frameworks]
143 | implicit libs: []
144 | implicit objs: []
145 | implicit dirs: [/usr/local/opt/zlib/lib;/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/lib]
146 | implicit fwks: [/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/System/Library/Frameworks]
147 |
148 |
149 | Detecting CXX compiler ABI info compiled with the following output:
150 | Change Dir: /Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/build/CMakeFiles/CMakeTmp
151 |
152 | Run Build Command(s):/usr/bin/make -f Makefile cmTC_8da0b/fast && /Library/Developer/CommandLineTools/usr/bin/make -f CMakeFiles/cmTC_8da0b.dir/build.make CMakeFiles/cmTC_8da0b.dir/build
153 | Building CXX object CMakeFiles/cmTC_8da0b.dir/CMakeCXXCompilerABI.cpp.o
154 | /Library/Developer/CommandLineTools/usr/bin/c++ -isysroot /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk -v -Wl,-v -MD -MT CMakeFiles/cmTC_8da0b.dir/CMakeCXXCompilerABI.cpp.o -MF CMakeFiles/cmTC_8da0b.dir/CMakeCXXCompilerABI.cpp.o.d -o CMakeFiles/cmTC_8da0b.dir/CMakeCXXCompilerABI.cpp.o -c /usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/CMakeCXXCompilerABI.cpp
155 | Apple clang version 12.0.5 (clang-1205.0.22.9)
156 | Target: x86_64-apple-darwin20.4.0
157 | Thread model: posix
158 | InstalledDir: /Library/Developer/CommandLineTools/usr/bin
159 | clang: warning: -Wl,-v: 'linker' input unused [-Wunused-command-line-argument]
160 | "/Library/Developer/CommandLineTools/usr/bin/clang" -cc1 -triple x86_64-apple-macosx11.0.0 -Wdeprecated-objc-isa-usage -Werror=deprecated-objc-isa-usage -Werror=implicit-function-declaration -emit-obj -mrelax-all -disable-free -disable-llvm-verifier -discard-value-names -main-file-name CMakeCXXCompilerABI.cpp -mrelocation-model pic -pic-level 2 -mframe-pointer=all -fno-strict-return -fno-rounding-math -munwind-tables -target-sdk-version=11.3 -fvisibility-inlines-hidden-static-local-var -target-cpu penryn -debugger-tuning=lldb -target-linker-version 650.9 -v -resource-dir /Library/Developer/CommandLineTools/usr/lib/clang/12.0.5 -dependency-file CMakeFiles/cmTC_8da0b.dir/CMakeCXXCompilerABI.cpp.o.d -skip-unused-modulemap-deps -MT CMakeFiles/cmTC_8da0b.dir/CMakeCXXCompilerABI.cpp.o -sys-header-deps -isysroot /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk -stdlib=libc++ -internal-isystem /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1 -internal-isystem /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/local/include -internal-isystem /Library/Developer/CommandLineTools/usr/lib/clang/12.0.5/include -internal-externc-isystem /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include -internal-externc-isystem /Library/Developer/CommandLineTools/usr/include -Wno-reorder-init-list -Wno-implicit-int-float-conversion -Wno-c99-designator -Wno-final-dtor-non-final-class -Wno-extra-semi-stmt -Wno-misleading-indentation -Wno-quoted-include-in-framework-header -Wno-implicit-fallthrough -Wno-enum-enum-conversion -Wno-enum-float-conversion -Wno-elaborated-enum-base -fdeprecated-macro -fdebug-compilation-dir /Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/build/CMakeFiles/CMakeTmp -ferror-limit 19 -stack-protector 1 -fstack-check -mdarwin-stkchk-strong-link -fblocks -fencode-extended-block-signature -fregister-global-dtors-with-atexit -fgnuc-version=4.2.1 -fcxx-exceptions -fexceptions -fmax-type-align=16 -fcommon -clang-vendor-feature=+disableNonDependentMemberExprInCurrentInstantiation -fno-odr-hash-protocols -mllvm -disable-aligned-alloc-awareness=1 -o CMakeFiles/cmTC_8da0b.dir/CMakeCXXCompilerABI.cpp.o -x c++ /usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/CMakeCXXCompilerABI.cpp
161 | clang -cc1 version 12.0.5 (clang-1205.0.22.9) default target x86_64-apple-darwin20.4.0
162 | ignoring nonexistent directory "/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/local/include"
163 | ignoring nonexistent directory "/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/Library/Frameworks"
164 | #include "..." search starts here:
165 | #include <...> search starts here:
166 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1
167 | /Library/Developer/CommandLineTools/usr/lib/clang/12.0.5/include
168 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include
169 | /Library/Developer/CommandLineTools/usr/include
170 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/System/Library/Frameworks (framework directory)
171 | End of search list.
172 | Linking CXX executable cmTC_8da0b
173 | /usr/local/Cellar/cmake/3.20.2/bin/cmake -E cmake_link_script CMakeFiles/cmTC_8da0b.dir/link.txt --verbose=1
174 | /Library/Developer/CommandLineTools/usr/bin/c++ -isysroot /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk -Wl,-search_paths_first -Wl,-headerpad_max_install_names -L/usr/local/opt/zlib/lib -v -Wl,-v CMakeFiles/cmTC_8da0b.dir/CMakeCXXCompilerABI.cpp.o -o cmTC_8da0b
175 | Apple clang version 12.0.5 (clang-1205.0.22.9)
176 | Target: x86_64-apple-darwin20.4.0
177 | Thread model: posix
178 | InstalledDir: /Library/Developer/CommandLineTools/usr/bin
179 | "/Library/Developer/CommandLineTools/usr/bin/ld" -demangle -lto_library /Library/Developer/CommandLineTools/usr/lib/libLTO.dylib -dynamic -arch x86_64 -platform_version macos 11.0.0 11.3 -syslibroot /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk -o cmTC_8da0b -L/usr/local/opt/zlib/lib -search_paths_first -headerpad_max_install_names -v CMakeFiles/cmTC_8da0b.dir/CMakeCXXCompilerABI.cpp.o -lc++ -lSystem /Library/Developer/CommandLineTools/usr/lib/clang/12.0.5/lib/darwin/libclang_rt.osx.a
180 | @(#)PROGRAM:ld PROJECT:ld64-650.9
181 | BUILD 00:19:30 Mar 17 2021
182 | configured to support archs: armv6 armv7 armv7s arm64 arm64e arm64_32 i386 x86_64 x86_64h armv6m armv7k armv7m armv7em
183 | Library search paths:
184 | /usr/local/opt/zlib/lib
185 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/lib
186 | Framework search paths:
187 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/System/Library/Frameworks/
188 |
189 |
190 |
191 | Parsed CXX implicit include dir info from above output: rv=done
192 | found start of include info
193 | found start of implicit include info
194 | add: [/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1]
195 | add: [/Library/Developer/CommandLineTools/usr/lib/clang/12.0.5/include]
196 | add: [/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include]
197 | add: [/Library/Developer/CommandLineTools/usr/include]
198 | end of search list found
199 | collapse include dir [/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1] ==> [/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1]
200 | collapse include dir [/Library/Developer/CommandLineTools/usr/lib/clang/12.0.5/include] ==> [/Library/Developer/CommandLineTools/usr/lib/clang/12.0.5/include]
201 | collapse include dir [/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include] ==> [/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include]
202 | collapse include dir [/Library/Developer/CommandLineTools/usr/include] ==> [/Library/Developer/CommandLineTools/usr/include]
203 | implicit include dirs: [/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1;/Library/Developer/CommandLineTools/usr/lib/clang/12.0.5/include;/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include;/Library/Developer/CommandLineTools/usr/include]
204 |
205 |
206 | Parsed CXX implicit link information from above output:
207 | link line regex: [^( *|.*[/\])(ld|CMAKE_LINK_STARTFILE-NOTFOUND|([^/\]+-)?ld|collect2)[^/\]*( |$)]
208 | ignore line: [Change Dir: /Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/build/CMakeFiles/CMakeTmp]
209 | ignore line: []
210 | ignore line: [Run Build Command(s):/usr/bin/make -f Makefile cmTC_8da0b/fast && /Library/Developer/CommandLineTools/usr/bin/make -f CMakeFiles/cmTC_8da0b.dir/build.make CMakeFiles/cmTC_8da0b.dir/build]
211 | ignore line: [Building CXX object CMakeFiles/cmTC_8da0b.dir/CMakeCXXCompilerABI.cpp.o]
212 | ignore line: [/Library/Developer/CommandLineTools/usr/bin/c++ -isysroot /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk -v -Wl -v -MD -MT CMakeFiles/cmTC_8da0b.dir/CMakeCXXCompilerABI.cpp.o -MF CMakeFiles/cmTC_8da0b.dir/CMakeCXXCompilerABI.cpp.o.d -o CMakeFiles/cmTC_8da0b.dir/CMakeCXXCompilerABI.cpp.o -c /usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/CMakeCXXCompilerABI.cpp]
213 | ignore line: [Apple clang version 12.0.5 (clang-1205.0.22.9)]
214 | ignore line: [Target: x86_64-apple-darwin20.4.0]
215 | ignore line: [Thread model: posix]
216 | ignore line: [InstalledDir: /Library/Developer/CommandLineTools/usr/bin]
217 | ignore line: [clang: warning: -Wl -v: 'linker' input unused [-Wunused-command-line-argument]]
218 | ignore line: [ "/Library/Developer/CommandLineTools/usr/bin/clang" -cc1 -triple x86_64-apple-macosx11.0.0 -Wdeprecated-objc-isa-usage -Werror=deprecated-objc-isa-usage -Werror=implicit-function-declaration -emit-obj -mrelax-all -disable-free -disable-llvm-verifier -discard-value-names -main-file-name CMakeCXXCompilerABI.cpp -mrelocation-model pic -pic-level 2 -mframe-pointer=all -fno-strict-return -fno-rounding-math -munwind-tables -target-sdk-version=11.3 -fvisibility-inlines-hidden-static-local-var -target-cpu penryn -debugger-tuning=lldb -target-linker-version 650.9 -v -resource-dir /Library/Developer/CommandLineTools/usr/lib/clang/12.0.5 -dependency-file CMakeFiles/cmTC_8da0b.dir/CMakeCXXCompilerABI.cpp.o.d -skip-unused-modulemap-deps -MT CMakeFiles/cmTC_8da0b.dir/CMakeCXXCompilerABI.cpp.o -sys-header-deps -isysroot /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk -stdlib=libc++ -internal-isystem /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1 -internal-isystem /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/local/include -internal-isystem /Library/Developer/CommandLineTools/usr/lib/clang/12.0.5/include -internal-externc-isystem /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include -internal-externc-isystem /Library/Developer/CommandLineTools/usr/include -Wno-reorder-init-list -Wno-implicit-int-float-conversion -Wno-c99-designator -Wno-final-dtor-non-final-class -Wno-extra-semi-stmt -Wno-misleading-indentation -Wno-quoted-include-in-framework-header -Wno-implicit-fallthrough -Wno-enum-enum-conversion -Wno-enum-float-conversion -Wno-elaborated-enum-base -fdeprecated-macro -fdebug-compilation-dir /Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/build/CMakeFiles/CMakeTmp -ferror-limit 19 -stack-protector 1 -fstack-check -mdarwin-stkchk-strong-link -fblocks -fencode-extended-block-signature -fregister-global-dtors-with-atexit -fgnuc-version=4.2.1 -fcxx-exceptions -fexceptions -fmax-type-align=16 -fcommon -clang-vendor-feature=+disableNonDependentMemberExprInCurrentInstantiation -fno-odr-hash-protocols -mllvm -disable-aligned-alloc-awareness=1 -o CMakeFiles/cmTC_8da0b.dir/CMakeCXXCompilerABI.cpp.o -x c++ /usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/CMakeCXXCompilerABI.cpp]
219 | ignore line: [clang -cc1 version 12.0.5 (clang-1205.0.22.9) default target x86_64-apple-darwin20.4.0]
220 | ignore line: [ignoring nonexistent directory "/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/local/include"]
221 | ignore line: [ignoring nonexistent directory "/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/Library/Frameworks"]
222 | ignore line: [#include "..." search starts here:]
223 | ignore line: [#include <...> search starts here:]
224 | ignore line: [ /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1]
225 | ignore line: [ /Library/Developer/CommandLineTools/usr/lib/clang/12.0.5/include]
226 | ignore line: [ /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include]
227 | ignore line: [ /Library/Developer/CommandLineTools/usr/include]
228 | ignore line: [ /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/System/Library/Frameworks (framework directory)]
229 | ignore line: [End of search list.]
230 | ignore line: [Linking CXX executable cmTC_8da0b]
231 | ignore line: [/usr/local/Cellar/cmake/3.20.2/bin/cmake -E cmake_link_script CMakeFiles/cmTC_8da0b.dir/link.txt --verbose=1]
232 | ignore line: [/Library/Developer/CommandLineTools/usr/bin/c++ -isysroot /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk -Wl -search_paths_first -Wl -headerpad_max_install_names -L/usr/local/opt/zlib/lib -v -Wl -v CMakeFiles/cmTC_8da0b.dir/CMakeCXXCompilerABI.cpp.o -o cmTC_8da0b ]
233 | ignore line: [Apple clang version 12.0.5 (clang-1205.0.22.9)]
234 | ignore line: [Target: x86_64-apple-darwin20.4.0]
235 | ignore line: [Thread model: posix]
236 | ignore line: [InstalledDir: /Library/Developer/CommandLineTools/usr/bin]
237 | link line: [ "/Library/Developer/CommandLineTools/usr/bin/ld" -demangle -lto_library /Library/Developer/CommandLineTools/usr/lib/libLTO.dylib -dynamic -arch x86_64 -platform_version macos 11.0.0 11.3 -syslibroot /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk -o cmTC_8da0b -L/usr/local/opt/zlib/lib -search_paths_first -headerpad_max_install_names -v CMakeFiles/cmTC_8da0b.dir/CMakeCXXCompilerABI.cpp.o -lc++ -lSystem /Library/Developer/CommandLineTools/usr/lib/clang/12.0.5/lib/darwin/libclang_rt.osx.a]
238 | arg [/Library/Developer/CommandLineTools/usr/bin/ld] ==> ignore
239 | arg [-demangle] ==> ignore
240 | arg [-lto_library] ==> ignore, skip following value
241 | arg [/Library/Developer/CommandLineTools/usr/lib/libLTO.dylib] ==> skip value of -lto_library
242 | arg [-dynamic] ==> ignore
243 | arg [-arch] ==> ignore
244 | arg [x86_64] ==> ignore
245 | arg [-platform_version] ==> ignore
246 | arg [macos] ==> ignore
247 | arg [11.0.0] ==> ignore
248 | arg [11.3] ==> ignore
249 | arg [-syslibroot] ==> ignore
250 | arg [/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk] ==> ignore
251 | arg [-o] ==> ignore
252 | arg [cmTC_8da0b] ==> ignore
253 | arg [-L/usr/local/opt/zlib/lib] ==> dir [/usr/local/opt/zlib/lib]
254 | arg [-search_paths_first] ==> ignore
255 | arg [-headerpad_max_install_names] ==> ignore
256 | arg [-v] ==> ignore
257 | arg [CMakeFiles/cmTC_8da0b.dir/CMakeCXXCompilerABI.cpp.o] ==> ignore
258 | arg [-lc++] ==> lib [c++]
259 | arg [-lSystem] ==> lib [System]
260 | arg [/Library/Developer/CommandLineTools/usr/lib/clang/12.0.5/lib/darwin/libclang_rt.osx.a] ==> lib [/Library/Developer/CommandLineTools/usr/lib/clang/12.0.5/lib/darwin/libclang_rt.osx.a]
261 | Library search paths: [;/usr/local/opt/zlib/lib;/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/lib]
262 | Framework search paths: [;/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/System/Library/Frameworks/]
263 | remove lib [System]
264 | remove lib [/Library/Developer/CommandLineTools/usr/lib/clang/12.0.5/lib/darwin/libclang_rt.osx.a]
265 | collapse library dir [/usr/local/opt/zlib/lib] ==> [/usr/local/opt/zlib/lib]
266 | collapse library dir [/usr/local/opt/zlib/lib] ==> [/usr/local/opt/zlib/lib]
267 | collapse library dir [/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/lib] ==> [/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/lib]
268 | collapse framework dir [/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/System/Library/Frameworks/] ==> [/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/System/Library/Frameworks]
269 | implicit libs: [c++]
270 | implicit objs: []
271 | implicit dirs: [/usr/local/opt/zlib/lib;/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/lib]
272 | implicit fwks: [/Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/System/Library/Frameworks]
273 |
274 |
275 | Determining if the include file pthread.h exists passed with the following output:
276 | Change Dir: /Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/build/CMakeFiles/CMakeTmp
277 |
278 | Run Build Command(s):/usr/bin/make -f Makefile cmTC_46239/fast && /Library/Developer/CommandLineTools/usr/bin/make -f CMakeFiles/cmTC_46239.dir/build.make CMakeFiles/cmTC_46239.dir/build
279 | Building C object CMakeFiles/cmTC_46239.dir/CheckIncludeFile.c.o
280 | /Library/Developer/CommandLineTools/usr/bin/cc -isysroot /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk -MD -MT CMakeFiles/cmTC_46239.dir/CheckIncludeFile.c.o -MF CMakeFiles/cmTC_46239.dir/CheckIncludeFile.c.o.d -o CMakeFiles/cmTC_46239.dir/CheckIncludeFile.c.o -c /Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/build/CMakeFiles/CMakeTmp/CheckIncludeFile.c
281 | Linking C executable cmTC_46239
282 | /usr/local/Cellar/cmake/3.20.2/bin/cmake -E cmake_link_script CMakeFiles/cmTC_46239.dir/link.txt --verbose=1
283 | /Library/Developer/CommandLineTools/usr/bin/cc -isysroot /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk -Wl,-search_paths_first -Wl,-headerpad_max_install_names -L/usr/local/opt/zlib/lib CMakeFiles/cmTC_46239.dir/CheckIncludeFile.c.o -o cmTC_46239
284 |
285 |
286 |
287 | Performing C SOURCE FILE Test CMAKE_HAVE_LIBC_PTHREAD succeeded with the following output:
288 | Change Dir: /Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/build/CMakeFiles/CMakeTmp
289 |
290 | Run Build Command(s):/usr/bin/make -f Makefile cmTC_26503/fast && /Library/Developer/CommandLineTools/usr/bin/make -f CMakeFiles/cmTC_26503.dir/build.make CMakeFiles/cmTC_26503.dir/build
291 | Building C object CMakeFiles/cmTC_26503.dir/src.c.o
292 | /Library/Developer/CommandLineTools/usr/bin/cc -DCMAKE_HAVE_LIBC_PTHREAD -isysroot /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk -MD -MT CMakeFiles/cmTC_26503.dir/src.c.o -MF CMakeFiles/cmTC_26503.dir/src.c.o.d -o CMakeFiles/cmTC_26503.dir/src.c.o -c /Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/build/CMakeFiles/CMakeTmp/src.c
293 | Linking C executable cmTC_26503
294 | /usr/local/Cellar/cmake/3.20.2/bin/cmake -E cmake_link_script CMakeFiles/cmTC_26503.dir/link.txt --verbose=1
295 | /Library/Developer/CommandLineTools/usr/bin/cc -isysroot /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk -Wl,-search_paths_first -Wl,-headerpad_max_install_names -L/usr/local/opt/zlib/lib CMakeFiles/cmTC_26503.dir/src.c.o -o cmTC_26503
296 |
297 |
298 | Source file was:
299 | #include
300 |
301 | static void* test_func(void* data)
302 | {
303 | return data;
304 | }
305 |
306 | int main(void)
307 | {
308 | pthread_t thread;
309 | pthread_create(&thread, NULL, test_func, NULL);
310 | pthread_detach(thread);
311 | pthread_cancel(thread);
312 | pthread_join(thread, NULL);
313 | pthread_atfork(NULL, NULL, NULL);
314 | pthread_exit(NULL);
315 |
316 | return 0;
317 | }
318 |
319 |
--------------------------------------------------------------------------------
/server-cpp/build/CMakeFiles/Makefile.cmake:
--------------------------------------------------------------------------------
1 | # CMAKE generated file: DO NOT EDIT!
2 | # Generated by "Unix Makefiles" Generator, CMake Version 3.20
3 |
4 | # The generator used is:
5 | set(CMAKE_DEPENDS_GENERATOR "Unix Makefiles")
6 |
7 | # The top level Makefile was generated from the following files:
8 | set(CMAKE_MAKEFILE_DEPENDS
9 | "CMakeCache.txt"
10 | "/Users/renato/Documents/dev/libtorch/share/cmake/Caffe2/Caffe2Config.cmake"
11 | "/Users/renato/Documents/dev/libtorch/share/cmake/Caffe2/Caffe2ConfigVersion.cmake"
12 | "/Users/renato/Documents/dev/libtorch/share/cmake/Caffe2/Caffe2Targets-release.cmake"
13 | "/Users/renato/Documents/dev/libtorch/share/cmake/Caffe2/Caffe2Targets.cmake"
14 | "/Users/renato/Documents/dev/libtorch/share/cmake/Caffe2/public/mkl.cmake"
15 | "/Users/renato/Documents/dev/libtorch/share/cmake/Caffe2/public/mkldnn.cmake"
16 | "/Users/renato/Documents/dev/libtorch/share/cmake/Caffe2/public/threads.cmake"
17 | "/Users/renato/Documents/dev/libtorch/share/cmake/Caffe2/public/utils.cmake"
18 | "/Users/renato/Documents/dev/libtorch/share/cmake/Torch/TorchConfig.cmake"
19 | "/Users/renato/Documents/dev/libtorch/share/cmake/Torch/TorchConfigVersion.cmake"
20 | "../CMakeLists.txt"
21 | "CMakeFiles/3.20.2/CMakeCCompiler.cmake"
22 | "CMakeFiles/3.20.2/CMakeCXXCompiler.cmake"
23 | "CMakeFiles/3.20.2/CMakeSystem.cmake"
24 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/CMakeCCompiler.cmake.in"
25 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/CMakeCCompilerABI.c"
26 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/CMakeCInformation.cmake"
27 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/CMakeCXXCompiler.cmake.in"
28 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/CMakeCXXCompilerABI.cpp"
29 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/CMakeCXXInformation.cmake"
30 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/CMakeCommonLanguageInclude.cmake"
31 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/CMakeCompilerIdDetection.cmake"
32 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/CMakeDetermineCCompiler.cmake"
33 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/CMakeDetermineCXXCompiler.cmake"
34 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/CMakeDetermineCompileFeatures.cmake"
35 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/CMakeDetermineCompiler.cmake"
36 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/CMakeDetermineCompilerABI.cmake"
37 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/CMakeDetermineCompilerId.cmake"
38 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/CMakeDetermineSystem.cmake"
39 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/CMakeFindBinUtils.cmake"
40 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/CMakeFindDependencyMacro.cmake"
41 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/CMakeGenericSystem.cmake"
42 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/CMakeInitializeConfigs.cmake"
43 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/CMakeLanguageInformation.cmake"
44 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/CMakeParseImplicitIncludeInfo.cmake"
45 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/CMakeParseImplicitLinkInfo.cmake"
46 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/CMakeParseLibraryArchitecture.cmake"
47 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/CMakeSystem.cmake.in"
48 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/CMakeSystemSpecificInformation.cmake"
49 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/CMakeSystemSpecificInitialize.cmake"
50 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/CMakeTestCCompiler.cmake"
51 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/CMakeTestCXXCompiler.cmake"
52 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/CMakeTestCompilerCommon.cmake"
53 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/CMakeUnixFindMake.cmake"
54 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/CheckCSourceCompiles.cmake"
55 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/CheckIncludeFile.c.in"
56 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/CheckIncludeFile.cmake"
57 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/CheckLibraryExists.cmake"
58 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/ADSP-DetermineCompiler.cmake"
59 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/ARMCC-DetermineCompiler.cmake"
60 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/ARMClang-DetermineCompiler.cmake"
61 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/AppleClang-C.cmake"
62 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/AppleClang-CXX.cmake"
63 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/AppleClang-DetermineCompiler.cmake"
64 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/Borland-DetermineCompiler.cmake"
65 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/Bruce-C-DetermineCompiler.cmake"
66 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/CMakeCommonCompilerMacros.cmake"
67 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/Clang-DetermineCompiler.cmake"
68 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/Clang-DetermineCompilerInternal.cmake"
69 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/Clang.cmake"
70 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/Comeau-CXX-DetermineCompiler.cmake"
71 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/Compaq-C-DetermineCompiler.cmake"
72 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/Compaq-CXX-DetermineCompiler.cmake"
73 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/Cray-DetermineCompiler.cmake"
74 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/Embarcadero-DetermineCompiler.cmake"
75 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/Fujitsu-DetermineCompiler.cmake"
76 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/GHS-DetermineCompiler.cmake"
77 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/GNU-C-DetermineCompiler.cmake"
78 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/GNU-CXX-DetermineCompiler.cmake"
79 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/GNU.cmake"
80 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/HP-C-DetermineCompiler.cmake"
81 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/HP-CXX-DetermineCompiler.cmake"
82 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/IAR-DetermineCompiler.cmake"
83 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/IBMCPP-C-DetermineVersionInternal.cmake"
84 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/IBMCPP-CXX-DetermineVersionInternal.cmake"
85 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/Intel-DetermineCompiler.cmake"
86 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/IntelLLVM-DetermineCompiler.cmake"
87 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/MSVC-DetermineCompiler.cmake"
88 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/NVHPC-DetermineCompiler.cmake"
89 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/NVIDIA-DetermineCompiler.cmake"
90 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/OpenWatcom-DetermineCompiler.cmake"
91 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/PGI-DetermineCompiler.cmake"
92 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/PathScale-DetermineCompiler.cmake"
93 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/SCO-DetermineCompiler.cmake"
94 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/SDCC-C-DetermineCompiler.cmake"
95 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/SunPro-C-DetermineCompiler.cmake"
96 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/SunPro-CXX-DetermineCompiler.cmake"
97 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/TI-DetermineCompiler.cmake"
98 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/TinyCC-C-DetermineCompiler.cmake"
99 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/VisualAge-C-DetermineCompiler.cmake"
100 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/VisualAge-CXX-DetermineCompiler.cmake"
101 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/Watcom-DetermineCompiler.cmake"
102 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/XL-C-DetermineCompiler.cmake"
103 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/XL-CXX-DetermineCompiler.cmake"
104 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/XLClang-C-DetermineCompiler.cmake"
105 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/XLClang-CXX-DetermineCompiler.cmake"
106 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/zOS-C-DetermineCompiler.cmake"
107 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Compiler/zOS-CXX-DetermineCompiler.cmake"
108 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/FindBoost.cmake"
109 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/FindPackageHandleStandardArgs.cmake"
110 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/FindPackageMessage.cmake"
111 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/FindThreads.cmake"
112 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Internal/CheckSourceCompiles.cmake"
113 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Internal/FeatureTesting.cmake"
114 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Platform/Apple-AppleClang-C.cmake"
115 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Platform/Apple-AppleClang-CXX.cmake"
116 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Platform/Apple-Clang-C.cmake"
117 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Platform/Apple-Clang-CXX.cmake"
118 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Platform/Apple-Clang.cmake"
119 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Platform/Darwin-Determine-CXX.cmake"
120 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Platform/Darwin-Initialize.cmake"
121 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Platform/Darwin.cmake"
122 | "/usr/local/Cellar/cmake/3.20.2/share/cmake/Modules/Platform/UnixPaths.cmake"
123 | "/usr/local/lib/cmake/Boost-1.75.0/BoostConfig.cmake"
124 | "/usr/local/lib/cmake/Boost-1.75.0/BoostConfigVersion.cmake"
125 | "/usr/local/lib/cmake/BoostDetectToolset-1.75.0.cmake"
126 | "/usr/local/lib/cmake/boost_headers-1.75.0/boost_headers-config-version.cmake"
127 | "/usr/local/lib/cmake/boost_headers-1.75.0/boost_headers-config.cmake"
128 | "/usr/local/lib/cmake/boost_system-1.75.0/boost_system-config-version.cmake"
129 | "/usr/local/lib/cmake/boost_system-1.75.0/boost_system-config.cmake"
130 | "/usr/local/lib/cmake/boost_system-1.75.0/libboost_system-variant-mt-shared.cmake"
131 | "/usr/local/lib/cmake/boost_system-1.75.0/libboost_system-variant-mt-static.cmake"
132 | "/usr/local/lib/cmake/boost_system-1.75.0/libboost_system-variant-shared.cmake"
133 | "/usr/local/lib/cmake/boost_system-1.75.0/libboost_system-variant-static.cmake"
134 | "/usr/local/lib/cmake/boost_thread-1.75.0/boost_thread-config-version.cmake"
135 | "/usr/local/lib/cmake/boost_thread-1.75.0/boost_thread-config.cmake"
136 | "/usr/local/lib/cmake/boost_thread-1.75.0/libboost_thread-variant-mt-shared.cmake"
137 | "/usr/local/lib/cmake/boost_thread-1.75.0/libboost_thread-variant-mt-static.cmake"
138 | "/usr/local/lib/cmake/opencv4/OpenCVConfig-version.cmake"
139 | "/usr/local/lib/cmake/opencv4/OpenCVConfig.cmake"
140 | "/usr/local/lib/cmake/opencv4/OpenCVModules-release.cmake"
141 | "/usr/local/lib/cmake/opencv4/OpenCVModules.cmake"
142 | )
143 |
144 | # The corresponding makefile is:
145 | set(CMAKE_MAKEFILE_OUTPUTS
146 | "Makefile"
147 | "CMakeFiles/cmake.check_cache"
148 | )
149 |
150 | # Byproducts of CMake generate step:
151 | set(CMAKE_MAKEFILE_PRODUCTS
152 | "CMakeFiles/3.20.2/CMakeSystem.cmake"
153 | "CMakeFiles/3.20.2/CMakeCCompiler.cmake"
154 | "CMakeFiles/3.20.2/CMakeCXXCompiler.cmake"
155 | "CMakeFiles/3.20.2/CMakeCCompiler.cmake"
156 | "CMakeFiles/3.20.2/CMakeCXXCompiler.cmake"
157 | "CMakeFiles/CMakeDirectoryInformation.cmake"
158 | )
159 |
160 | # Dependency information for all targets:
161 | set(CMAKE_DEPEND_INFO_FILES
162 | "CMakeFiles/bert-cpp.dir/DependInfo.cmake"
163 | )
164 |
--------------------------------------------------------------------------------
/server-cpp/build/CMakeFiles/Makefile2:
--------------------------------------------------------------------------------
1 | # CMAKE generated file: DO NOT EDIT!
2 | # Generated by "Unix Makefiles" Generator, CMake Version 3.20
3 |
4 | # Default target executed when no arguments are given to make.
5 | default_target: all
6 | .PHONY : default_target
7 |
8 | #=============================================================================
9 | # Special targets provided by cmake.
10 |
11 | # Disable implicit rules so canonical targets will work.
12 | .SUFFIXES:
13 |
14 | # Disable VCS-based implicit rules.
15 | % : %,v
16 |
17 | # Disable VCS-based implicit rules.
18 | % : RCS/%
19 |
20 | # Disable VCS-based implicit rules.
21 | % : RCS/%,v
22 |
23 | # Disable VCS-based implicit rules.
24 | % : SCCS/s.%
25 |
26 | # Disable VCS-based implicit rules.
27 | % : s.%
28 |
29 | .SUFFIXES: .hpux_make_needs_suffix_list
30 |
31 | # Command-line flag to silence nested $(MAKE).
32 | $(VERBOSE)MAKESILENT = -s
33 |
34 | #Suppress display of executed commands.
35 | $(VERBOSE).SILENT:
36 |
37 | # A target that is always out of date.
38 | cmake_force:
39 | .PHONY : cmake_force
40 |
41 | #=============================================================================
42 | # Set environment variables for the build.
43 |
44 | # The shell in which to execute make rules.
45 | SHELL = /bin/sh
46 |
47 | # The CMake executable.
48 | CMAKE_COMMAND = /usr/local/Cellar/cmake/3.20.2/bin/cmake
49 |
50 | # The command to remove a file.
51 | RM = /usr/local/Cellar/cmake/3.20.2/bin/cmake -E rm -f
52 |
53 | # Escaping for special characters.
54 | EQUALS = =
55 |
56 | # The top-level source directory on which CMake was run.
57 | CMAKE_SOURCE_DIR = /Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp
58 |
59 | # The top-level build directory on which CMake was run.
60 | CMAKE_BINARY_DIR = /Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/build
61 |
62 | #=============================================================================
63 | # Directory level rules for the build root directory
64 |
65 | # The main recursive "all" target.
66 | all: CMakeFiles/bert-cpp.dir/all
67 | .PHONY : all
68 |
69 | # The main recursive "preinstall" target.
70 | preinstall:
71 | .PHONY : preinstall
72 |
73 | # The main recursive "clean" target.
74 | clean: CMakeFiles/bert-cpp.dir/clean
75 | .PHONY : clean
76 |
77 | #=============================================================================
78 | # Target rules for target CMakeFiles/bert-cpp.dir
79 |
80 | # All Build rule for target.
81 | CMakeFiles/bert-cpp.dir/all:
82 | $(MAKE) $(MAKESILENT) -f CMakeFiles/bert-cpp.dir/build.make CMakeFiles/bert-cpp.dir/depend
83 | $(MAKE) $(MAKESILENT) -f CMakeFiles/bert-cpp.dir/build.make CMakeFiles/bert-cpp.dir/build
84 | @$(CMAKE_COMMAND) -E cmake_echo_color --switch=$(COLOR) --progress-dir=/Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/build/CMakeFiles --progress-num=1,2,3 "Built target bert-cpp"
85 | .PHONY : CMakeFiles/bert-cpp.dir/all
86 |
87 | # Build rule for subdir invocation for target.
88 | CMakeFiles/bert-cpp.dir/rule: cmake_check_build_system
89 | $(CMAKE_COMMAND) -E cmake_progress_start /Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/build/CMakeFiles 3
90 | $(MAKE) $(MAKESILENT) -f CMakeFiles/Makefile2 CMakeFiles/bert-cpp.dir/all
91 | $(CMAKE_COMMAND) -E cmake_progress_start /Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/build/CMakeFiles 0
92 | .PHONY : CMakeFiles/bert-cpp.dir/rule
93 |
94 | # Convenience name for target.
95 | bert-cpp: CMakeFiles/bert-cpp.dir/rule
96 | .PHONY : bert-cpp
97 |
98 | # clean rule for target.
99 | CMakeFiles/bert-cpp.dir/clean:
100 | $(MAKE) $(MAKESILENT) -f CMakeFiles/bert-cpp.dir/build.make CMakeFiles/bert-cpp.dir/clean
101 | .PHONY : CMakeFiles/bert-cpp.dir/clean
102 |
103 | #=============================================================================
104 | # Special targets to cleanup operation of make.
105 |
106 | # Special rule to run CMake to check the build system integrity.
107 | # No rule that depends on this can have commands that come from listfiles
108 | # because they might be regenerated.
109 | cmake_check_build_system:
110 | $(CMAKE_COMMAND) -S$(CMAKE_SOURCE_DIR) -B$(CMAKE_BINARY_DIR) --check-build-system CMakeFiles/Makefile.cmake 0
111 | .PHONY : cmake_check_build_system
112 |
113 |
--------------------------------------------------------------------------------
/server-cpp/build/CMakeFiles/TargetDirectories.txt:
--------------------------------------------------------------------------------
1 | /Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/build/CMakeFiles/rebuild_cache.dir
2 | /Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/build/CMakeFiles/edit_cache.dir
3 | /Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/build/CMakeFiles/bert-cpp.dir
4 |
--------------------------------------------------------------------------------
/server-cpp/build/CMakeFiles/bert-cpp.dir/DependInfo.cmake:
--------------------------------------------------------------------------------
1 |
2 | # Consider dependencies only in project.
3 | set(CMAKE_DEPENDS_IN_PROJECT_ONLY OFF)
4 |
5 | # The set of languages for which implicit dependencies are needed:
6 | set(CMAKE_DEPENDS_LANGUAGES
7 | )
8 |
9 | # The set of dependency files which are needed:
10 | set(CMAKE_DEPENDS_DEPENDENCY_FILES
11 | "/Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/bert-server.cpp" "CMakeFiles/bert-cpp.dir/bert-server.cpp.o" "gcc" "CMakeFiles/bert-cpp.dir/bert-server.cpp.o.d"
12 | "/Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/libs/infer.cpp" "CMakeFiles/bert-cpp.dir/libs/infer.cpp.o" "gcc" "CMakeFiles/bert-cpp.dir/libs/infer.cpp.o.d"
13 | )
14 |
15 | # Targets to which this target links.
16 | set(CMAKE_TARGET_LINKED_INFO_FILES
17 | )
18 |
19 | # Fortran module output directory.
20 | set(CMAKE_Fortran_TARGET_MODULE_DIR "")
21 |
--------------------------------------------------------------------------------
/server-cpp/build/CMakeFiles/bert-cpp.dir/bert-server.cpp.o:
--------------------------------------------------------------------------------
https://raw.githubusercontent.com/renatoviolin/BERT-cpp-inference/953b9d84cde7c6cc238c14f4e330819008356175/server-cpp/build/CMakeFiles/bert-cpp.dir/bert-server.cpp.o
--------------------------------------------------------------------------------
/server-cpp/build/CMakeFiles/bert-cpp.dir/build.make:
--------------------------------------------------------------------------------
1 | # CMAKE generated file: DO NOT EDIT!
2 | # Generated by "Unix Makefiles" Generator, CMake Version 3.20
3 |
4 | # Delete rule output on recipe failure.
5 | .DELETE_ON_ERROR:
6 |
7 | #=============================================================================
8 | # Special targets provided by cmake.
9 |
10 | # Disable implicit rules so canonical targets will work.
11 | .SUFFIXES:
12 |
13 | # Disable VCS-based implicit rules.
14 | % : %,v
15 |
16 | # Disable VCS-based implicit rules.
17 | % : RCS/%
18 |
19 | # Disable VCS-based implicit rules.
20 | % : RCS/%,v
21 |
22 | # Disable VCS-based implicit rules.
23 | % : SCCS/s.%
24 |
25 | # Disable VCS-based implicit rules.
26 | % : s.%
27 |
28 | .SUFFIXES: .hpux_make_needs_suffix_list
29 |
30 | # Command-line flag to silence nested $(MAKE).
31 | $(VERBOSE)MAKESILENT = -s
32 |
33 | #Suppress display of executed commands.
34 | $(VERBOSE).SILENT:
35 |
36 | # A target that is always out of date.
37 | cmake_force:
38 | .PHONY : cmake_force
39 |
40 | #=============================================================================
41 | # Set environment variables for the build.
42 |
43 | # The shell in which to execute make rules.
44 | SHELL = /bin/sh
45 |
46 | # The CMake executable.
47 | CMAKE_COMMAND = /usr/local/Cellar/cmake/3.20.2/bin/cmake
48 |
49 | # The command to remove a file.
50 | RM = /usr/local/Cellar/cmake/3.20.2/bin/cmake -E rm -f
51 |
52 | # Escaping for special characters.
53 | EQUALS = =
54 |
55 | # The top-level source directory on which CMake was run.
56 | CMAKE_SOURCE_DIR = /Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp
57 |
58 | # The top-level build directory on which CMake was run.
59 | CMAKE_BINARY_DIR = /Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/build
60 |
61 | # Include any dependencies generated for this target.
62 | include CMakeFiles/bert-cpp.dir/depend.make
63 | # Include any dependencies generated by the compiler for this target.
64 | include CMakeFiles/bert-cpp.dir/compiler_depend.make
65 |
66 | # Include the progress variables for this target.
67 | include CMakeFiles/bert-cpp.dir/progress.make
68 |
69 | # Include the compile flags for this target's objects.
70 | include CMakeFiles/bert-cpp.dir/flags.make
71 |
72 | CMakeFiles/bert-cpp.dir/bert-server.cpp.o: CMakeFiles/bert-cpp.dir/flags.make
73 | CMakeFiles/bert-cpp.dir/bert-server.cpp.o: ../bert-server.cpp
74 | CMakeFiles/bert-cpp.dir/bert-server.cpp.o: CMakeFiles/bert-cpp.dir/compiler_depend.ts
75 | @$(CMAKE_COMMAND) -E cmake_echo_color --switch=$(COLOR) --green --progress-dir=/Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/build/CMakeFiles --progress-num=$(CMAKE_PROGRESS_1) "Building CXX object CMakeFiles/bert-cpp.dir/bert-server.cpp.o"
76 | /Library/Developer/CommandLineTools/usr/bin/c++ $(CXX_DEFINES) $(CXX_INCLUDES) $(CXX_FLAGS) -MD -MT CMakeFiles/bert-cpp.dir/bert-server.cpp.o -MF CMakeFiles/bert-cpp.dir/bert-server.cpp.o.d -o CMakeFiles/bert-cpp.dir/bert-server.cpp.o -c /Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/bert-server.cpp
77 |
78 | CMakeFiles/bert-cpp.dir/bert-server.cpp.i: cmake_force
79 | @$(CMAKE_COMMAND) -E cmake_echo_color --switch=$(COLOR) --green "Preprocessing CXX source to CMakeFiles/bert-cpp.dir/bert-server.cpp.i"
80 | /Library/Developer/CommandLineTools/usr/bin/c++ $(CXX_DEFINES) $(CXX_INCLUDES) $(CXX_FLAGS) -E /Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/bert-server.cpp > CMakeFiles/bert-cpp.dir/bert-server.cpp.i
81 |
82 | CMakeFiles/bert-cpp.dir/bert-server.cpp.s: cmake_force
83 | @$(CMAKE_COMMAND) -E cmake_echo_color --switch=$(COLOR) --green "Compiling CXX source to assembly CMakeFiles/bert-cpp.dir/bert-server.cpp.s"
84 | /Library/Developer/CommandLineTools/usr/bin/c++ $(CXX_DEFINES) $(CXX_INCLUDES) $(CXX_FLAGS) -S /Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/bert-server.cpp -o CMakeFiles/bert-cpp.dir/bert-server.cpp.s
85 |
86 | CMakeFiles/bert-cpp.dir/libs/infer.cpp.o: CMakeFiles/bert-cpp.dir/flags.make
87 | CMakeFiles/bert-cpp.dir/libs/infer.cpp.o: ../libs/infer.cpp
88 | CMakeFiles/bert-cpp.dir/libs/infer.cpp.o: CMakeFiles/bert-cpp.dir/compiler_depend.ts
89 | @$(CMAKE_COMMAND) -E cmake_echo_color --switch=$(COLOR) --green --progress-dir=/Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/build/CMakeFiles --progress-num=$(CMAKE_PROGRESS_2) "Building CXX object CMakeFiles/bert-cpp.dir/libs/infer.cpp.o"
90 | /Library/Developer/CommandLineTools/usr/bin/c++ $(CXX_DEFINES) $(CXX_INCLUDES) $(CXX_FLAGS) -MD -MT CMakeFiles/bert-cpp.dir/libs/infer.cpp.o -MF CMakeFiles/bert-cpp.dir/libs/infer.cpp.o.d -o CMakeFiles/bert-cpp.dir/libs/infer.cpp.o -c /Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/libs/infer.cpp
91 |
92 | CMakeFiles/bert-cpp.dir/libs/infer.cpp.i: cmake_force
93 | @$(CMAKE_COMMAND) -E cmake_echo_color --switch=$(COLOR) --green "Preprocessing CXX source to CMakeFiles/bert-cpp.dir/libs/infer.cpp.i"
94 | /Library/Developer/CommandLineTools/usr/bin/c++ $(CXX_DEFINES) $(CXX_INCLUDES) $(CXX_FLAGS) -E /Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/libs/infer.cpp > CMakeFiles/bert-cpp.dir/libs/infer.cpp.i
95 |
96 | CMakeFiles/bert-cpp.dir/libs/infer.cpp.s: cmake_force
97 | @$(CMAKE_COMMAND) -E cmake_echo_color --switch=$(COLOR) --green "Compiling CXX source to assembly CMakeFiles/bert-cpp.dir/libs/infer.cpp.s"
98 | /Library/Developer/CommandLineTools/usr/bin/c++ $(CXX_DEFINES) $(CXX_INCLUDES) $(CXX_FLAGS) -S /Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/libs/infer.cpp -o CMakeFiles/bert-cpp.dir/libs/infer.cpp.s
99 |
100 | # Object files for target bert-cpp
101 | bert__cpp_OBJECTS = \
102 | "CMakeFiles/bert-cpp.dir/bert-server.cpp.o" \
103 | "CMakeFiles/bert-cpp.dir/libs/infer.cpp.o"
104 |
105 | # External object files for target bert-cpp
106 | bert__cpp_EXTERNAL_OBJECTS =
107 |
108 | bert-cpp: CMakeFiles/bert-cpp.dir/bert-server.cpp.o
109 | bert-cpp: CMakeFiles/bert-cpp.dir/libs/infer.cpp.o
110 | bert-cpp: CMakeFiles/bert-cpp.dir/build.make
111 | bert-cpp: /usr/local/lib/libc10.dylib
112 | bert-cpp: /usr/local/lib/libopencv_gapi.4.5.2.dylib
113 | bert-cpp: /usr/local/lib/libopencv_stitching.4.5.2.dylib
114 | bert-cpp: /usr/local/lib/libopencv_alphamat.4.5.2.dylib
115 | bert-cpp: /usr/local/lib/libopencv_aruco.4.5.2.dylib
116 | bert-cpp: /usr/local/lib/libopencv_bgsegm.4.5.2.dylib
117 | bert-cpp: /usr/local/lib/libopencv_bioinspired.4.5.2.dylib
118 | bert-cpp: /usr/local/lib/libopencv_ccalib.4.5.2.dylib
119 | bert-cpp: /usr/local/lib/libopencv_dnn_objdetect.4.5.2.dylib
120 | bert-cpp: /usr/local/lib/libopencv_dnn_superres.4.5.2.dylib
121 | bert-cpp: /usr/local/lib/libopencv_dpm.4.5.2.dylib
122 | bert-cpp: /usr/local/lib/libopencv_face.4.5.2.dylib
123 | bert-cpp: /usr/local/lib/libopencv_freetype.4.5.2.dylib
124 | bert-cpp: /usr/local/lib/libopencv_fuzzy.4.5.2.dylib
125 | bert-cpp: /usr/local/lib/libopencv_hfs.4.5.2.dylib
126 | bert-cpp: /usr/local/lib/libopencv_img_hash.4.5.2.dylib
127 | bert-cpp: /usr/local/lib/libopencv_intensity_transform.4.5.2.dylib
128 | bert-cpp: /usr/local/lib/libopencv_line_descriptor.4.5.2.dylib
129 | bert-cpp: /usr/local/lib/libopencv_mcc.4.5.2.dylib
130 | bert-cpp: /usr/local/lib/libopencv_quality.4.5.2.dylib
131 | bert-cpp: /usr/local/lib/libopencv_rapid.4.5.2.dylib
132 | bert-cpp: /usr/local/lib/libopencv_reg.4.5.2.dylib
133 | bert-cpp: /usr/local/lib/libopencv_rgbd.4.5.2.dylib
134 | bert-cpp: /usr/local/lib/libopencv_saliency.4.5.2.dylib
135 | bert-cpp: /usr/local/lib/libopencv_sfm.4.5.2.dylib
136 | bert-cpp: /usr/local/lib/libopencv_stereo.4.5.2.dylib
137 | bert-cpp: /usr/local/lib/libopencv_structured_light.4.5.2.dylib
138 | bert-cpp: /usr/local/lib/libopencv_superres.4.5.2.dylib
139 | bert-cpp: /usr/local/lib/libopencv_surface_matching.4.5.2.dylib
140 | bert-cpp: /usr/local/lib/libopencv_tracking.4.5.2.dylib
141 | bert-cpp: /usr/local/lib/libopencv_videostab.4.5.2.dylib
142 | bert-cpp: /usr/local/lib/libopencv_viz.4.5.2.dylib
143 | bert-cpp: /usr/local/lib/libopencv_wechat_qrcode.4.5.2.dylib
144 | bert-cpp: /usr/local/lib/libopencv_xfeatures2d.4.5.2.dylib
145 | bert-cpp: /usr/local/lib/libopencv_xobjdetect.4.5.2.dylib
146 | bert-cpp: /usr/local/lib/libopencv_xphoto.4.5.2.dylib
147 | bert-cpp: /usr/local/lib/libboost_system-mt.dylib
148 | bert-cpp: /usr/local/lib/libboost_thread-mt.dylib
149 | bert-cpp: /Users/renato/Documents/dev/libtorch/lib/libtorch.dylib
150 | bert-cpp: /Users/renato/Documents/dev/libtorch/lib/libtorch_cpu.dylib
151 | bert-cpp: /Users/renato/Documents/dev/libtorch/lib/libc10.dylib
152 | bert-cpp: /usr/local/lib/libopencv_shape.4.5.2.dylib
153 | bert-cpp: /usr/local/lib/libopencv_highgui.4.5.2.dylib
154 | bert-cpp: /usr/local/lib/libopencv_datasets.4.5.2.dylib
155 | bert-cpp: /usr/local/lib/libopencv_plot.4.5.2.dylib
156 | bert-cpp: /usr/local/lib/libopencv_text.4.5.2.dylib
157 | bert-cpp: /usr/local/lib/libopencv_ml.4.5.2.dylib
158 | bert-cpp: /usr/local/lib/libopencv_phase_unwrapping.4.5.2.dylib
159 | bert-cpp: /usr/local/lib/libopencv_optflow.4.5.2.dylib
160 | bert-cpp: /usr/local/lib/libopencv_ximgproc.4.5.2.dylib
161 | bert-cpp: /usr/local/lib/libopencv_video.4.5.2.dylib
162 | bert-cpp: /usr/local/lib/libopencv_videoio.4.5.2.dylib
163 | bert-cpp: /usr/local/lib/libopencv_dnn.4.5.2.dylib
164 | bert-cpp: /usr/local/lib/libopencv_imgcodecs.4.5.2.dylib
165 | bert-cpp: /usr/local/lib/libopencv_objdetect.4.5.2.dylib
166 | bert-cpp: /usr/local/lib/libopencv_calib3d.4.5.2.dylib
167 | bert-cpp: /usr/local/lib/libopencv_features2d.4.5.2.dylib
168 | bert-cpp: /usr/local/lib/libopencv_flann.4.5.2.dylib
169 | bert-cpp: /usr/local/lib/libopencv_photo.4.5.2.dylib
170 | bert-cpp: /usr/local/lib/libopencv_imgproc.4.5.2.dylib
171 | bert-cpp: /usr/local/lib/libopencv_core.4.5.2.dylib
172 | bert-cpp: CMakeFiles/bert-cpp.dir/link.txt
173 | @$(CMAKE_COMMAND) -E cmake_echo_color --switch=$(COLOR) --green --bold --progress-dir=/Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/build/CMakeFiles --progress-num=$(CMAKE_PROGRESS_3) "Linking CXX executable bert-cpp"
174 | $(CMAKE_COMMAND) -E cmake_link_script CMakeFiles/bert-cpp.dir/link.txt --verbose=$(VERBOSE)
175 |
176 | # Rule to build all files generated by this target.
177 | CMakeFiles/bert-cpp.dir/build: bert-cpp
178 | .PHONY : CMakeFiles/bert-cpp.dir/build
179 |
180 | CMakeFiles/bert-cpp.dir/clean:
181 | $(CMAKE_COMMAND) -P CMakeFiles/bert-cpp.dir/cmake_clean.cmake
182 | .PHONY : CMakeFiles/bert-cpp.dir/clean
183 |
184 | CMakeFiles/bert-cpp.dir/depend:
185 | cd /Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/build && $(CMAKE_COMMAND) -E cmake_depends "Unix Makefiles" /Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp /Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp /Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/build /Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/build /Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/build/CMakeFiles/bert-cpp.dir/DependInfo.cmake --color=$(COLOR)
186 | .PHONY : CMakeFiles/bert-cpp.dir/depend
187 |
188 |
--------------------------------------------------------------------------------
/server-cpp/build/CMakeFiles/bert-cpp.dir/cmake_clean.cmake:
--------------------------------------------------------------------------------
1 | file(REMOVE_RECURSE
2 | "CMakeFiles/bert-cpp.dir/bert-server.cpp.o"
3 | "CMakeFiles/bert-cpp.dir/bert-server.cpp.o.d"
4 | "CMakeFiles/bert-cpp.dir/libs/infer.cpp.o"
5 | "CMakeFiles/bert-cpp.dir/libs/infer.cpp.o.d"
6 | "bert-cpp"
7 | "bert-cpp.pdb"
8 | )
9 |
10 | # Per-language clean rules from dependency scanning.
11 | foreach(lang CXX)
12 | include(CMakeFiles/bert-cpp.dir/cmake_clean_${lang}.cmake OPTIONAL)
13 | endforeach()
14 |
--------------------------------------------------------------------------------
/server-cpp/build/CMakeFiles/bert-cpp.dir/compiler_depend.ts:
--------------------------------------------------------------------------------
1 | # CMAKE generated file: DO NOT EDIT!
2 | # Timestamp file for compiler generated dependencies management for bert-cpp.
3 |
--------------------------------------------------------------------------------
/server-cpp/build/CMakeFiles/bert-cpp.dir/depend.make:
--------------------------------------------------------------------------------
1 | # Empty dependencies file for bert-cpp.
2 | # This may be replaced when dependencies are built.
3 |
--------------------------------------------------------------------------------
/server-cpp/build/CMakeFiles/bert-cpp.dir/flags.make:
--------------------------------------------------------------------------------
1 | # CMAKE generated file: DO NOT EDIT!
2 | # Generated by "Unix Makefiles" Generator, CMake Version 3.20
3 |
4 | # compile CXX with /Library/Developer/CommandLineTools/usr/bin/c++
5 | CXX_DEFINES = -DBOOST_ALL_NO_LIB -DBOOST_SYSTEM_DYN_LINK -DBOOST_THREAD_DYN_LINK
6 |
7 | CXX_INCLUDES = -I/opt/X11/include -I/Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp -isystem /usr/local/include -isystem /usr/local/Cellar/opencv/4.5.2_2/include/opencv4 -isystem /Users/renato/Documents/dev/libtorch/include -isystem /Users/renato/Documents/dev/libtorch/include/torch/csrc/api/include
8 |
9 | CXX_FLAGS = -isysroot /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk -std=gnu++14
10 |
11 |
--------------------------------------------------------------------------------
/server-cpp/build/CMakeFiles/bert-cpp.dir/libs/infer.cpp.o:
--------------------------------------------------------------------------------
https://raw.githubusercontent.com/renatoviolin/BERT-cpp-inference/953b9d84cde7c6cc238c14f4e330819008356175/server-cpp/build/CMakeFiles/bert-cpp.dir/libs/infer.cpp.o
--------------------------------------------------------------------------------
/server-cpp/build/CMakeFiles/bert-cpp.dir/libs/infer.cpp.o.d:
--------------------------------------------------------------------------------
1 | CMakeFiles/bert-cpp.dir/libs/infer.cpp.o: \
2 | /Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/libs/infer.cpp \
3 | /Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/libs/infer.h \
4 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/vector \
5 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/__config \
6 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/pthread.h \
7 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/iosfwd \
8 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/wchar.h \
9 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/stddef.h \
10 | /Library/Developer/CommandLineTools/usr/lib/clang/12.0.5/include/stddef.h \
11 | /Library/Developer/CommandLineTools/usr/lib/clang/12.0.5/include/__stddef_max_align_t.h \
12 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/__nullptr \
13 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/wchar.h \
14 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/_types.h \
15 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types.h \
16 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/cdefs.h \
17 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_symbol_aliasing.h \
18 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_posix_availability.h \
19 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/machine/_types.h \
20 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/i386/_types.h \
21 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_pthread/_pthread_types.h \
22 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/Availability.h \
23 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/AvailabilityVersions.h \
24 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/AvailabilityInternal.h \
25 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_null.h \
26 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_size_t.h \
27 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_mbstate_t.h \
28 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/machine/types.h \
29 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/i386/types.h \
30 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_int8_t.h \
31 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_int16_t.h \
32 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_int32_t.h \
33 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_int64_t.h \
34 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_u_int8_t.h \
35 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_u_int16_t.h \
36 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_u_int32_t.h \
37 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_u_int64_t.h \
38 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_intptr_t.h \
39 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_uintptr_t.h \
40 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_ct_rune_t.h \
41 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_rune_t.h \
42 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_wchar_t.h \
43 | /Library/Developer/CommandLineTools/usr/lib/clang/12.0.5/include/stdarg.h \
44 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/stdio.h \
45 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/stdio.h \
46 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/_stdio.h \
47 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_va_list.h \
48 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/stdio.h \
49 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/_ctermid.h \
50 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_off_t.h \
51 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_ssize_t.h \
52 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/time.h \
53 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_clock_t.h \
54 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_time_t.h \
55 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_timespec.h \
56 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/_wctype.h \
57 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/__wctype.h \
58 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_wint_t.h \
59 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/_types/_wctype_t.h \
60 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/ctype.h \
61 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/ctype.h \
62 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/_ctype.h \
63 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/runetype.h \
64 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/__bit_reference \
65 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/bit \
66 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/limits \
67 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/type_traits \
68 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/cstddef \
69 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/version \
70 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/__undef_macros \
71 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/__debug \
72 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/algorithm \
73 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/initializer_list \
74 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/cstring \
75 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/string.h \
76 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/string.h \
77 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_rsize_t.h \
78 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_errno_t.h \
79 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/strings.h \
80 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/utility \
81 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/__tuple \
82 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/cstdint \
83 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/stdint.h \
84 | /Library/Developer/CommandLineTools/usr/lib/clang/12.0.5/include/stdint.h \
85 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/stdint.h \
86 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/_types/_uint8_t.h \
87 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/_types/_uint16_t.h \
88 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/_types/_uint32_t.h \
89 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/_types/_uint64_t.h \
90 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/_types/_intmax_t.h \
91 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/_types/_uintmax_t.h \
92 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/memory \
93 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/typeinfo \
94 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/exception \
95 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/cstdlib \
96 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/stdlib.h \
97 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/stdlib.h \
98 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/wait.h \
99 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_pid_t.h \
100 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_id_t.h \
101 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/signal.h \
102 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/appleapiopts.h \
103 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/machine/signal.h \
104 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/i386/signal.h \
105 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/machine/_mcontext.h \
106 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/i386/_mcontext.h \
107 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/mach/machine/_structs.h \
108 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/mach/i386/_structs.h \
109 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_pthread/_pthread_attr_t.h \
110 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_sigaltstack.h \
111 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_ucontext.h \
112 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_sigset_t.h \
113 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_uid_t.h \
114 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/resource.h \
115 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_timeval.h \
116 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/machine/endian.h \
117 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/i386/endian.h \
118 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_endian.h \
119 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/libkern/_OSByteOrder.h \
120 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/libkern/i386/_OSByteOrder.h \
121 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/alloca.h \
122 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/malloc/_malloc.h \
123 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_dev_t.h \
124 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_mode_t.h \
125 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/new \
126 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/iterator \
127 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/__functional_base \
128 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/tuple \
129 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/stdexcept \
130 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/atomic \
131 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/__threading_support \
132 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/chrono \
133 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/ctime \
134 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/ratio \
135 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/climits \
136 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/limits.h \
137 | /Library/Developer/CommandLineTools/usr/lib/clang/12.0.5/include/limits.h \
138 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/limits.h \
139 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/machine/limits.h \
140 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/i386/limits.h \
141 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/i386/_limits.h \
142 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/syslimits.h \
143 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/errno.h \
144 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/errno.h \
145 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/errno.h \
146 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/pthread/sched.h \
147 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/pthread/pthread_impl.h \
148 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_pthread/_pthread_cond_t.h \
149 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_pthread/_pthread_condattr_t.h \
150 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_pthread/_pthread_key_t.h \
151 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_pthread/_pthread_mutex_t.h \
152 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_pthread/_pthread_mutexattr_t.h \
153 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_pthread/_pthread_once_t.h \
154 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_pthread/_pthread_rwlock_t.h \
155 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_pthread/_pthread_rwlockattr_t.h \
156 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_pthread/_pthread_t.h \
157 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/pthread/qos.h \
158 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/qos.h \
159 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_mach_port_t.h \
160 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sched.h \
161 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/cassert \
162 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/assert.h \
163 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/functional \
164 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/__split_buffer \
165 | /usr/local/include/torch/script.h \
166 | /usr/local/include/torch/csrc/api/include/torch/types.h \
167 | /usr/local/include/ATen/ATen.h /usr/local/include/c10/core/Allocator.h \
168 | /usr/local/include/c10/core/Device.h \
169 | /usr/local/include/c10/core/DeviceType.h \
170 | /usr/local/include/c10/macros/Macros.h \
171 | /usr/local/include/c10/macros/cmake_macros.h \
172 | /usr/local/include/c10/macros/Export.h \
173 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/sstream \
174 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/ostream \
175 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/ios \
176 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/__locale \
177 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/string \
178 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/string_view \
179 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/__string \
180 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/cstdio \
181 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/cwchar \
182 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/cwctype \
183 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/cctype \
184 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/wctype.h \
185 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/wctype.h \
186 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/_types/_wctrans_t.h \
187 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/mutex \
188 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/__mutex_base \
189 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/system_error \
190 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/__errc \
191 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/cerrno \
192 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/locale.h \
193 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/locale.h \
194 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/_locale.h \
195 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/xlocale.h \
196 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/_xlocale.h \
197 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/xlocale/_ctype.h \
198 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/xlocale/__wctype.h \
199 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/xlocale/_stdio.h \
200 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/xlocale/_stdlib.h \
201 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/xlocale/_string.h \
202 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/xlocale/_time.h \
203 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/xlocale/_wchar.h \
204 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/xlocale/_wctype.h \
205 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/streambuf \
206 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/locale \
207 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/nl_types.h \
208 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/types.h \
209 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_u_char.h \
210 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_u_short.h \
211 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_u_int.h \
212 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_caddr_t.h \
213 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_blkcnt_t.h \
214 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_blksize_t.h \
215 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_gid_t.h \
216 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_in_addr_t.h \
217 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_in_port_t.h \
218 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_ino_t.h \
219 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_ino64_t.h \
220 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_key_t.h \
221 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_nlink_t.h \
222 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_useconds_t.h \
223 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_suseconds_t.h \
224 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_fd_def.h \
225 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_fd_setsize.h \
226 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_fd_set.h \
227 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_fd_clr.h \
228 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_fd_zero.h \
229 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_fd_isset.h \
230 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_fd_copy.h \
231 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_fsblkcnt_t.h \
232 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/sys/_types/_fsfilcnt_t.h \
233 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/_types/_nl_item.h \
234 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/__bsd_locale_defaults.h \
235 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/bitset \
236 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/istream \
237 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/TargetConditionals.h \
238 | /usr/local/include/c10/util/Exception.h \
239 | /usr/local/include/c10/util/StringUtil.h \
240 | /usr/local/include/c10/util/string_utils.h \
241 | /usr/local/include/c10/util/Deprecated.h \
242 | /usr/local/include/c10/util/ThreadLocalDebugInfo.h \
243 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/unordered_map \
244 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/__hash_table \
245 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/cmath \
246 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/math.h \
247 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/math.h \
248 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/__node_handle \
249 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/optional \
250 | /usr/local/include/c10/util/UniqueVoidPtr.h \
251 | /usr/local/include/ATen/core/ATenGeneral.h \
252 | /usr/local/include/ATen/Context.h /usr/local/include/ATen/Tensor.h \
253 | /usr/local/include/ATen/core/TensorBody.h \
254 | /usr/local/include/c10/core/Layout.h \
255 | /usr/local/include/c10/core/Backend.h \
256 | /usr/local/include/c10/core/DispatchKey.h \
257 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/iostream \
258 | /usr/local/include/c10/util/ArrayRef.h \
259 | /usr/local/include/c10/util/SmallVector.h \
260 | /usr/local/include/c10/util/AlignOf.h \
261 | /usr/local/include/c10/util/C++17.h \
262 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/array \
263 | /usr/local/include/c10/core/DispatchKeySet.h \
264 | /usr/local/include/c10/util/llvmMathExtras.h \
265 | /usr/local/include/c10/core/MemoryFormat.h \
266 | /usr/local/include/c10/core/QScheme.h \
267 | /usr/local/include/c10/core/Stream.h \
268 | /usr/local/include/c10/core/Scalar.h \
269 | /usr/local/include/c10/core/ScalarType.h \
270 | /usr/local/include/c10/util/complex.h \
271 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/complex \
272 | /usr/local/include/c10/util/complex_math.h \
273 | /usr/local/include/c10/util/complex_utils.h \
274 | /usr/local/include/c10/util/Half.h \
275 | /usr/local/include/c10/util/Half-inl.h \
276 | /usr/local/include/c10/util/qint32.h \
277 | /usr/local/include/c10/util/qint8.h \
278 | /usr/local/include/c10/util/quint8.h \
279 | /usr/local/include/c10/util/BFloat16.h \
280 | /usr/local/include/c10/util/BFloat16-inl.h \
281 | /usr/local/include/c10/util/quint4x2.h \
282 | /usr/local/include/c10/util/Optional.h \
283 | /usr/local/include/c10/util/in_place.h \
284 | /usr/local/include/c10/util/Metaprogramming.h \
285 | /usr/local/include/c10/util/TypeList.h \
286 | /usr/local/include/c10/util/TypeTraits.h \
287 | /usr/local/include/c10/util/Array.h \
288 | /usr/local/include/c10/util/TypeCast.h \
289 | /usr/local/include/c10/core/ScalarTypeToTypeMeta.h \
290 | /usr/local/include/c10/util/typeid.h \
291 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/unordered_set \
292 | /usr/local/include/c10/util/Backtrace.h \
293 | /usr/local/include/c10/util/IdWrapper.h \
294 | /usr/local/include/c10/util/Type.h \
295 | /usr/local/include/c10/util/TypeIndex.h \
296 | /usr/local/include/c10/util/ConstexprCrc.h \
297 | /usr/local/include/c10/util/string_view.h \
298 | /usr/local/include/c10/util/reverse_iterator.h \
299 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/cinttypes \
300 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/inttypes.h \
301 | /Library/Developer/CommandLineTools/usr/lib/clang/12.0.5/include/inttypes.h \
302 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/inttypes.h \
303 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/xlocale/_inttypes.h \
304 | /usr/local/include/c10/util/flat_hash_map.h \
305 | /usr/local/include/c10/core/Storage.h \
306 | /usr/local/include/c10/core/StorageImpl.h \
307 | /usr/local/include/c10/util/intrusive_ptr.h \
308 | /usr/local/include/ATen/core/TensorAccessor.h \
309 | /usr/local/include/c10/core/TensorImpl.h \
310 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/numeric \
311 | /usr/local/include/c10/core/TensorOptions.h \
312 | /usr/local/include/c10/core/DefaultDtype.h \
313 | /usr/local/include/c10/core/impl/LocalDispatchKeySet.h \
314 | /usr/local/include/c10/util/Flags.h \
315 | /usr/local/include/c10/util/Registry.h \
316 | /usr/local/include/c10/core/impl/SizesAndStrides.h \
317 | /usr/local/include/c10/core/CopyBytes.h \
318 | /usr/local/include/c10/util/Logging.h \
319 | /usr/local/include/c10/util/logging_is_not_google_glog.h \
320 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/fstream \
321 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/filesystem \
322 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/stack \
323 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/deque \
324 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/iomanip \
325 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/map \
326 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/__tree \
327 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/set \
328 | /usr/local/include/c10/util/python_stub.h \
329 | /usr/local/include/c10/core/UndefinedTensorImpl.h \
330 | /usr/local/include/c10/core/WrapDimMinimal.h \
331 | /usr/local/include/ATen/core/DeprecatedTypePropertiesRegistry.h \
332 | /usr/local/include/ATen/core/DeprecatedTypeProperties.h \
333 | /usr/local/include/ATen/core/Generator.h \
334 | /usr/local/include/c10/core/GeneratorImpl.h \
335 | /usr/local/include/ATen/core/NamedTensor.h \
336 | /usr/local/include/ATen/core/Dimname.h \
337 | /usr/local/include/ATen/core/interned_strings.h \
338 | /usr/local/include/ATen/core/aten_interned_strings.h \
339 | /usr/local/include/ATen/core/QuantizerBase.h \
340 | /usr/local/include/torch/csrc/WindowsTorchApiMacro.h \
341 | /usr/local/include/ATen/Utils.h /usr/local/include/ATen/Formatting.h \
342 | /usr/local/include/ATen/core/Formatting.h \
343 | /usr/local/include/ATen/core/Tensor.h \
344 | /usr/local/include/ATen/CPUGeneratorImpl.h \
345 | /usr/local/include/ATen/core/MT19937RNGEngine.h \
346 | /usr/local/include/ATen/core/LegacyTypeDispatch.h \
347 | /usr/local/include/ATen/detail/CUDAHooksInterface.h \
348 | /usr/local/include/ATen/detail/HIPHooksInterface.h \
349 | /usr/local/include/c10/core/impl/DeviceGuardImplInterface.h \
350 | /usr/local/include/c10/core/QEngine.h /usr/local/include/ATen/Device.h \
351 | /usr/local/include/ATen/DeviceGuard.h \
352 | /usr/local/include/c10/core/DeviceGuard.h \
353 | /usr/local/include/c10/core/impl/InlineDeviceGuard.h \
354 | /usr/local/include/c10/core/impl/VirtualGuardImpl.h \
355 | /usr/local/include/ATen/DimVector.h \
356 | /usr/local/include/ATen/core/DimVector.h \
357 | /usr/local/include/ATen/Dispatch.h \
358 | /usr/local/include/ATen/record_function.h \
359 | /usr/local/include/ATen/core/ivalue.h \
360 | /usr/local/include/ATen/core/blob.h \
361 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/typeindex \
362 | /usr/local/include/ATen/core/ivalue_inl.h \
363 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/condition_variable \
364 | /usr/local/include/ATen/core/Dict.h \
365 | /usr/local/include/c10/util/order_preserving_flat_hash_map.h \
366 | /usr/local/include/ATen/core/Dict_inl.h \
367 | /usr/local/include/c10/util/hash.h /usr/local/include/ATen/core/List.h \
368 | /usr/local/include/ATen/core/List_inl.h \
369 | /usr/local/include/ATen/core/jit_type_base.h \
370 | /usr/local/include/ATen/core/jit_type.h \
371 | /usr/local/include/ATen/core/functional.h \
372 | /usr/local/include/ATen/core/qualified_name.h \
373 | /usr/local/include/ATen/core/rref_interface.h \
374 | /usr/local/include/ATen/core/operator_name.h \
375 | /usr/local/include/ATen/Functions.h \
376 | /usr/local/include/ATen/core/Reduction.h \
377 | /usr/local/include/ATen/TensorUtils.h \
378 | /usr/local/include/ATen/TensorGeometry.h \
379 | /usr/local/include/ATen/WrapDimUtils.h \
380 | /usr/local/include/ATen/TracerMode.h \
381 | /usr/local/include/ATen/core/op_registration/hacky_wrapper_for_legacy_signatures.h \
382 | /usr/local/include/c10/core/CompileTimeFunctionPointer.h \
383 | /usr/local/include/ATen/NamedTensor.h \
384 | /usr/local/include/ATen/ScalarOps.h \
385 | /usr/local/include/ATen/TensorIndexing.h \
386 | /usr/local/include/ATen/ExpandUtils.h \
387 | /usr/local/include/ATen/NativeFunctions.h \
388 | /usr/local/include/ATen/MetaFunctions.h \
389 | /usr/local/include/ATen/TensorMeta.h \
390 | /usr/local/include/ATen/TensorIterator.h \
391 | /usr/local/include/c10/util/FunctionRef.h \
392 | /usr/local/include/ATen/core/Range.h \
393 | /usr/local/include/ATen/NamedTensorUtils.h \
394 | /usr/local/include/ATen/TensorNames.h \
395 | /usr/local/include/ATen/TensorOperators.h \
396 | /usr/local/include/ATen/Version.h \
397 | /usr/local/include/ATen/core/Scalar.h \
398 | /usr/local/include/ATen/core/UnsafeFromTH.h \
399 | /usr/local/include/torch/csrc/autograd/generated/variable_factories.h \
400 | /usr/local/include/ATen/core/grad_mode.h \
401 | /usr/local/include/torch/csrc/api/include/torch/detail/TensorDataContainer.h \
402 | /usr/local/include/torch/csrc/autograd/variable.h \
403 | /usr/local/include/torch/csrc/utils/python_stub.h \
404 | /usr/local/include/torch/csrc/autograd/edge.h \
405 | /usr/local/include/torch/csrc/autograd/function_hook.h \
406 | /usr/local/include/torch/csrc/autograd/cpp_hook.h \
407 | /usr/local/include/torch/csrc/autograd/forward_grad.h \
408 | /usr/local/include/torch/csrc/jit/frontend/tracer.h \
409 | /usr/local/include/ATen/core/stack.h \
410 | /usr/local/include/torch/csrc/jit/api/object.h \
411 | /usr/local/include/torch/csrc/jit/api/method.h \
412 | /usr/local/include/ATen/core/function.h \
413 | /usr/local/include/ATen/core/function_schema.h \
414 | /usr/local/include/ATen/core/alias_info.h \
415 | /usr/local/include/ATen/core/dispatch/OperatorOptions.h \
416 | /usr/local/include/ATen/core/function_schema_inl.h \
417 | /usr/local/include/torch/csrc/jit/api/function_impl.h \
418 | /usr/local/include/torch/csrc/jit/ir/ir.h \
419 | /usr/local/include/torch/csrc/jit/ir/attributes.h \
420 | /usr/local/include/torch/csrc/jit/ir/graph_node_list.h \
421 | /usr/local/include/torch/csrc/jit/ir/named_value.h \
422 | /usr/local/include/torch/csrc/jit/frontend/source_range.h \
423 | /usr/local/include/torch/csrc/jit/ir/constants.h \
424 | /usr/local/include/torch/csrc/jit/ir/scope.h \
425 | /usr/local/include/torch/csrc/utils/variadic.h \
426 | /usr/local/include/ATen/core/Variadic.h \
427 | /usr/local/include/torch/csrc/jit/runtime/operator.h \
428 | /usr/local/include/ATen/core/dispatch/Dispatcher.h \
429 | /usr/local/include/ATen/SequenceNumber.h \
430 | /usr/local/include/ATen/core/boxing/KernelFunction.h \
431 | /usr/local/include/ATen/core/boxing/KernelFunction_impl.h \
432 | /usr/local/include/ATen/core/boxing/impl/boxing.h \
433 | /usr/local/include/ATen/core/boxing/impl/make_boxed_from_unboxed_functor.h \
434 | /usr/local/include/ATen/core/boxing/impl/WrapFunctionIntoFunctor.h \
435 | /usr/local/include/ATen/core/boxing/impl/WrapFunctionIntoRuntimeFunctor.h \
436 | /usr/local/include/ATen/core/dispatch/OperatorEntry.h \
437 | /usr/local/include/c10/util/either.h \
438 | /usr/local/include/ATen/core/dispatch/DispatchKeyExtractor.h \
439 | /usr/local/include/c10/util/Bitset.h \
440 | /usr/local/include/ATen/core/dispatch/CppSignature.h \
441 | /usr/local/include/ATen/core/dispatch/RegistrationHandleRAII.h \
442 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/list \
443 | /usr/local/include/c10/util/LeftRight.h \
444 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/thread \
445 | /usr/local/include/ATen/core/op_registration/op_whitelist.h \
446 | /usr/local/include/torch/csrc/jit/frontend/function_schema_parser.h \
447 | /usr/local/include/ATen/core/Macros.h \
448 | /usr/local/include/torch/csrc/jit/runtime/operator_options.h \
449 | /usr/local/include/torch/library.h \
450 | /usr/local/include/ATen/core/op_registration/infer_schema.h \
451 | /usr/local/include/ATen/core/op_registration/op_registration.h \
452 | /usr/local/include/ATen/core/ATenOpList.h \
453 | /usr/local/include/torch/custom_class.h \
454 | /usr/local/include/ATen/core/builtin_function.h \
455 | /usr/local/include/torch/custom_class_detail.h \
456 | /usr/local/include/torch/csrc/utils/disallow_copy.h \
457 | /usr/local/include/torch/csrc/jit/runtime/graph_executor.h \
458 | /usr/local/include/torch/csrc/jit/python/update_graph_executor_opt.h \
459 | /usr/local/include/torch/csrc/jit/runtime/argument_spec.h \
460 | /usr/local/include/torch/csrc/jit/runtime/interpreter.h \
461 | /usr/local/include/ATen/ThreadLocalState.h \
462 | /usr/local/include/torch/csrc/jit/runtime/variable_tensor_list.h \
463 | /usr/local/include/torch/csrc/utils/memory.h \
464 | /usr/local/include/torch/csrc/autograd/grad_mode.h \
465 | /usr/local/include/torch/csrc/jit/runtime/custom_operator.h \
466 | /usr/local/include/torch/csrc/jit/serialization/import.h \
467 | /usr/local/include/caffe2/serialize/inline_container.h \
468 | /usr/local/include/caffe2/serialize/istream_adapter.h \
469 | /usr/local/include/caffe2/serialize/read_adapter_interface.h \
470 | /usr/local/include/caffe2/serialize/versions.h \
471 | /usr/local/include/torch/csrc/jit/api/module.h \
472 | /usr/local/include/torch/csrc/jit/passes/shape_analysis.h \
473 | /usr/local/include/torch/csrc/api/include/torch/ordered_dict.h \
474 | /usr/local/include/torch/csrc/jit/api/compilation_unit.h \
475 | /usr/local/include/torch/csrc/jit/frontend/name_mangler.h \
476 | /usr/local/include/torch/csrc/jit/serialization/unpickler.h \
477 | /usr/local/include/torch/csrc/jit/serialization/pickler.h \
478 | /usr/local/include/torch/csrc/jit/serialization/pickle.h \
479 | /usr/local/include/torch/csrc/autograd/custom_function.h \
480 | /usr/local/include/torch/csrc/autograd/function.h \
481 | /usr/local/include/torch/csrc/autograd/anomaly_mode.h \
482 | /usr/local/include/torch/csrc/autograd/profiler.h \
483 | /usr/local/include/torch/csrc/autograd/profiler_legacy.h \
484 | /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk/usr/include/c++/v1/forward_list \
485 | /usr/local/include/torch/csrc/autograd/profiler_utils.h \
486 | /usr/local/include/torch/csrc/autograd/profiler_kineto.h \
487 | /usr/local/include/torch/csrc/autograd/saved_variable.h \
488 | /usr/local/include/torch/csrc/autograd/input_metadata.h
489 |
--------------------------------------------------------------------------------
/server-cpp/build/CMakeFiles/bert-cpp.dir/link.txt:
--------------------------------------------------------------------------------
1 | /Library/Developer/CommandLineTools/usr/bin/c++ -isysroot /Library/Developer/CommandLineTools/SDKs/MacOSX11.3.sdk -Wl,-search_paths_first -Wl,-headerpad_max_install_names -L/usr/local/opt/zlib/lib CMakeFiles/bert-cpp.dir/bert-server.cpp.o CMakeFiles/bert-cpp.dir/libs/infer.cpp.o -o bert-cpp -Wl,-rpath,/Users/renato/Documents/dev/libtorch/lib -Wl,-rpath,/usr/local/lib /usr/local/lib/libc10.dylib /usr/local/lib/libopencv_gapi.4.5.2.dylib /usr/local/lib/libopencv_stitching.4.5.2.dylib /usr/local/lib/libopencv_alphamat.4.5.2.dylib /usr/local/lib/libopencv_aruco.4.5.2.dylib /usr/local/lib/libopencv_bgsegm.4.5.2.dylib /usr/local/lib/libopencv_bioinspired.4.5.2.dylib /usr/local/lib/libopencv_ccalib.4.5.2.dylib /usr/local/lib/libopencv_dnn_objdetect.4.5.2.dylib /usr/local/lib/libopencv_dnn_superres.4.5.2.dylib /usr/local/lib/libopencv_dpm.4.5.2.dylib /usr/local/lib/libopencv_face.4.5.2.dylib /usr/local/lib/libopencv_freetype.4.5.2.dylib /usr/local/lib/libopencv_fuzzy.4.5.2.dylib /usr/local/lib/libopencv_hfs.4.5.2.dylib /usr/local/lib/libopencv_img_hash.4.5.2.dylib /usr/local/lib/libopencv_intensity_transform.4.5.2.dylib /usr/local/lib/libopencv_line_descriptor.4.5.2.dylib /usr/local/lib/libopencv_mcc.4.5.2.dylib /usr/local/lib/libopencv_quality.4.5.2.dylib /usr/local/lib/libopencv_rapid.4.5.2.dylib /usr/local/lib/libopencv_reg.4.5.2.dylib /usr/local/lib/libopencv_rgbd.4.5.2.dylib /usr/local/lib/libopencv_saliency.4.5.2.dylib /usr/local/lib/libopencv_sfm.4.5.2.dylib /usr/local/lib/libopencv_stereo.4.5.2.dylib /usr/local/lib/libopencv_structured_light.4.5.2.dylib /usr/local/lib/libopencv_superres.4.5.2.dylib /usr/local/lib/libopencv_surface_matching.4.5.2.dylib /usr/local/lib/libopencv_tracking.4.5.2.dylib /usr/local/lib/libopencv_videostab.4.5.2.dylib /usr/local/lib/libopencv_viz.4.5.2.dylib /usr/local/lib/libopencv_wechat_qrcode.4.5.2.dylib /usr/local/lib/libopencv_xfeatures2d.4.5.2.dylib /usr/local/lib/libopencv_xobjdetect.4.5.2.dylib /usr/local/lib/libopencv_xphoto.4.5.2.dylib /usr/local/lib/libboost_system-mt.dylib /usr/local/lib/libboost_thread-mt.dylib /Users/renato/Documents/dev/libtorch/lib/libtorch.dylib /Users/renato/Documents/dev/libtorch/lib/libtorch_cpu.dylib /Users/renato/Documents/dev/libtorch/lib/libc10.dylib /usr/local/lib/libopencv_shape.4.5.2.dylib /usr/local/lib/libopencv_highgui.4.5.2.dylib /usr/local/lib/libopencv_datasets.4.5.2.dylib /usr/local/lib/libopencv_plot.4.5.2.dylib /usr/local/lib/libopencv_text.4.5.2.dylib /usr/local/lib/libopencv_ml.4.5.2.dylib /usr/local/lib/libopencv_phase_unwrapping.4.5.2.dylib /usr/local/lib/libopencv_optflow.4.5.2.dylib /usr/local/lib/libopencv_ximgproc.4.5.2.dylib /usr/local/lib/libopencv_video.4.5.2.dylib /usr/local/lib/libopencv_videoio.4.5.2.dylib /usr/local/lib/libopencv_dnn.4.5.2.dylib /usr/local/lib/libopencv_imgcodecs.4.5.2.dylib /usr/local/lib/libopencv_objdetect.4.5.2.dylib /usr/local/lib/libopencv_calib3d.4.5.2.dylib /usr/local/lib/libopencv_features2d.4.5.2.dylib /usr/local/lib/libopencv_flann.4.5.2.dylib /usr/local/lib/libopencv_photo.4.5.2.dylib /usr/local/lib/libopencv_imgproc.4.5.2.dylib /usr/local/lib/libopencv_core.4.5.2.dylib
2 |
--------------------------------------------------------------------------------
/server-cpp/build/CMakeFiles/bert-cpp.dir/progress.make:
--------------------------------------------------------------------------------
1 | CMAKE_PROGRESS_1 = 1
2 | CMAKE_PROGRESS_2 = 2
3 | CMAKE_PROGRESS_3 = 3
4 |
5 |
--------------------------------------------------------------------------------
/server-cpp/build/CMakeFiles/cmake.check_cache:
--------------------------------------------------------------------------------
1 | # This file is generated by cmake for dependency checking of the CMakeCache.txt file
2 |
--------------------------------------------------------------------------------
/server-cpp/build/CMakeFiles/progress.marks:
--------------------------------------------------------------------------------
1 | 3
2 |
--------------------------------------------------------------------------------
/server-cpp/build/Makefile:
--------------------------------------------------------------------------------
1 | # CMAKE generated file: DO NOT EDIT!
2 | # Generated by "Unix Makefiles" Generator, CMake Version 3.20
3 |
4 | # Default target executed when no arguments are given to make.
5 | default_target: all
6 | .PHONY : default_target
7 |
8 | # Allow only one "make -f Makefile2" at a time, but pass parallelism.
9 | .NOTPARALLEL:
10 |
11 | #=============================================================================
12 | # Special targets provided by cmake.
13 |
14 | # Disable implicit rules so canonical targets will work.
15 | .SUFFIXES:
16 |
17 | # Disable VCS-based implicit rules.
18 | % : %,v
19 |
20 | # Disable VCS-based implicit rules.
21 | % : RCS/%
22 |
23 | # Disable VCS-based implicit rules.
24 | % : RCS/%,v
25 |
26 | # Disable VCS-based implicit rules.
27 | % : SCCS/s.%
28 |
29 | # Disable VCS-based implicit rules.
30 | % : s.%
31 |
32 | .SUFFIXES: .hpux_make_needs_suffix_list
33 |
34 | # Command-line flag to silence nested $(MAKE).
35 | $(VERBOSE)MAKESILENT = -s
36 |
37 | #Suppress display of executed commands.
38 | $(VERBOSE).SILENT:
39 |
40 | # A target that is always out of date.
41 | cmake_force:
42 | .PHONY : cmake_force
43 |
44 | #=============================================================================
45 | # Set environment variables for the build.
46 |
47 | # The shell in which to execute make rules.
48 | SHELL = /bin/sh
49 |
50 | # The CMake executable.
51 | CMAKE_COMMAND = /usr/local/Cellar/cmake/3.20.2/bin/cmake
52 |
53 | # The command to remove a file.
54 | RM = /usr/local/Cellar/cmake/3.20.2/bin/cmake -E rm -f
55 |
56 | # Escaping for special characters.
57 | EQUALS = =
58 |
59 | # The top-level source directory on which CMake was run.
60 | CMAKE_SOURCE_DIR = /Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp
61 |
62 | # The top-level build directory on which CMake was run.
63 | CMAKE_BINARY_DIR = /Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/build
64 |
65 | #=============================================================================
66 | # Targets provided globally by CMake.
67 |
68 | # Special rule for the target rebuild_cache
69 | rebuild_cache:
70 | @$(CMAKE_COMMAND) -E cmake_echo_color --switch=$(COLOR) --cyan "Running CMake to regenerate build system..."
71 | /usr/local/Cellar/cmake/3.20.2/bin/cmake --regenerate-during-build -S$(CMAKE_SOURCE_DIR) -B$(CMAKE_BINARY_DIR)
72 | .PHONY : rebuild_cache
73 |
74 | # Special rule for the target rebuild_cache
75 | rebuild_cache/fast: rebuild_cache
76 | .PHONY : rebuild_cache/fast
77 |
78 | # Special rule for the target edit_cache
79 | edit_cache:
80 | @$(CMAKE_COMMAND) -E cmake_echo_color --switch=$(COLOR) --cyan "Running CMake cache editor..."
81 | /usr/local/Cellar/cmake/3.20.2/bin/ccmake -S$(CMAKE_SOURCE_DIR) -B$(CMAKE_BINARY_DIR)
82 | .PHONY : edit_cache
83 |
84 | # Special rule for the target edit_cache
85 | edit_cache/fast: edit_cache
86 | .PHONY : edit_cache/fast
87 |
88 | # The main all target
89 | all: cmake_check_build_system
90 | $(CMAKE_COMMAND) -E cmake_progress_start /Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/build/CMakeFiles /Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/build//CMakeFiles/progress.marks
91 | $(MAKE) $(MAKESILENT) -f CMakeFiles/Makefile2 all
92 | $(CMAKE_COMMAND) -E cmake_progress_start /Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/build/CMakeFiles 0
93 | .PHONY : all
94 |
95 | # The main clean target
96 | clean:
97 | $(MAKE) $(MAKESILENT) -f CMakeFiles/Makefile2 clean
98 | .PHONY : clean
99 |
100 | # The main clean target
101 | clean/fast: clean
102 | .PHONY : clean/fast
103 |
104 | # Prepare targets for installation.
105 | preinstall: all
106 | $(MAKE) $(MAKESILENT) -f CMakeFiles/Makefile2 preinstall
107 | .PHONY : preinstall
108 |
109 | # Prepare targets for installation.
110 | preinstall/fast:
111 | $(MAKE) $(MAKESILENT) -f CMakeFiles/Makefile2 preinstall
112 | .PHONY : preinstall/fast
113 |
114 | # clear depends
115 | depend:
116 | $(CMAKE_COMMAND) -S$(CMAKE_SOURCE_DIR) -B$(CMAKE_BINARY_DIR) --check-build-system CMakeFiles/Makefile.cmake 1
117 | .PHONY : depend
118 |
119 | #=============================================================================
120 | # Target rules for targets named bert-cpp
121 |
122 | # Build rule for target.
123 | bert-cpp: cmake_check_build_system
124 | $(MAKE) $(MAKESILENT) -f CMakeFiles/Makefile2 bert-cpp
125 | .PHONY : bert-cpp
126 |
127 | # fast build rule for target.
128 | bert-cpp/fast:
129 | $(MAKE) $(MAKESILENT) -f CMakeFiles/bert-cpp.dir/build.make CMakeFiles/bert-cpp.dir/build
130 | .PHONY : bert-cpp/fast
131 |
132 | bert-server.o: bert-server.cpp.o
133 | .PHONY : bert-server.o
134 |
135 | # target to build an object file
136 | bert-server.cpp.o:
137 | $(MAKE) $(MAKESILENT) -f CMakeFiles/bert-cpp.dir/build.make CMakeFiles/bert-cpp.dir/bert-server.cpp.o
138 | .PHONY : bert-server.cpp.o
139 |
140 | bert-server.i: bert-server.cpp.i
141 | .PHONY : bert-server.i
142 |
143 | # target to preprocess a source file
144 | bert-server.cpp.i:
145 | $(MAKE) $(MAKESILENT) -f CMakeFiles/bert-cpp.dir/build.make CMakeFiles/bert-cpp.dir/bert-server.cpp.i
146 | .PHONY : bert-server.cpp.i
147 |
148 | bert-server.s: bert-server.cpp.s
149 | .PHONY : bert-server.s
150 |
151 | # target to generate assembly for a file
152 | bert-server.cpp.s:
153 | $(MAKE) $(MAKESILENT) -f CMakeFiles/bert-cpp.dir/build.make CMakeFiles/bert-cpp.dir/bert-server.cpp.s
154 | .PHONY : bert-server.cpp.s
155 |
156 | libs/infer.o: libs/infer.cpp.o
157 | .PHONY : libs/infer.o
158 |
159 | # target to build an object file
160 | libs/infer.cpp.o:
161 | $(MAKE) $(MAKESILENT) -f CMakeFiles/bert-cpp.dir/build.make CMakeFiles/bert-cpp.dir/libs/infer.cpp.o
162 | .PHONY : libs/infer.cpp.o
163 |
164 | libs/infer.i: libs/infer.cpp.i
165 | .PHONY : libs/infer.i
166 |
167 | # target to preprocess a source file
168 | libs/infer.cpp.i:
169 | $(MAKE) $(MAKESILENT) -f CMakeFiles/bert-cpp.dir/build.make CMakeFiles/bert-cpp.dir/libs/infer.cpp.i
170 | .PHONY : libs/infer.cpp.i
171 |
172 | libs/infer.s: libs/infer.cpp.s
173 | .PHONY : libs/infer.s
174 |
175 | # target to generate assembly for a file
176 | libs/infer.cpp.s:
177 | $(MAKE) $(MAKESILENT) -f CMakeFiles/bert-cpp.dir/build.make CMakeFiles/bert-cpp.dir/libs/infer.cpp.s
178 | .PHONY : libs/infer.cpp.s
179 |
180 | # Help Target
181 | help:
182 | @echo "The following are some of the valid targets for this Makefile:"
183 | @echo "... all (the default if no target is provided)"
184 | @echo "... clean"
185 | @echo "... depend"
186 | @echo "... edit_cache"
187 | @echo "... rebuild_cache"
188 | @echo "... bert-cpp"
189 | @echo "... bert-server.o"
190 | @echo "... bert-server.i"
191 | @echo "... bert-server.s"
192 | @echo "... libs/infer.o"
193 | @echo "... libs/infer.i"
194 | @echo "... libs/infer.s"
195 | .PHONY : help
196 |
197 |
198 |
199 | #=============================================================================
200 | # Special targets to cleanup operation of make.
201 |
202 | # Special rule to run CMake to check the build system integrity.
203 | # No rule that depends on this can have commands that come from listfiles
204 | # because they might be regenerated.
205 | cmake_check_build_system:
206 | $(CMAKE_COMMAND) -S$(CMAKE_SOURCE_DIR) -B$(CMAKE_BINARY_DIR) --check-build-system CMakeFiles/Makefile.cmake 0
207 | .PHONY : cmake_check_build_system
208 |
209 |
--------------------------------------------------------------------------------
/server-cpp/build/cmake_install.cmake:
--------------------------------------------------------------------------------
1 | # Install script for directory: /Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp
2 |
3 | # Set the install prefix
4 | if(NOT DEFINED CMAKE_INSTALL_PREFIX)
5 | set(CMAKE_INSTALL_PREFIX "/usr/local")
6 | endif()
7 | string(REGEX REPLACE "/$" "" CMAKE_INSTALL_PREFIX "${CMAKE_INSTALL_PREFIX}")
8 |
9 | # Set the install configuration name.
10 | if(NOT DEFINED CMAKE_INSTALL_CONFIG_NAME)
11 | if(BUILD_TYPE)
12 | string(REGEX REPLACE "^[^A-Za-z0-9_]+" ""
13 | CMAKE_INSTALL_CONFIG_NAME "${BUILD_TYPE}")
14 | else()
15 | set(CMAKE_INSTALL_CONFIG_NAME "")
16 | endif()
17 | message(STATUS "Install configuration: \"${CMAKE_INSTALL_CONFIG_NAME}\"")
18 | endif()
19 |
20 | # Set the component getting installed.
21 | if(NOT CMAKE_INSTALL_COMPONENT)
22 | if(COMPONENT)
23 | message(STATUS "Install component: \"${COMPONENT}\"")
24 | set(CMAKE_INSTALL_COMPONENT "${COMPONENT}")
25 | else()
26 | set(CMAKE_INSTALL_COMPONENT)
27 | endif()
28 | endif()
29 |
30 | # Is this installation the result of a crosscompile?
31 | if(NOT DEFINED CMAKE_CROSSCOMPILING)
32 | set(CMAKE_CROSSCOMPILING "FALSE")
33 | endif()
34 |
35 | # Set default install directory permissions.
36 | if(NOT DEFINED CMAKE_OBJDUMP)
37 | set(CMAKE_OBJDUMP "/Library/Developer/CommandLineTools/usr/bin/objdump")
38 | endif()
39 |
40 | if(CMAKE_INSTALL_COMPONENT)
41 | set(CMAKE_INSTALL_MANIFEST "install_manifest_${CMAKE_INSTALL_COMPONENT}.txt")
42 | else()
43 | set(CMAKE_INSTALL_MANIFEST "install_manifest.txt")
44 | endif()
45 |
46 | string(REPLACE ";" "\n" CMAKE_INSTALL_MANIFEST_CONTENT
47 | "${CMAKE_INSTALL_MANIFEST_FILES}")
48 | file(WRITE "/Users/renato/Documents/nextcloud/pytorch_c++/bert_cpp/server-cpp/build/${CMAKE_INSTALL_MANIFEST}"
49 | "${CMAKE_INSTALL_MANIFEST_CONTENT}")
50 |
--------------------------------------------------------------------------------
/server-cpp/libs/infer.cpp:
--------------------------------------------------------------------------------
1 | #include "infer.h"
2 |
3 | torch::Tensor predict(torch::Tensor input_ids,
4 | torch::jit::script::Module module) {
5 | torch::NoGradGuard no_grad;
6 | std::vector inp_tokens{input_ids};
7 |
8 | auto output = module.forward(inp_tokens);
9 | auto preds = output.toTuple()->elements()[0]; // last_hidden_state
10 |
11 | // Convert tensor to vector
12 | return preds.toTensor()[0]; // (seq_len, 30522)
13 | }
14 |
15 | // #include "infer.h"
16 |
17 | // std::vector predict(torch::Tensor input_ids,
18 | // torch::Tensor segment_ids,
19 | // torch::jit::script::Module module) {
20 | // // auto tokens = torch::tensor({{101, 2040, 2001, 3958, 27227, 1029, 102, 3958, 103, 2001, 1037, 13997, 11510, 102}});
21 | // // auto segments = torch::tensor({{0, 0, 0, 0, 0, 0, 0, 1, 1, 1, 1, 1, 1, 1}});
22 |
23 | // // std::vector inp_tokens{input_ids};
24 | // // std::vector inp_segments{segment_ids};
25 |
26 | // torch::NoGradGuard no_grad;
27 | // c10::detail::ListImpl::list_type input_list{input_ids, segment_ids};
28 |
29 | // auto output = module.forward(input_list);
30 | // auto last_hidden = output.toTuple()->elements()[0]; // last_hidden_state
31 | // auto pooler_output = output.toTuple()->elements()[1]; // pooler_output
32 | // std::cout << pooler_output << std::endl;
33 |
34 | // // Convert tensor to vector
35 | // auto p = pooler_output.toTensor().data_ptr();
36 | // std::vector result{p, p + pooler_output.toTensor().size(1)};
37 | // std::cout << result << std::endl;
38 |
39 | // return result;
40 | // }
41 |
--------------------------------------------------------------------------------
/server-cpp/libs/infer.h:
--------------------------------------------------------------------------------
1 | #include
2 |
3 | #include "torch/script.h"
4 |
5 | torch::Tensor predict(torch::Tensor input_ids,
6 | torch::jit::script::Module module);
7 |
8 | // std::vector predict(torch::Tensor input_ids,
9 | // torch::Tensor segment_ids,
10 | // torch::jit::script::Module module);
--------------------------------------------------------------------------------
/server-python/app_jit.py:
--------------------------------------------------------------------------------
1 | # %% ---------------------------------------------
2 | import torch
3 | from fastapi import FastAPI, Request
4 | import logging
5 | import numpy as np
6 | logger = logging.getLogger('hypercorn.error')
7 |
8 |
9 | # %% ---------------------------------------------
10 | device = torch.device('cuda' if torch.cuda.is_available() else 'cpu')
11 | model = torch.jit.load('../model/large_lm.pt')
12 | model.eval()
13 | model.to(device)
14 | app = FastAPI()
15 |
16 |
17 | # %% ---------------------------------------------
18 | def inference(tokens, idx_to_predict):
19 | tokens = torch.tensor(tokens).unsqueeze(0)
20 | with torch.no_grad():
21 | output = model(tokens.to(device))[0].detach().cpu()
22 | output = torch.softmax(output[0][idx_to_predict], 0)
23 | prob, idx = output.topk(k=5, dim=0)
24 | result = {}
25 | result["Prediction"] = [int(i.numpy()) for i in idx]
26 | result["Confidence"] = [float(p.numpy()) for p in prob]
27 | return result
28 |
29 |
30 | @app.post('/predict')
31 | async def predict(request: Request):
32 | result = (await request.json())
33 | request_id = result.get('request_id')
34 | tokens = result.get('tokens')
35 | idx_to_predict = result.get('idx_to_predict')
36 |
37 | logger.info(f'Request id: {request_id}')
38 | out = inference(tokens, int(idx_to_predict))
39 | return out
--------------------------------------------------------------------------------
/server-python/app_onnx.py:
--------------------------------------------------------------------------------
1 | # %% ---------------------------------------------
2 | from fastapi import FastAPI, Request
3 | import onnxruntime
4 | import numpy as np
5 | import logging
6 | logger = logging.getLogger('hypercorn.error')
7 |
8 |
9 | # %% ---------------------------------------------
10 | app = FastAPI()
11 | onnx_session = onnxruntime.InferenceSession("../model/bert_onnx.pt")
12 |
13 |
14 | def softmax(x):
15 | return np.exp(x) / np.sum(np.exp(x), axis=0)
16 |
17 |
18 | # %% ---------------------------------------------
19 | def inference(tokens, idx_to_predict):
20 |
21 | tokens = tokens + [0] * (512 - len(tokens))
22 | tokens = np.array(tokens).reshape(1, -1)
23 |
24 | ort_inputs = {onnx_session.get_inputs()[0].name: tokens}
25 | ort_outs = onnx_session.run(None, ort_inputs)
26 | output = np.array(ort_outs)[0][0]
27 | output = softmax(output[idx_to_predict])
28 |
29 | idx = np.argpartition(output, -5)[-5:]
30 | prob = output[idx]
31 | result = {}
32 | result["Prediction"] = [int(i) for i in idx]
33 | result["Confidence"] = [float(p) for p in prob]
34 |
35 | return result
36 |
37 |
38 | @app.post('/predict')
39 | async def predict(request: Request):
40 | result = (await request.json())
41 | request_id = result.get('request_id')
42 | tokens = result.get('tokens')
43 | idx_to_predict = result.get('idx_to_predict')
44 |
45 | logger.info(f'Request id: {request_id}')
46 | out = inference(tokens, int(idx_to_predict))
47 | return out
48 |
--------------------------------------------------------------------------------
/server-python/app_pt.py:
--------------------------------------------------------------------------------
1 | # %% ---------------------------------------------
2 | import torch
3 | from transformers import AutoTokenizer, AutoModelForMaskedLM
4 | from fastapi import FastAPI, Request
5 | import logging
6 | import numpy as np
7 | logger = logging.getLogger('hypercorn.error')
8 |
9 |
10 | # %% ---------------------------------------------
11 | device = torch.device('cuda' if torch.cuda.is_available() else 'cpu')
12 | model = AutoModelForMaskedLM.from_pretrained("bert-large-uncased")
13 | model.eval()
14 | model.to(device)
15 | app = FastAPI()
16 |
17 |
18 | # %% ---------------------------------------------
19 | def inference(tokens, idx_to_predict):
20 | tokens = torch.tensor(tokens).unsqueeze(0)
21 | with torch.no_grad():
22 | output = model(tokens.to(device))[0].detach().cpu()
23 | output = torch.softmax(output[0][idx_to_predict], 0)
24 | prob, idx = output.topk(k=5, dim=0)
25 | result = {}
26 | result["Prediction"] = [int(i.numpy()) for i in idx]
27 | result["Confidence"] = [float(p.numpy()) for p in prob]
28 | return result
29 |
30 |
31 | @app.post('/predict')
32 | async def predict(request: Request):
33 | result = (await request.json())
34 | request_id = result.get('request_id')
35 | tokens = result.get('tokens')
36 | idx_to_predict = result.get('idx_to_predict')
37 |
38 | logger.info(f'Request id: {request_id}')
39 | out = inference(tokens, int(idx_to_predict))
40 | return out
41 |
--------------------------------------------------------------------------------
/test_api.py:
--------------------------------------------------------------------------------
1 | # %% ---------------------------------------------
2 | import requests
3 | import json
4 | from concurrent.futures import ThreadPoolExecutor
5 | import asyncio
6 | import aiohttp
7 | import time
8 | import numpy as np
9 | from transformers import AutoTokenizer
10 | import numpy as np
11 | import torch
12 |
13 | tokenizer = AutoTokenizer.from_pretrained("bert-base-uncased")
14 |
15 |
16 | # %% ---------------------------------------------
17 | n_request = 10
18 | URL = "http://localhost:8000/predict"
19 | text = "[CLS] In deep [MASK], each level learns to transform its input data into a slightly more abstract and composite representation. In an image recognition application, the raw input may be a matrix of pixels; the first representational layer may abstract the pixels and encode edges; the second layer may compose and encode arrangements of edges; the third layer may encode a nose and eyes; and the fourth layer may recognize that the image contains a face. Importantly, a deep learning process can learn which features to optimally place in which level on its own. (Of course, this does not completely eliminate the need for hand-tuning; for example, varying numbers of layers and layer sizes can provide different degrees of abstraction.) Simpler models that use task-specific handcrafted features such as Gabor filters and support vector machines (SVMs) were a popular choice in the 1990s and 2000s, because of artificial neural network's (ANN) computational cost and a lack of understanding of how the brain wires its biological networks. Generally speaking, deep learning is a machine learning method that takes in an input X, and uses it to predict an output of Y. As an example, given the stock prices of the past week as input, my deep learning algorithm will try to predict the stock price of the next day. Given a large dataset of input and output pairs, a deep learning algorithm will try to minimize the difference between its prediction and expected output. By doing this, it tries to learn the association/pattern between given inputs and outputs — this in turn allows a deep learning model to generalize to inputs that it hasn’t seen before. As another example, let’s say that inputs are images of dogs and cats, and outputs are labels for those images (i.e. is the input picture a dog or a cat). If an input has a label of a dog, but the deep learning algorithm predicts a cat, then my deep learning algorithm will learn that the features of my given image (e.g. sharp teeth, facial features) are going to be associated with a dog. I won’t go too in depth into the math, but information is passed between network layers through the function shown above. The major points to keep note of here are the tunable weight and bias parameters — represented by w and b respectively in the function above. These are essential to the actual “learning” process of a deep learning algorithm. After the neural network passes its inputs all the way to its outputs.[SEP]"
20 |
21 |
22 | # %% ---------------------------------------------
23 | async def _async_fetch(session, data):
24 | async with session.post(URL, json=data) as response:
25 | r = await response.text()
26 | return r
27 |
28 |
29 | async def run():
30 | tokenized_text = tokenizer.tokenize(text)
31 | indexed_tokens = tokenizer.convert_tokens_to_ids(tokenized_text)
32 | index_str = ','.join([str(s) for s in indexed_tokens])
33 | async with aiohttp.ClientSession() as session:
34 | tasks = [_async_fetch(session, data={"tokens": index_str,
35 | "idx_to_predict": "3",
36 | "request_id": str(i)}) for i in range(n_request)]
37 | # tasks = [_async_fetch(session, data={"tokens": indexed_tokens,
38 | # "idx_to_predict": "3",
39 | # "request_id": str(i)}) for i in range(n_request)]
40 | results = await asyncio.gather(*tasks)
41 | return results
42 |
43 |
44 | # %% ---------------------------------------------
45 | if __name__ == '__main__':
46 | loop = asyncio.get_event_loop()
47 | times = []
48 | print(f'Starting {n_request} request asynchronous')
49 | for i in range(1, 10, 1):
50 | start = time.perf_counter()
51 | loop.run_until_complete(run())
52 | end = time.perf_counter()
53 | elapsed = end - start
54 | times.append(elapsed)
55 | print(f'Run {i}: {elapsed:.5f} seconds')
56 |
57 | loop.close()
58 | print(f'Mean: {np.mean(times):.5f} seconds')
59 |
--------------------------------------------------------------------------------