├── .gitignore ├── FinBERT - DeSola, Hanna, Nonis.pdf ├── README.md ├── base ├── .gitignore ├── pull.sh └── uncased_L-12_H-768_A-12 │ ├── bert_config.json │ ├── bert_model.ckpt.index │ ├── bert_model.ckpt.meta │ └── vocab.txt ├── bert-gpu ├── .dockerignore ├── .gitignore ├── .gitmodules ├── CONTRIBUTING.md ├── Dockerfile ├── LICENSE ├── NOTICE ├── README.md ├── __init__.py ├── data │ ├── README.md │ ├── bookcorpus │ │ ├── clean_and_merge_text.py │ │ ├── config.sh │ │ ├── create_pseudo_test_set.py │ │ ├── create_pseudo_test_set.sh │ │ ├── preprocessing.sh │ │ ├── preprocessing_test_set.sh │ │ ├── preprocessing_test_set_xargs_wrapper.sh │ │ ├── preprocessing_xargs_wrapper.sh │ │ ├── run_preprocessing.sh │ │ ├── sentence_segmentation_nltk.py │ │ └── shard_text_input_file.py │ ├── glue │ │ └── download_glue_data.py │ ├── images │ │ ├── bert_pipeline.png │ │ ├── trtis_base_summary.png │ │ ├── trtis_bs_1.png │ │ ├── trtis_bs_8.png │ │ ├── trtis_dynamic.png │ │ ├── trtis_ec_1.png │ │ ├── trtis_ec_4.png │ │ ├── trtis_large_summary.png │ │ └── trtis_static.png │ ├── pretrained_models_google │ │ └── download_models.py │ ├── squad │ │ └── squad_download.sh │ └── wikipedia_corpus │ │ ├── config.sh │ │ ├── create_pseudo_test_set.py │ │ ├── create_pseudo_test_set.sh │ │ ├── preprocessing.sh │ │ ├── preprocessing_test_set.sh │ │ ├── preprocessing_test_set_xargs_wrapper.sh │ │ ├── preprocessing_xargs_wrapper.sh │ │ ├── remove_tags_and_clean.py │ │ ├── run_preprocessing.sh │ │ ├── shard_text_input_file.py │ │ ├── wiki_sentence_segmentation_nltk.py │ │ ├── wiki_sentence_segmentation_spacy.py │ │ └── wiki_sentence_segmentation_spacy_pipe.py ├── extract_features.py ├── fp16_utils.py ├── fused_layer_norm.py ├── gpu_environment.py ├── launch.sh ├── modeling.py ├── modeling_test.py ├── multilingual.md ├── nvidia-container-runtime-script.sh ├── optimization.py ├── optimization_test.py ├── predicting_movie_reviews_with_bert_on_tf_hub.ipynb ├── requirements.txt ├── run_classifier.py ├── run_classifier_with_tfhub.py ├── run_pretraining.py ├── run_pretraining.sh ├── run_squad.py ├── run_squad_trtis_client.py ├── sample_text.txt ├── scripts │ ├── data_download.sh │ ├── data_download_helper.sh │ ├── docker │ │ ├── build.sh │ │ ├── launch.sh │ │ └── launch_server.sh │ ├── finetune_inference_benchmark.sh │ ├── finetune_train_benchmark.sh │ ├── run_glue.sh │ ├── run_pretraining.sh │ ├── run_squad.sh │ ├── run_squad_inference.sh │ └── trtis │ │ ├── export_model.sh │ │ ├── generate_figures.sh │ │ ├── run_client.sh │ │ ├── run_perf_client.sh │ │ ├── run_trtis.sh │ │ └── wait_for_trtis_server.sh ├── tensorrt-inference-server │ ├── .bazelrc │ ├── .clang-format │ ├── .dockerignore │ ├── .gitignore │ ├── CONTRIBUTING.md │ ├── Dockerfile │ ├── Dockerfile.QA │ ├── Dockerfile.client │ ├── Dockerfile.inprocess │ ├── LICENSE │ ├── Makefile.client │ ├── Makefile.inprocess │ ├── README.rst │ ├── VERSION │ ├── WORKSPACE │ ├── deploy │ │ └── single_server │ │ │ ├── .helmignore │ │ │ ├── Chart.yaml │ │ │ ├── README.rst │ │ │ ├── templates │ │ │ ├── _helpers.tpl │ │ │ ├── deployment.yaml │ │ │ └── service.yaml │ │ │ └── values.yaml │ ├── docs │ │ ├── Makefile │ │ ├── architecture.rst │ │ ├── build.rst │ │ ├── capabilities.rst │ │ ├── client.rst │ │ ├── conf.py │ │ ├── contribute.rst │ │ ├── custom_operation.rst │ │ ├── examples │ │ │ ├── ensemble_model_repository │ │ │ │ ├── image_preprocess_nchw_3x224x224_inception │ │ │ │ │ └── config.pbtxt │ │ │ │ ├── preprocess_resnet50_ensemble │ │ │ │ │ └── config.pbtxt │ │ │ │ └── resnet50_netdef │ │ │ │ │ ├── config.pbtxt │ │ │ │ │ └── resnet50_labels.txt │ │ │ ├── fetch_models.sh │ │ │ └── model_repository │ │ │ │ ├── densenet_onnx │ │ │ │ ├── config.pbtxt │ │ │ │ └── densenet_labels.txt │ │ │ │ ├── inception_graphdef │ │ │ │ ├── config.pbtxt │ │ │ │ └── inception_labels.txt │ │ │ │ ├── resnet50_netdef │ │ │ │ ├── config.pbtxt │ │ │ │ └── resnet50_labels.txt │ │ │ │ ├── simple │ │ │ │ ├── 1 │ │ │ │ │ └── model.graphdef │ │ │ │ └── config.pbtxt │ │ │ │ └── simple_string │ │ │ │ ├── 1 │ │ │ │ └── model.graphdef │ │ │ │ └── config.pbtxt │ │ ├── http_grpc_api.rst │ │ ├── images │ │ │ ├── arch.png │ │ │ ├── cuda_stream_exec.png │ │ │ ├── ensemble_example0.png │ │ │ ├── multi_model_exec.png │ │ │ ├── multi_model_parallel_exec.png │ │ │ ├── multi_model_serial_exec.png │ │ │ ├── sequence_example0.png │ │ │ ├── sequence_example1.png │ │ │ └── sequence_example2.png │ │ ├── index.rst │ │ ├── install.rst │ │ ├── metrics.rst │ │ ├── model_configuration.rst │ │ ├── model_repository.rst │ │ ├── models_and_schedulers.rst │ │ ├── protobuf_api │ │ │ ├── gen_proto_doc.sh │ │ │ └── protobuf_api_root.rst │ │ ├── python_api.rst │ │ ├── quickstart.rst │ │ ├── run.rst │ │ ├── templates │ │ │ └── layout.html │ │ └── test.rst │ ├── nvidia_entrypoint.sh │ ├── qa │ │ ├── L0_batcher │ │ │ ├── batcher_test.py │ │ │ └── test.sh │ │ ├── L0_client_nobatch │ │ │ ├── client_test.py │ │ │ └── test.sh │ │ ├── L0_custom_image_preprocess │ │ │ ├── models │ │ │ │ └── image_preprocess_nhwc_224x224x3 │ │ │ │ │ └── config.pbtxt │ │ │ ├── preprocess_test.py │ │ │ ├── preprocessed_mug_image │ │ │ └── test.sh │ │ ├── L0_custom_param │ │ │ ├── models │ │ │ │ └── param │ │ │ │ │ └── config.pbtxt │ │ │ ├── param_test.py │ │ │ └── test.sh │ │ ├── L0_docs │ │ │ └── test.sh │ │ ├── L0_infer │ │ │ ├── infer_test.py │ │ │ └── test.sh │ │ ├── L0_infer_reshape │ │ │ ├── infer_reshape_test.py │ │ │ └── test.sh │ │ ├── L0_infer_variable │ │ │ ├── infer_variable_test.py │ │ │ └── test.sh │ │ ├── L0_infer_zero │ │ │ ├── infer_zero_test.py │ │ │ └── test.sh │ │ ├── L0_lifecycle │ │ │ ├── lifecycle_test.py │ │ │ └── test.sh │ │ ├── L0_multiple_ports │ │ │ ├── models │ │ │ │ └── simple │ │ │ │ │ └── config.pbtxt │ │ │ ├── multi_port_tests.py │ │ │ └── test.sh │ │ ├── L0_output_name │ │ │ ├── output_name_test.py │ │ │ └── test.sh │ │ ├── L0_perf_client │ │ │ └── test.sh │ │ ├── L0_priority │ │ │ └── test.sh │ │ ├── L0_sequence_batcher │ │ │ ├── sequence_batcher_test.py │ │ │ └── test.sh │ │ ├── L0_sequence_stress │ │ │ ├── sequence_stress.py │ │ │ └── test.sh │ │ ├── L0_server_status │ │ │ ├── server_status_test.py │ │ │ └── test.sh │ │ ├── L0_simple_custom_example │ │ │ ├── models │ │ │ │ └── simple │ │ │ │ │ └── config.pbtxt │ │ │ └── test.sh │ │ ├── L0_simple_ensemble │ │ │ ├── ensemble_test.py │ │ │ ├── models │ │ │ │ ├── ensemble_add_sub_int32_int32_int32 │ │ │ │ │ └── config.pbtxt │ │ │ │ └── simple │ │ │ │ │ └── config.pbtxt │ │ │ └── test.sh │ │ ├── L0_simple_example │ │ │ └── test.sh │ │ ├── L0_simple_inprocess │ │ │ └── test.sh │ │ ├── L0_simple_sequence_example │ │ │ ├── models │ │ │ │ └── simple_sequence │ │ │ │ │ └── config.pbtxt │ │ │ └── test.sh │ │ ├── L0_simple_string_example │ │ │ └── test.sh │ │ ├── L0_unit_test │ │ │ └── test.sh │ │ ├── common │ │ │ ├── check_copyright.py │ │ │ ├── gen_ensemble_model_utils.py │ │ │ ├── gen_qa_model_repository │ │ │ ├── gen_qa_models.py │ │ │ ├── gen_qa_reshape_models.py │ │ │ ├── gen_qa_sequence_models.py │ │ │ ├── gen_qa_zero_models.py │ │ │ ├── infer_util.py │ │ │ ├── run_all_tests.sh │ │ │ ├── show_testlogs │ │ │ ├── test_util.py │ │ │ └── util.sh │ │ ├── custom_models │ │ │ ├── custom_float32_float32_float32 │ │ │ │ ├── config.pbtxt │ │ │ │ └── output0_labels.txt │ │ │ ├── custom_int32_int32_int32 │ │ │ │ ├── config.pbtxt │ │ │ │ └── output0_labels.txt │ │ │ ├── custom_nobatch_float32_float32_float32 │ │ │ │ ├── config.pbtxt │ │ │ │ └── output0_labels.txt │ │ │ ├── custom_nobatch_int32_int32_int32 │ │ │ │ ├── config.pbtxt │ │ │ │ └── output0_labels.txt │ │ │ ├── custom_sequence_int32 │ │ │ │ └── config.pbtxt │ │ │ └── custom_zero_1_float32 │ │ │ │ └── config.pbtxt │ │ ├── ensemble_models │ │ │ ├── label_override_int32_float32_float32 │ │ │ │ ├── config.pbtxt │ │ │ │ └── output0_labels.txt │ │ │ ├── mix_ensemble_int32_float32_float32 │ │ │ │ └── config.pbtxt │ │ │ ├── mix_platform_float32_float32_float32 │ │ │ │ └── config.pbtxt │ │ │ ├── mix_type_int32_float32_float32 │ │ │ │ └── config.pbtxt │ │ │ └── wrong_label_int32_float32_float32 │ │ │ │ ├── config.pbtxt │ │ │ │ └── output0_labels.txt │ │ └── images │ │ │ ├── car.jpg │ │ │ ├── mug.jpg │ │ │ └── vulture.jpeg │ ├── src │ │ ├── backends │ │ │ ├── caffe2 │ │ │ │ ├── BUILD │ │ │ │ ├── autofill.cc │ │ │ │ ├── autofill.h │ │ │ │ ├── netdef_backend.cc │ │ │ │ ├── netdef_backend.h │ │ │ │ ├── netdef_backend.proto │ │ │ │ ├── netdef_backend_c2.cc │ │ │ │ ├── netdef_backend_c2.h │ │ │ │ ├── netdef_backend_factory.cc │ │ │ │ ├── netdef_backend_factory.h │ │ │ │ ├── netdef_backend_test.cc │ │ │ │ └── testdata │ │ │ │ │ └── autofill_sanity │ │ │ │ │ └── no_name_platform │ │ │ │ │ ├── 1 │ │ │ │ │ ├── init_model.netdef │ │ │ │ │ └── model.netdef │ │ │ │ │ ├── config.pbtxt │ │ │ │ │ └── expected │ │ │ ├── custom │ │ │ │ ├── BUILD │ │ │ │ ├── custom.h │ │ │ │ ├── custom_backend.cc │ │ │ │ ├── custom_backend.h │ │ │ │ ├── custom_backend.proto │ │ │ │ ├── custom_backend_factory.cc │ │ │ │ ├── custom_backend_factory.h │ │ │ │ ├── custom_backend_test.cc │ │ │ │ ├── loader.cc │ │ │ │ └── loader.h │ │ │ ├── ensemble │ │ │ │ ├── BUILD │ │ │ │ ├── ensemble_backend.cc │ │ │ │ ├── ensemble_backend.h │ │ │ │ ├── ensemble_backend.proto │ │ │ │ ├── ensemble_backend_factory.cc │ │ │ │ ├── ensemble_backend_factory.h │ │ │ │ ├── ensemble_backend_test.cc │ │ │ │ └── testdata │ │ │ │ │ ├── ensemble_config_sanity │ │ │ │ │ ├── circular_dependency │ │ │ │ │ │ ├── circular_dependency │ │ │ │ │ │ │ └── config.pbtxt │ │ │ │ │ │ ├── circular_dependency_2 │ │ │ │ │ │ │ └── config.pbtxt │ │ │ │ │ │ ├── expected │ │ │ │ │ │ └── expected_2 │ │ │ │ │ ├── embedded_ensemble │ │ │ │ │ │ ├── ensemble │ │ │ │ │ │ │ └── config.pbtxt │ │ │ │ │ │ ├── expected │ │ │ │ │ │ ├── fp32_dim1_batch4 │ │ │ │ │ │ │ └── config.pbtxt │ │ │ │ │ │ └── inner_ensemble │ │ │ │ │ │ │ └── config.pbtxt │ │ │ │ │ ├── inconsistent_data_type │ │ │ │ │ │ ├── expected │ │ │ │ │ │ ├── fp32_dim1_batch2 │ │ │ │ │ │ │ └── config.pbtxt │ │ │ │ │ │ ├── inconsistent_data_type │ │ │ │ │ │ │ └── config.pbtxt │ │ │ │ │ │ └── int32_dim1_batch4 │ │ │ │ │ │ │ └── config.pbtxt │ │ │ │ │ ├── inconsistent_shape │ │ │ │ │ │ ├── expected │ │ │ │ │ │ ├── expected_2 │ │ │ │ │ │ ├── fp32_dim1_batch4 │ │ │ │ │ │ │ └── config.pbtxt │ │ │ │ │ │ ├── fp32_dim3_batch4 │ │ │ │ │ │ │ └── config.pbtxt │ │ │ │ │ │ └── inconsistent_shape │ │ │ │ │ │ │ └── config.pbtxt │ │ │ │ │ ├── invalid_batch_size │ │ │ │ │ │ ├── expected │ │ │ │ │ │ ├── fp32_dim1_batch2 │ │ │ │ │ │ │ └── config.pbtxt │ │ │ │ │ │ ├── fp32_dim1_batch4 │ │ │ │ │ │ │ └── config.pbtxt │ │ │ │ │ │ └── invalid_batch_size │ │ │ │ │ │ │ └── config.pbtxt │ │ │ │ │ ├── invalid_input_map │ │ │ │ │ │ ├── expected │ │ │ │ │ │ ├── fp32_dim1_batch4 │ │ │ │ │ │ │ └── config.pbtxt │ │ │ │ │ │ ├── fp32_dim1_batch4_input4 │ │ │ │ │ │ │ └── config.pbtxt │ │ │ │ │ │ ├── fp32_dim1_batch4_output3 │ │ │ │ │ │ │ └── config.pbtxt │ │ │ │ │ │ └── invalid_input_map │ │ │ │ │ │ │ └── config.pbtxt │ │ │ │ │ ├── invalid_output_map │ │ │ │ │ │ ├── expected │ │ │ │ │ │ ├── fp32_dim1_batch4 │ │ │ │ │ │ │ └── config.pbtxt │ │ │ │ │ │ ├── fp32_dim1_batch4_input4 │ │ │ │ │ │ │ └── config.pbtxt │ │ │ │ │ │ ├── fp32_dim1_batch4_output3 │ │ │ │ │ │ │ └── config.pbtxt │ │ │ │ │ │ └── invalid_output_map │ │ │ │ │ │ │ └── config.pbtxt │ │ │ │ │ ├── no_ensemble │ │ │ │ │ │ ├── expected │ │ │ │ │ │ ├── fp32_dim1_batch2 │ │ │ │ │ │ │ └── config.pbtxt │ │ │ │ │ │ ├── fp32_dim1_batch4 │ │ │ │ │ │ │ └── config.pbtxt │ │ │ │ │ │ ├── fp32_dim1_batch4_input4 │ │ │ │ │ │ │ └── config.pbtxt │ │ │ │ │ │ ├── fp32_dim1_batch4_output3 │ │ │ │ │ │ │ └── config.pbtxt │ │ │ │ │ │ ├── fp32_dim3_batch4 │ │ │ │ │ │ │ └── config.pbtxt │ │ │ │ │ │ └── int32_dim1_batch4 │ │ │ │ │ │ │ └── config.pbtxt │ │ │ │ │ ├── non_existing_model │ │ │ │ │ │ ├── expected │ │ │ │ │ │ ├── fp32_dim1_batch4 │ │ │ │ │ │ │ └── config.pbtxt │ │ │ │ │ │ ├── fp32_dim1_batch4_output3 │ │ │ │ │ │ │ └── config.pbtxt │ │ │ │ │ │ └── non_existing_model │ │ │ │ │ │ │ └── config.pbtxt │ │ │ │ │ ├── self_circular_dependency │ │ │ │ │ │ ├── expected │ │ │ │ │ │ ├── fp32_dim1_batch4 │ │ │ │ │ │ │ └── config.pbtxt │ │ │ │ │ │ ├── fp32_dim1_batch4_input4 │ │ │ │ │ │ │ └── config.pbtxt │ │ │ │ │ │ ├── fp32_dim1_batch4_output3 │ │ │ │ │ │ │ └── config.pbtxt │ │ │ │ │ │ └── self_circular_dependency │ │ │ │ │ │ │ └── config.pbtxt │ │ │ │ │ ├── unmapped_input │ │ │ │ │ │ ├── expected │ │ │ │ │ │ ├── fp32_dim1_batch4 │ │ │ │ │ │ │ └── config.pbtxt │ │ │ │ │ │ ├── fp32_dim1_batch4_input4 │ │ │ │ │ │ │ └── config.pbtxt │ │ │ │ │ │ ├── fp32_dim1_batch4_output3 │ │ │ │ │ │ │ └── config.pbtxt │ │ │ │ │ │ └── unmapped_input │ │ │ │ │ │ │ └── config.pbtxt │ │ │ │ │ └── unmapped_output │ │ │ │ │ │ ├── expected │ │ │ │ │ │ ├── fp32_dim1_batch4_output3 │ │ │ │ │ │ └── config.pbtxt │ │ │ │ │ │ └── unmapped_output │ │ │ │ │ │ └── config.pbtxt │ │ │ │ │ └── model_config_sanity │ │ │ │ │ ├── ensemble_scheduling_no_set │ │ │ │ │ ├── config.pbtxt │ │ │ │ │ └── expected │ │ │ │ │ ├── instance_group_set │ │ │ │ │ ├── config.pbtxt │ │ │ │ │ └── expected │ │ │ │ │ ├── no_input_map │ │ │ │ │ ├── config.pbtxt │ │ │ │ │ └── expected │ │ │ │ │ ├── no_model_name │ │ │ │ │ ├── config.pbtxt │ │ │ │ │ └── expected │ │ │ │ │ ├── no_output_map │ │ │ │ │ ├── config.pbtxt │ │ │ │ │ └── expected │ │ │ │ │ ├── no_step │ │ │ │ │ ├── config.pbtxt │ │ │ │ │ └── expected │ │ │ │ │ ├── no_step_2 │ │ │ │ │ ├── config.pbtxt │ │ │ │ │ └── expected │ │ │ │ │ ├── optimization_set │ │ │ │ │ ├── config.pbtxt │ │ │ │ │ └── expected │ │ │ │ │ ├── output_to_tensor_overmapped │ │ │ │ │ ├── config.pbtxt │ │ │ │ │ └── expected │ │ │ │ │ ├── redundant_tensor_as_input │ │ │ │ │ ├── config.pbtxt │ │ │ │ │ ├── expected │ │ │ │ │ └── expected_2 │ │ │ │ │ ├── redundant_tensor_as_output │ │ │ │ │ ├── config.pbtxt │ │ │ │ │ └── expected │ │ │ │ │ ├── tensor_to_input_overmapped │ │ │ │ │ ├── config.pbtxt │ │ │ │ │ ├── expected │ │ │ │ │ └── expected_2 │ │ │ │ │ ├── unreachable_input │ │ │ │ │ ├── config.pbtxt │ │ │ │ │ └── expected │ │ │ │ │ ├── unreachable_output │ │ │ │ │ ├── config.pbtxt │ │ │ │ │ └── expected │ │ │ │ │ └── unreachable_output_2 │ │ │ │ │ ├── config.pbtxt │ │ │ │ │ └── expected │ │ │ ├── onnx │ │ │ │ ├── BUILD │ │ │ │ ├── autofill.cc │ │ │ │ ├── autofill.h │ │ │ │ ├── loader.cc │ │ │ │ ├── loader.h │ │ │ │ ├── onnx_backend.cc │ │ │ │ ├── onnx_backend.h │ │ │ │ ├── onnx_backend.proto │ │ │ │ ├── onnx_backend_factory.cc │ │ │ │ ├── onnx_backend_factory.h │ │ │ │ ├── onnx_backend_test.cc │ │ │ │ ├── onnx_utils.cc │ │ │ │ ├── onnx_utils.h │ │ │ │ └── testdata │ │ │ │ │ └── autofill_sanity │ │ │ │ │ ├── bad_input_dims │ │ │ │ │ ├── 1 │ │ │ │ │ │ └── model.onnx │ │ │ │ │ ├── config.pbtxt │ │ │ │ │ └── expected │ │ │ │ │ ├── bad_input_type │ │ │ │ │ ├── 1 │ │ │ │ │ │ └── model.onnx │ │ │ │ │ ├── config.pbtxt │ │ │ │ │ └── expected │ │ │ │ │ ├── bad_output_dims │ │ │ │ │ ├── 1 │ │ │ │ │ │ └── model.onnx │ │ │ │ │ ├── config.pbtxt │ │ │ │ │ └── expected │ │ │ │ │ ├── bad_output_type │ │ │ │ │ ├── 1 │ │ │ │ │ │ └── model.onnx │ │ │ │ │ ├── config.pbtxt │ │ │ │ │ └── expected │ │ │ │ │ ├── empty_config │ │ │ │ │ ├── 1 │ │ │ │ │ │ └── model.onnx │ │ │ │ │ ├── config.pbtxt │ │ │ │ │ ├── expected │ │ │ │ │ ├── expected.1 │ │ │ │ │ ├── expected.2 │ │ │ │ │ └── expected.3 │ │ │ │ │ ├── no_config │ │ │ │ │ ├── 1 │ │ │ │ │ │ └── model.onnx │ │ │ │ │ ├── expected │ │ │ │ │ ├── expected.1 │ │ │ │ │ ├── expected.2 │ │ │ │ │ └── expected.3 │ │ │ │ │ ├── no_config_no_batch │ │ │ │ │ ├── 1 │ │ │ │ │ │ └── no_batch.onnx │ │ │ │ │ ├── config.pbtxt │ │ │ │ │ ├── expected │ │ │ │ │ ├── expected.1 │ │ │ │ │ ├── expected.2 │ │ │ │ │ └── expected.3 │ │ │ │ │ ├── no_name_platform │ │ │ │ │ ├── 1 │ │ │ │ │ │ └── model.onnx │ │ │ │ │ ├── config.pbtxt │ │ │ │ │ ├── expected │ │ │ │ │ ├── expected.1 │ │ │ │ │ ├── expected.2 │ │ │ │ │ └── expected.3 │ │ │ │ │ ├── too_few_inputs │ │ │ │ │ ├── 1 │ │ │ │ │ │ └── model.onnx │ │ │ │ │ ├── config.pbtxt │ │ │ │ │ └── expected │ │ │ │ │ ├── too_many_inputs │ │ │ │ │ ├── 1 │ │ │ │ │ │ └── model.onnx │ │ │ │ │ ├── config.pbtxt │ │ │ │ │ └── expected │ │ │ │ │ ├── unknown_input │ │ │ │ │ ├── 1 │ │ │ │ │ │ └── model.onnx │ │ │ │ │ ├── config.pbtxt │ │ │ │ │ └── expected │ │ │ │ │ └── unknown_output │ │ │ │ │ ├── 1 │ │ │ │ │ └── model.onnx │ │ │ │ │ ├── config.pbtxt │ │ │ │ │ └── expected │ │ │ ├── pytorch │ │ │ │ ├── BUILD │ │ │ │ ├── libtorch_backend.cc │ │ │ │ ├── libtorch_backend.h │ │ │ │ ├── libtorch_backend.proto │ │ │ │ ├── libtorch_backend_factory.cc │ │ │ │ └── libtorch_backend_factory.h │ │ │ ├── tensorflow │ │ │ │ ├── BUILD │ │ │ │ ├── autofill.cc │ │ │ │ ├── autofill.h │ │ │ │ ├── base_backend.cc │ │ │ │ ├── base_backend.h │ │ │ │ ├── graphdef_backend.cc │ │ │ │ ├── graphdef_backend.h │ │ │ │ ├── graphdef_backend.proto │ │ │ │ ├── graphdef_backend_factory.cc │ │ │ │ ├── graphdef_backend_factory.h │ │ │ │ ├── graphdef_backend_test.cc │ │ │ │ ├── loader.cc │ │ │ │ ├── loader.h │ │ │ │ ├── savedmodel_backend.cc │ │ │ │ ├── savedmodel_backend.h │ │ │ │ ├── savedmodel_backend.proto │ │ │ │ ├── savedmodel_backend_factory.cc │ │ │ │ ├── savedmodel_backend_factory.h │ │ │ │ ├── savedmodel_backend_test.cc │ │ │ │ ├── testdata │ │ │ │ │ ├── graphdef_autofill_sanity │ │ │ │ │ │ └── no_name_platform │ │ │ │ │ │ │ ├── 1 │ │ │ │ │ │ │ └── model.graphdef │ │ │ │ │ │ │ ├── config.pbtxt │ │ │ │ │ │ │ └── expected │ │ │ │ │ └── savedmodel_autofill_sanity │ │ │ │ │ │ ├── bad_input_dims │ │ │ │ │ │ ├── 1 │ │ │ │ │ │ │ └── model.savedmodel │ │ │ │ │ │ │ │ └── saved_model.pb │ │ │ │ │ │ ├── config.pbtxt │ │ │ │ │ │ └── expected │ │ │ │ │ │ ├── bad_input_type │ │ │ │ │ │ ├── 1 │ │ │ │ │ │ │ └── model.savedmodel │ │ │ │ │ │ │ │ └── saved_model.pb │ │ │ │ │ │ ├── config.pbtxt │ │ │ │ │ │ └── expected │ │ │ │ │ │ ├── bad_output_dims │ │ │ │ │ │ ├── 1 │ │ │ │ │ │ │ └── model.savedmodel │ │ │ │ │ │ │ │ └── saved_model.pb │ │ │ │ │ │ ├── config.pbtxt │ │ │ │ │ │ └── expected │ │ │ │ │ │ ├── bad_output_type │ │ │ │ │ │ ├── 1 │ │ │ │ │ │ │ └── model.savedmodel │ │ │ │ │ │ │ │ └── saved_model.pb │ │ │ │ │ │ ├── config.pbtxt │ │ │ │ │ │ └── expected │ │ │ │ │ │ ├── empty_config │ │ │ │ │ │ ├── 1 │ │ │ │ │ │ │ └── model.savedmodel │ │ │ │ │ │ │ │ └── saved_model.pb │ │ │ │ │ │ ├── config.pbtxt │ │ │ │ │ │ ├── expected │ │ │ │ │ │ ├── expected.1 │ │ │ │ │ │ ├── expected.2 │ │ │ │ │ │ └── expected.3 │ │ │ │ │ │ ├── no_config │ │ │ │ │ │ ├── 1 │ │ │ │ │ │ │ └── model.savedmodel │ │ │ │ │ │ │ │ └── saved_model.pb │ │ │ │ │ │ ├── expected │ │ │ │ │ │ ├── expected.1 │ │ │ │ │ │ ├── expected.2 │ │ │ │ │ │ └── expected.3 │ │ │ │ │ │ ├── no_config_no_batch │ │ │ │ │ │ ├── 1 │ │ │ │ │ │ │ └── vnetsavedmodel │ │ │ │ │ │ │ │ └── saved_model.pb │ │ │ │ │ │ ├── config.pbtxt │ │ │ │ │ │ └── expected │ │ │ │ │ │ ├── no_name_platform │ │ │ │ │ │ ├── 1 │ │ │ │ │ │ │ └── model.savedmodel │ │ │ │ │ │ │ │ └── saved_model.pb │ │ │ │ │ │ ├── config.pbtxt │ │ │ │ │ │ ├── expected │ │ │ │ │ │ ├── expected.1 │ │ │ │ │ │ ├── expected.2 │ │ │ │ │ │ └── expected.3 │ │ │ │ │ │ ├── too_few_inputs │ │ │ │ │ │ ├── 1 │ │ │ │ │ │ │ └── model.savedmodel │ │ │ │ │ │ │ │ └── saved_model.pb │ │ │ │ │ │ ├── config.pbtxt │ │ │ │ │ │ └── expected │ │ │ │ │ │ ├── too_many_inputs │ │ │ │ │ │ ├── 1 │ │ │ │ │ │ │ └── model.savedmodel │ │ │ │ │ │ │ │ └── saved_model.pb │ │ │ │ │ │ ├── config.pbtxt │ │ │ │ │ │ └── expected │ │ │ │ │ │ ├── unknown_input │ │ │ │ │ │ ├── 1 │ │ │ │ │ │ │ └── model.savedmodel │ │ │ │ │ │ │ │ └── saved_model.pb │ │ │ │ │ │ ├── config.pbtxt │ │ │ │ │ │ └── expected │ │ │ │ │ │ └── unknown_output │ │ │ │ │ │ ├── 1 │ │ │ │ │ │ └── model.savedmodel │ │ │ │ │ │ │ └── saved_model.pb │ │ │ │ │ │ ├── config.pbtxt │ │ │ │ │ │ └── expected │ │ │ │ ├── tf_utils.cc │ │ │ │ └── tf_utils.h │ │ │ └── tensorrt │ │ │ │ ├── BUILD │ │ │ │ ├── autofill.cc │ │ │ │ ├── autofill.h │ │ │ │ ├── loader.cc │ │ │ │ ├── loader.h │ │ │ │ ├── logging.cc │ │ │ │ ├── logging.h │ │ │ │ ├── plan_backend.cc │ │ │ │ ├── plan_backend.h │ │ │ │ ├── plan_backend.proto │ │ │ │ ├── plan_backend_factory.cc │ │ │ │ ├── plan_backend_factory.h │ │ │ │ ├── plan_backend_test.cc │ │ │ │ ├── plan_utils.cc │ │ │ │ ├── plan_utils.h │ │ │ │ └── testdata │ │ │ │ └── autofill_sanity │ │ │ │ ├── bad_input_dims │ │ │ │ ├── config.pbtxt │ │ │ │ └── expected │ │ │ │ ├── bad_input_type │ │ │ │ ├── config.pbtxt │ │ │ │ └── expected │ │ │ │ ├── bad_output_dims │ │ │ │ ├── config.pbtxt │ │ │ │ └── expected │ │ │ │ ├── bad_output_type │ │ │ │ ├── config.pbtxt │ │ │ │ └── expected │ │ │ │ ├── empty_config │ │ │ │ ├── config.pbtxt │ │ │ │ └── expected │ │ │ │ ├── no_config │ │ │ │ └── expected │ │ │ │ ├── no_name_platform │ │ │ │ ├── config.pbtxt │ │ │ │ └── expected │ │ │ │ ├── too_few_inputs │ │ │ │ ├── config.pbtxt │ │ │ │ └── expected │ │ │ │ ├── too_many_inputs │ │ │ │ ├── config.pbtxt │ │ │ │ └── expected │ │ │ │ ├── unknown_input │ │ │ │ ├── config.pbtxt │ │ │ │ └── expected │ │ │ │ └── unknown_output │ │ │ │ ├── config.pbtxt │ │ │ │ └── expected │ │ ├── clients │ │ │ ├── c++ │ │ │ │ ├── BUILD │ │ │ │ ├── ensemble_image_client.cc │ │ │ │ ├── image_client.cc │ │ │ │ ├── perf_client.cc │ │ │ │ ├── request.cc │ │ │ │ ├── request.h │ │ │ │ ├── request_common.cc │ │ │ │ ├── request_common.h │ │ │ │ ├── request_grpc.cc │ │ │ │ ├── request_grpc.h │ │ │ │ ├── request_http.cc │ │ │ │ ├── request_http.h │ │ │ │ ├── simple_client.cc │ │ │ │ ├── simple_inprocess.cc │ │ │ │ ├── simple_sequence_client.cc │ │ │ │ └── simple_string_client.cc │ │ │ └── python │ │ │ │ ├── BUILD │ │ │ │ ├── __init__.py │ │ │ │ ├── build_pip.sh │ │ │ │ ├── crequest.cc │ │ │ │ ├── crequest.h │ │ │ │ ├── ensemble_image_client.py │ │ │ │ ├── grpc_image_client.py │ │ │ │ ├── image_client.py │ │ │ │ ├── setup.py │ │ │ │ ├── simple_client.py │ │ │ │ ├── simple_sequence_client.py │ │ │ │ └── simple_string_client.py │ │ ├── core │ │ │ ├── BUILD │ │ │ ├── api.proto │ │ │ ├── autofill.cc │ │ │ ├── autofill.h │ │ │ ├── backend.cc │ │ │ ├── backend.h │ │ │ ├── constants.h │ │ │ ├── dynamic_batch_scheduler.cc │ │ │ ├── dynamic_batch_scheduler.h │ │ │ ├── ensemble_scheduler.cc │ │ │ ├── ensemble_scheduler.h │ │ │ ├── ensemble_utils.cc │ │ │ ├── ensemble_utils.h │ │ │ ├── filesystem.cc │ │ │ ├── filesystem.h │ │ │ ├── grpc_service.proto │ │ │ ├── label_provider.cc │ │ │ ├── label_provider.h │ │ │ ├── libtrtserver.ldscript │ │ │ ├── logging.cc │ │ │ ├── logging.h │ │ │ ├── metric_model_reporter.cc │ │ │ ├── metric_model_reporter.h │ │ │ ├── metrics.cc │ │ │ ├── metrics.h │ │ │ ├── model_config.cc │ │ │ ├── model_config.h │ │ │ ├── model_config.proto │ │ │ ├── model_config_cuda.cc │ │ │ ├── model_config_cuda.h │ │ │ ├── model_config_utils.cc │ │ │ ├── model_config_utils.h │ │ │ ├── model_repository_manager.cc │ │ │ ├── model_repository_manager.h │ │ │ ├── profile.cc │ │ │ ├── profile.h │ │ │ ├── provider.cc │ │ │ ├── provider.h │ │ │ ├── provider_utils.cc │ │ │ ├── provider_utils.h │ │ │ ├── request_inprocess.cc │ │ │ ├── request_inprocess.h │ │ │ ├── request_status.cc │ │ │ ├── request_status.h │ │ │ ├── request_status.proto │ │ │ ├── scheduler.h │ │ │ ├── sequence_batch_scheduler.cc │ │ │ ├── sequence_batch_scheduler.h │ │ │ ├── server.cc │ │ │ ├── server.h │ │ │ ├── server_status.cc │ │ │ ├── server_status.h │ │ │ ├── server_status.proto │ │ │ ├── status.cc │ │ │ └── status.h │ │ ├── custom │ │ │ ├── addsub │ │ │ │ ├── BUILD │ │ │ │ ├── addsub.cu.cc │ │ │ │ ├── kernel.cu.cc │ │ │ │ └── kernel.h │ │ │ ├── identity │ │ │ │ ├── BUILD │ │ │ │ └── identity.cc │ │ │ ├── image_preprocess │ │ │ │ ├── BUILD │ │ │ │ └── image_preprocess.cc │ │ │ ├── param │ │ │ │ ├── BUILD │ │ │ │ └── param.cc │ │ │ └── sequence │ │ │ │ ├── BUILD │ │ │ │ └── sequence.cu.cc │ │ ├── nvrpc │ │ │ ├── BUILD │ │ │ ├── BidirectionalStreamingLifeCycle.h │ │ │ ├── Context.h │ │ │ ├── Executor.cc │ │ │ ├── Executor.h │ │ │ ├── Interfaces.h │ │ │ ├── LifeCycleUnary.h │ │ │ ├── RPC.h │ │ │ ├── Resources.h │ │ │ ├── Server.cc │ │ │ ├── Server.h │ │ │ ├── Service.h │ │ │ ├── ThreadPool.cc │ │ │ ├── ThreadPool.h │ │ │ └── future_std.h │ │ ├── operations │ │ │ └── tensorflow │ │ │ │ ├── BUILD │ │ │ │ ├── trtis_example_addsub_op.cc │ │ │ │ └── trtis_example_addsub_op.cu.cc │ │ ├── servers │ │ │ ├── BUILD │ │ │ ├── grpc_server.cc │ │ │ ├── grpc_server.h │ │ │ ├── http_server.cc │ │ │ ├── http_server.h │ │ │ └── main.cc │ │ └── test │ │ │ ├── BUILD │ │ │ ├── caffe2plan.cc │ │ │ ├── model_config_test_base.cc │ │ │ ├── model_config_test_base.h │ │ │ ├── testdata │ │ │ ├── autofill_sanity │ │ │ │ └── no_version │ │ │ │ │ ├── config.pbtxt │ │ │ │ │ └── expected │ │ │ └── model_config_sanity │ │ │ │ ├── control_kind_ready_multiple │ │ │ │ ├── config.pbtxt │ │ │ │ ├── expected │ │ │ │ └── expected_ensemble │ │ │ │ ├── control_kind_start_multiple │ │ │ │ ├── config.pbtxt │ │ │ │ ├── expected │ │ │ │ └── expected_ensemble │ │ │ │ ├── control_tensor_multiple │ │ │ │ ├── config.pbtxt │ │ │ │ ├── expected │ │ │ │ └── expected_ensemble │ │ │ │ ├── control_tensor_no_value │ │ │ │ ├── config.pbtxt │ │ │ │ ├── expected │ │ │ │ └── expected_ensemble │ │ │ │ ├── ensemble_scheduling_set │ │ │ │ ├── config.pbtxt │ │ │ │ ├── expected │ │ │ │ └── expected_ensemble │ │ │ │ ├── invalid_cpu │ │ │ │ ├── config.pbtxt │ │ │ │ ├── expected │ │ │ │ └── expected_ensemble │ │ │ │ ├── invalid_gpu │ │ │ │ ├── config.pbtxt │ │ │ │ ├── expected │ │ │ │ └── expected_ensemble │ │ │ │ ├── negative_gpu │ │ │ │ ├── config.pbtxt │ │ │ │ ├── expected │ │ │ │ └── expected_ensemble │ │ │ │ ├── no_name │ │ │ │ ├── config.pbtxt │ │ │ │ └── expected │ │ │ │ ├── reshape_elementcount0 │ │ │ │ ├── config.pbtxt │ │ │ │ ├── expected │ │ │ │ └── expected_ensemble │ │ │ │ ├── reshape_elementcount1 │ │ │ │ ├── config.pbtxt │ │ │ │ ├── expected │ │ │ │ └── expected_ensemble │ │ │ │ ├── reshape_elementcount2 │ │ │ │ ├── config.pbtxt │ │ │ │ ├── expected │ │ │ │ └── expected_ensemble │ │ │ │ ├── reshape_elementcount3 │ │ │ │ ├── config.pbtxt │ │ │ │ ├── expected │ │ │ │ └── expected_ensemble │ │ │ │ ├── reshape_nobatch_empty0 │ │ │ │ ├── config.pbtxt │ │ │ │ ├── expected │ │ │ │ └── expected_ensemble │ │ │ │ ├── reshape_nobatch_empty1 │ │ │ │ ├── config.pbtxt │ │ │ │ ├── expected │ │ │ │ └── expected_ensemble │ │ │ │ ├── reshape_nobatch_variable0 │ │ │ │ ├── config.pbtxt │ │ │ │ ├── expected │ │ │ │ └── expected_ensemble │ │ │ │ ├── reshape_nobatch_variable1 │ │ │ │ ├── config.pbtxt │ │ │ │ ├── expected │ │ │ │ └── expected_ensemble │ │ │ │ ├── reshape_nobatch_variable2 │ │ │ │ ├── config.pbtxt │ │ │ │ ├── expected │ │ │ │ └── expected_ensemble │ │ │ │ ├── reshape_nobatch_variable3 │ │ │ │ ├── config.pbtxt │ │ │ │ ├── expected │ │ │ │ └── expected_ensemble │ │ │ │ ├── reshape_variable0 │ │ │ │ ├── config.pbtxt │ │ │ │ ├── expected │ │ │ │ └── expected_ensemble │ │ │ │ ├── reshape_variable1 │ │ │ │ ├── config.pbtxt │ │ │ │ ├── expected │ │ │ │ └── expected_ensemble │ │ │ │ ├── reshape_variable2 │ │ │ │ ├── config.pbtxt │ │ │ │ ├── expected │ │ │ │ └── expected_ensemble │ │ │ │ ├── reshape_variable3 │ │ │ │ ├── config.pbtxt │ │ │ │ ├── expected │ │ │ │ └── expected_ensemble │ │ │ │ ├── zerodims_input0 │ │ │ │ ├── config.pbtxt │ │ │ │ ├── expected │ │ │ │ └── expected_ensemble │ │ │ │ ├── zerodims_input1 │ │ │ │ ├── config.pbtxt │ │ │ │ ├── expected │ │ │ │ └── expected_ensemble │ │ │ │ ├── zerodims_output0 │ │ │ │ ├── config.pbtxt │ │ │ │ ├── expected │ │ │ │ └── expected_ensemble │ │ │ │ └── zerodims_output1 │ │ │ │ ├── config.pbtxt │ │ │ │ ├── expected │ │ │ │ └── expected_ensemble │ │ │ └── testmain.cc │ ├── third_party │ │ └── libevhtp.BUILD │ └── tools │ │ ├── format.py │ │ └── patch │ │ ├── tensorflow │ │ ├── cc │ │ │ └── saved_model │ │ │ │ └── loader.cc │ │ └── checksums │ │ └── tfs │ │ ├── checksums │ │ ├── model_servers │ │ └── server_core.cc │ │ ├── sources │ │ └── storage_path │ │ │ ├── file_system_storage_path_source.cc │ │ │ ├── file_system_storage_path_source.h │ │ │ └── file_system_storage_path_source.proto │ │ ├── util │ │ ├── BUILD │ │ └── retrier.cc │ │ └── workspace.bzl ├── tokenization.py ├── tokenization_test.py └── utils │ ├── create_glue_data.py │ ├── create_pretraining_data.py │ ├── create_squad_data.py │ └── utils.py ├── bert ├── .gitignore ├── CONTRIBUTING.md ├── LICENSE ├── README.md ├── __init__.py ├── create_pretraining_data.py ├── extract_features.py ├── modeling.py ├── modeling_test.py ├── multilingual.md ├── optimization.py ├── optimization_test.py ├── predicting_movie_reviews_with_bert_on_tf_hub.ipynb ├── requirements.txt ├── run_classifier.py ├── run_classifier_with_tfhub.py ├── run_pretraining.py ├── run_squad.py ├── sample_text.txt ├── tokenization.py └── tokenization_test.py ├── data-engineering ├── README.md ├── data │ ├── cik_ticker.csv │ ├── earnings_call_raw.txt │ ├── eval_data.txt │ ├── financial_keywords.csv │ └── header_1.txt ├── eval_data_prep │ └── masked_file_gen.py ├── example.py ├── model │ ├── documents.py │ └── iter_10k.py ├── old_stuff │ ├── sec_data_bigquery │ │ └── main.py │ ├── sec_data_cloud_storage │ │ └── main.py │ └── sec_data_harvest │ │ ├── README.md │ │ └── main.py ├── parse_10ks.py ├── parsers │ └── filing_parsers.py ├── requirements.txt ├── run_parse.sh └── test_data_prep │ ├── test_data │ ├── Constraining.csv │ ├── Litigious.csv │ ├── Negative.csv │ ├── Positive.csv │ ├── StrongModal.csv │ ├── Uncertainty.csv │ └── WeakModal.csv │ └── test_prep.py ├── data ├── 2019 │ ├── 2019.out │ └── 2019.tokens ├── .gitignore ├── call │ ├── call.chunk.00 │ └── call.tfrecord.00-128-20 └── prep │ ├── create_pretraining_data.py │ ├── create_sentiment_data.py │ ├── mask_files │ ├── Constraining.csv │ ├── Litigious.csv │ ├── Negative.csv │ ├── Positive.csv │ ├── StrongModal.csv │ ├── Uncertainty.csv │ └── WeakModal.csv │ ├── prep.ipynb │ ├── prep.py │ ├── tokenization.py │ └── vocab.txt ├── eval ├── 2019 │ ├── 2019.roll │ ├── ckpt │ │ ├── .gitkeep │ │ ├── FinBERT-Combo_128MSL-100K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564792698.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803003644.128.log │ │ │ ├── events.out.testing.0803011328.128.log │ │ │ ├── model.ckpt-100000.data-00000-of-00001 │ │ │ ├── model.ckpt-100000.index │ │ │ └── model.ckpt-100000.meta │ │ ├── FinBERT-Combo_128MSL-250K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564792603.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803003509.128.log │ │ │ ├── events.out.testing.0803011328.128.log │ │ │ ├── model.ckpt-250000.data-00000-of-00001 │ │ │ ├── model.ckpt-250000.index │ │ │ └── model.ckpt-250000.meta │ │ ├── FinBERT-Combo_128MSL-500K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564792509.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803003341.128.log │ │ │ ├── events.out.testing.0803011327.128.log │ │ │ ├── model.ckpt-500000.data-00000-of-00001 │ │ │ ├── model.ckpt-500000.index │ │ │ └── model.ckpt-500000.meta │ │ ├── FinBERT-Combo_128MSL-500K_512MSL-100K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564792420.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803003207.128.log │ │ │ ├── events.out.testing.0803011327.128.log │ │ │ ├── model.ckpt-600000.data-00000-of-00001 │ │ │ ├── model.ckpt-600000.index │ │ │ └── model.ckpt-600000.meta │ │ ├── FinBERT-Pre2K_128MSL-250K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564792326.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803003032.128.log │ │ │ ├── events.out.testing.0803011327.128.log │ │ │ ├── model.ckpt-250000.data-00000-of-00001 │ │ │ ├── model.ckpt-250000.index │ │ │ └── model.ckpt-250000.meta │ │ ├── FinBERT-Prime_128MSL-250K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564792231.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803002858.128.log │ │ │ ├── events.out.testing.0803011326.128.log │ │ │ ├── model.ckpt-250000.data-00000-of-00001 │ │ │ ├── model.ckpt-250000.index │ │ │ └── model.ckpt-250000.meta │ │ ├── FinBERT-Prime_128MSL-500K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564792137.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803002728.128.log │ │ │ ├── events.out.testing.0803011325.128.log │ │ │ ├── model.ckpt-500000.data-00000-of-00001 │ │ │ ├── model.ckpt-500000.index │ │ │ └── model.ckpt-500000.meta │ │ ├── FinBERT-Prime_128MSL-500K_512MSL-050K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564792047.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803002553.128.log │ │ │ ├── events.out.testing.0803011325.128.log │ │ │ ├── model.ckpt-550000.data-00000-of-00001 │ │ │ ├── model.ckpt-550000.index │ │ │ └── model.ckpt-550000.meta │ │ ├── FinBERT-Prime_128MSL-500K_512MSL-100K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564791953.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803002417.128.log │ │ │ ├── events.out.testing.0803011324.128.log │ │ │ ├── model.ckpt-600000.data-00000-of-00001 │ │ │ ├── model.ckpt-600000.index │ │ │ └── model.ckpt-600000.meta │ │ ├── FinBERT-Prime_128MSL-500K_512MSL-200K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564791856.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803002241.128.log │ │ │ ├── events.out.testing.0803011321.128.log │ │ │ ├── model.ckpt-700000.data-00000-of-00001 │ │ │ ├── model.ckpt-700000.index │ │ │ └── model.ckpt-700000.meta │ │ └── GooBERT │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ └── events.out.tfevents.1564802617.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803032208.128.log │ │ │ ├── model.ckpt.data-00000-of-00001 │ │ │ ├── model.ckpt.index │ │ │ └── model.ckpt.meta │ └── data │ │ ├── 2019.tfrecord.00-128-20 │ │ ├── 2019.tfrecord.01-128-20 │ │ ├── 2019.tfrecord.02-128-20 │ │ ├── 2019.tfrecord.03-128-20 │ │ ├── 2019.tfrecord.04-128-20 │ │ ├── 2019.tfrecord.05-128-20 │ │ ├── 2019.tfrecord.06-128-20 │ │ └── 2019.tfrecord.07-128-20 ├── 10-q │ ├── ckpt │ │ ├── FinBERT-Combo_128MSL-100K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564861870.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803194936.128.log │ │ │ ├── model.ckpt-100000.data-00000-of-00001 │ │ │ ├── model.ckpt-100000.index │ │ │ └── model.ckpt-100000.meta │ │ ├── FinBERT-Combo_128MSL-250K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564861775.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803194802.128.log │ │ │ ├── model.ckpt-250000.data-00000-of-00001 │ │ │ ├── model.ckpt-250000.index │ │ │ └── model.ckpt-250000.meta │ │ ├── FinBERT-Combo_128MSL-500K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564861681.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803194627.128.log │ │ │ ├── model.ckpt-500000.data-00000-of-00001 │ │ │ ├── model.ckpt-500000.index │ │ │ └── model.ckpt-500000.meta │ │ ├── FinBERT-Combo_128MSL-500K_512MSL-100K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564861587.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803194454.128.log │ │ │ ├── model.ckpt-600000.data-00000-of-00001 │ │ │ ├── model.ckpt-600000.index │ │ │ └── model.ckpt-600000.meta │ │ ├── FinBERT-Pre2K_128MSL-250K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564861493.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803194319.128.log │ │ │ ├── model.ckpt-250000.data-00000-of-00001 │ │ │ ├── model.ckpt-250000.index │ │ │ └── model.ckpt-250000.meta │ │ ├── FinBERT-Prime_128MSL-250K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564861398.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803194145.128.log │ │ │ ├── model.ckpt-250000.data-00000-of-00001 │ │ │ ├── model.ckpt-250000.index │ │ │ └── model.ckpt-250000.meta │ │ ├── FinBERT-Prime_128MSL-500K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564861304.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803194011.128.log │ │ │ ├── model.ckpt-500000.data-00000-of-00001 │ │ │ ├── model.ckpt-500000.index │ │ │ └── model.ckpt-500000.meta │ │ ├── FinBERT-Prime_128MSL-500K_512MSL-050K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564861210.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803193837.128.log │ │ │ ├── model.ckpt-550000.data-00000-of-00001 │ │ │ ├── model.ckpt-550000.index │ │ │ └── model.ckpt-550000.meta │ │ ├── FinBERT-Prime_128MSL-500K_512MSL-100K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564861116.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803193703.128.log │ │ │ ├── model.ckpt-600000.data-00000-of-00001 │ │ │ ├── model.ckpt-600000.index │ │ │ └── model.ckpt-600000.meta │ │ ├── FinBERT-Prime_128MSL-500K_512MSL-200K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564861022.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803193525.128.log │ │ │ ├── model.ckpt-700000.data-00000-of-00001 │ │ │ ├── model.ckpt-700000.index │ │ │ └── model.ckpt-700000.meta │ │ └── GooBERT │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ └── events.out.tfevents.1564860925.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803193333.128.log │ │ │ ├── model.ckpt.data-00000-of-00001 │ │ │ ├── model.ckpt.index │ │ │ └── model.ckpt.meta │ └── data ├── bank │ ├── bank.roll │ ├── ckpt │ │ ├── FinBERT-Combo_128MSL-100K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564811933.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803055719.128.log │ │ │ ├── model.ckpt-100000.data-00000-of-00001 │ │ │ ├── model.ckpt-100000.index │ │ │ └── model.ckpt-100000.meta │ │ ├── FinBERT-Combo_128MSL-250K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564811838.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803055550.128.log │ │ │ ├── model.ckpt-250000.data-00000-of-00001 │ │ │ ├── model.ckpt-250000.index │ │ │ └── model.ckpt-250000.meta │ │ ├── FinBERT-Combo_128MSL-500K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564811749.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803055421.128.log │ │ │ ├── model.ckpt-500000.data-00000-of-00001 │ │ │ ├── model.ckpt-500000.index │ │ │ └── model.ckpt-500000.meta │ │ ├── FinBERT-Combo_128MSL-500K_512MSL-100K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564811660.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803055252.128.log │ │ │ ├── model.ckpt-600000.data-00000-of-00001 │ │ │ ├── model.ckpt-600000.index │ │ │ └── model.ckpt-600000.meta │ │ ├── FinBERT-Pre2K_128MSL-250K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564811571.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803055123.128.log │ │ │ ├── model.ckpt-250000.data-00000-of-00001 │ │ │ ├── model.ckpt-250000.index │ │ │ └── model.ckpt-250000.meta │ │ ├── FinBERT-Prime_128MSL-250K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564811483.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803054954.128.log │ │ │ ├── model.ckpt-250000.data-00000-of-00001 │ │ │ ├── model.ckpt-250000.index │ │ │ └── model.ckpt-250000.meta │ │ ├── FinBERT-Prime_128MSL-500K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564811394.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803054825.128.log │ │ │ ├── model.ckpt-500000.data-00000-of-00001 │ │ │ ├── model.ckpt-500000.index │ │ │ └── model.ckpt-500000.meta │ │ ├── FinBERT-Prime_128MSL-500K_512MSL-050K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564811305.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803054656.128.log │ │ │ ├── model.ckpt-550000.data-00000-of-00001 │ │ │ ├── model.ckpt-550000.index │ │ │ └── model.ckpt-550000.meta │ │ ├── FinBERT-Prime_128MSL-500K_512MSL-100K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564811215.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803054527.128.log │ │ │ ├── model.ckpt-600000.data-00000-of-00001 │ │ │ ├── model.ckpt-600000.index │ │ │ └── model.ckpt-600000.meta │ │ ├── FinBERT-Prime_128MSL-500K_512MSL-200K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564811127.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803054359.128.log │ │ │ ├── model.ckpt-700000.data-00000-of-00001 │ │ │ ├── model.ckpt-700000.index │ │ │ └── model.ckpt-700000.meta │ │ ├── GooBERT │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564811038.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803054230.128.log │ │ │ ├── model.ckpt.data-00000-of-00001 │ │ │ ├── model.ckpt.index │ │ │ └── model.ckpt.meta │ │ └── bank.check │ └── data │ │ ├── bank.tfrecord.00-128-20 │ │ ├── bank.tfrecord.50-128-20 │ │ ├── bank.tfrecord.66-128-20 │ │ └── bank.tfrecord.75-128-20 ├── call │ ├── ckpt │ │ ├── FinBERT-Combo_128MSL-100K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564848051.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803155920.128.log │ │ │ ├── model.ckpt-100000.data-00000-of-00001 │ │ │ ├── model.ckpt-100000.index │ │ │ └── model.ckpt-100000.meta │ │ ├── FinBERT-Combo_128MSL-250K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564847959.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803155748.128.log │ │ │ ├── model.ckpt-250000.data-00000-of-00001 │ │ │ ├── model.ckpt-250000.index │ │ │ └── model.ckpt-250000.meta │ │ ├── FinBERT-Combo_128MSL-500K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564847867.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803155617.128.log │ │ │ ├── model.ckpt-500000.data-00000-of-00001 │ │ │ ├── model.ckpt-500000.index │ │ │ └── model.ckpt-500000.meta │ │ ├── FinBERT-Combo_128MSL-500K_512MSL-100K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564847776.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803155445.128.log │ │ │ ├── model.ckpt-600000.data-00000-of-00001 │ │ │ ├── model.ckpt-600000.index │ │ │ └── model.ckpt-600000.meta │ │ ├── FinBERT-Pre2K_128MSL-250K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564847684.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803155313.128.log │ │ │ ├── model.ckpt-250000.data-00000-of-00001 │ │ │ ├── model.ckpt-250000.index │ │ │ └── model.ckpt-250000.meta │ │ ├── FinBERT-Prime_128MSL-250K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564847592.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803155141.128.log │ │ │ ├── model.ckpt-250000.data-00000-of-00001 │ │ │ ├── model.ckpt-250000.index │ │ │ └── model.ckpt-250000.meta │ │ ├── FinBERT-Prime_128MSL-500K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564847500.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803155009.128.log │ │ │ ├── model.ckpt-500000.data-00000-of-00001 │ │ │ ├── model.ckpt-500000.index │ │ │ └── model.ckpt-500000.meta │ │ ├── FinBERT-Prime_128MSL-500K_512MSL-050K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564847409.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803154837.128.log │ │ │ ├── model.ckpt-550000.data-00000-of-00001 │ │ │ ├── model.ckpt-550000.index │ │ │ └── model.ckpt-550000.meta │ │ ├── FinBERT-Prime_128MSL-500K_512MSL-100K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564847316.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803154705.128.log │ │ │ ├── model.ckpt-600000.data-00000-of-00001 │ │ │ ├── model.ckpt-600000.index │ │ │ └── model.ckpt-600000.meta │ │ ├── FinBERT-Prime_128MSL-500K_512MSL-200K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564847224.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803154533.128.log │ │ │ ├── model.ckpt-700000.data-00000-of-00001 │ │ │ ├── model.ckpt-700000.index │ │ │ └── model.ckpt-700000.meta │ │ └── GooBERT │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ └── events.out.tfevents.1564847133.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803154401.128.log │ │ │ ├── model.ckpt.data-00000-of-00001 │ │ │ ├── model.ckpt.index │ │ │ └── model.ckpt.meta │ └── data ├── eval ├── eval.sh ├── help ├── init.sh ├── roll.sh ├── sent │ ├── ckpt │ │ ├── FinBERT-Combo_128MSL-100K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564842647.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803142918.128.log │ │ │ ├── model.ckpt-100000.data-00000-of-00001 │ │ │ ├── model.ckpt-100000.index │ │ │ └── model.ckpt-100000.meta │ │ ├── FinBERT-Combo_128MSL-250K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564842558.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803142750.128.log │ │ │ ├── model.ckpt-250000.data-00000-of-00001 │ │ │ ├── model.ckpt-250000.index │ │ │ └── model.ckpt-250000.meta │ │ ├── FinBERT-Combo_128MSL-500K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564842469.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803142621.128.log │ │ │ ├── model.ckpt-500000.data-00000-of-00001 │ │ │ ├── model.ckpt-500000.index │ │ │ └── model.ckpt-500000.meta │ │ ├── FinBERT-Combo_128MSL-500K_512MSL-100K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564842380.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803142451.128.log │ │ │ ├── model.ckpt-600000.data-00000-of-00001 │ │ │ ├── model.ckpt-600000.index │ │ │ └── model.ckpt-600000.meta │ │ ├── FinBERT-Pre2K_128MSL-250K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564842291.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803142322.128.log │ │ │ ├── model.ckpt-250000.data-00000-of-00001 │ │ │ ├── model.ckpt-250000.index │ │ │ └── model.ckpt-250000.meta │ │ ├── FinBERT-Prime_128MSL-250K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564842202.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803142154.128.log │ │ │ ├── model.ckpt-250000.data-00000-of-00001 │ │ │ ├── model.ckpt-250000.index │ │ │ └── model.ckpt-250000.meta │ │ ├── FinBERT-Prime_128MSL-500K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564842113.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803142025.128.log │ │ │ ├── model.ckpt-500000.data-00000-of-00001 │ │ │ ├── model.ckpt-500000.index │ │ │ └── model.ckpt-500000.meta │ │ ├── FinBERT-Prime_128MSL-500K_512MSL-050K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564842024.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803141856.128.log │ │ │ ├── model.ckpt-550000.data-00000-of-00001 │ │ │ ├── model.ckpt-550000.index │ │ │ └── model.ckpt-550000.meta │ │ ├── FinBERT-Prime_128MSL-500K_512MSL-100K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564841935.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803141727.128.log │ │ │ ├── model.ckpt-600000.data-00000-of-00001 │ │ │ ├── model.ckpt-600000.index │ │ │ └── model.ckpt-600000.meta │ │ ├── FinBERT-Prime_128MSL-500K_512MSL-200K │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ │ └── events.out.tfevents.1564841846.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803141558.128.log │ │ │ ├── model.ckpt-700000.data-00000-of-00001 │ │ │ ├── model.ckpt-700000.index │ │ │ └── model.ckpt-700000.meta │ │ └── GooBERT │ │ │ ├── checkpoint │ │ │ ├── config.json │ │ │ ├── eval │ │ │ └── events.out.tfevents.1564841758.w251 │ │ │ ├── eval_results.txt │ │ │ ├── events.out.testing.0803141429.128.log │ │ │ ├── model.ckpt.data-00000-of-00001 │ │ │ ├── model.ckpt.index │ │ │ └── model.ckpt.meta │ ├── data │ │ ├── sent.tfrecord.00-128-20 │ │ ├── sent.tfrecord.50-128-20 │ │ ├── sent.tfrecord.66-128-20 │ │ └── sent.tfrecord.75-128-20 │ └── sent.roll └── test.sh ├── figs ├── .gitkeep └── analysis-001.jpg ├── init ├── .gitignore ├── cuda.sh ├── cuda_10-0.sh ├── docker_19-03.sh └── init.sh ├── pred ├── .gitignore ├── 1999.vocab ├── 2019.vocab ├── FinBERT-Combo_128MSL-100K ├── FinBERT-Combo_128MSL-250K ├── FinBERT-Combo_128MSL-500K ├── FinBERT-Combo_128MSL-500K_512MSL-100K ├── FinBERT-Pre2K_128MSL-250K ├── FinBERT-Prime_128MSL-250K ├── FinBERT-Prime_128MSL-500K ├── FinBERT-Prime_128MSL-500K_512MSL-050K ├── FinBERT-Prime_128MSL-500K_512MSL-100K ├── FinBERT-Prime_128MSL-500K_512MSL-200K ├── GooBERT ├── data ├── kevin.ipynb ├── pri.ipynb ├── start.sh └── vinicio.ipynb ├── spin.sh ├── stat.sh ├── tool └── ts └── work ├── 2019 ├── 2017.tfrecord.00-512-80 ├── 2017.tfrecord.01-512-80 ├── 2017.tfrecord.02-512-80 ├── 2017.tfrecord.03-512-80 ├── 2017.tfrecord.04-512-80 ├── 2017.tfrecord.05-512-80 ├── 2017.tfrecord.06-512-80 ├── 2017.tfrecord.07-512-80 ├── 2018.tfrecord.00-512-80 ├── 2018.tfrecord.01-512-80 ├── 2018.tfrecord.02-512-80 ├── 2018.tfrecord.03-512-80 ├── 2018.tfrecord.04-512-80 ├── 2018.tfrecord.05-512-80 ├── 2018.tfrecord.06-512-80 ├── 2018.tfrecord.07-512-80 ├── 2019.tfrecord.00-512-80 ├── 2019.tfrecord.01-512-80 ├── 2019.tfrecord.02-512-80 ├── 2019.tfrecord.03-512-80 ├── 2019.tfrecord.04-512-80 ├── 2019.tfrecord.05-512-80 ├── 2019.tfrecord.06-512-80 └── 2019.tfrecord.07-512-80 ├── .gitignore ├── bert.sh ├── bert_goo.sh ├── go.sh └── ts /.gitignore: -------------------------------------------------------------------------------- 1 | __pycache__/ 2 | .ipynb_checkpoints/ 3 | -------------------------------------------------------------------------------- /FinBERT - DeSola, Hanna, Nonis.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/FinBERT - DeSola, Hanna, Nonis.pdf -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/README.md -------------------------------------------------------------------------------- /base/.gitignore: -------------------------------------------------------------------------------- 1 | uncased_L-12_H-768_A-12 2 | -------------------------------------------------------------------------------- /base/pull.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/base/pull.sh -------------------------------------------------------------------------------- /base/uncased_L-12_H-768_A-12/bert_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/base/uncased_L-12_H-768_A-12/bert_config.json -------------------------------------------------------------------------------- /base/uncased_L-12_H-768_A-12/bert_model.ckpt.index: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/base/uncased_L-12_H-768_A-12/bert_model.ckpt.index -------------------------------------------------------------------------------- /base/uncased_L-12_H-768_A-12/bert_model.ckpt.meta: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/base/uncased_L-12_H-768_A-12/bert_model.ckpt.meta -------------------------------------------------------------------------------- /base/uncased_L-12_H-768_A-12/vocab.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/base/uncased_L-12_H-768_A-12/vocab.txt -------------------------------------------------------------------------------- /bert-gpu/.dockerignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/.dockerignore -------------------------------------------------------------------------------- /bert-gpu/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/.gitignore -------------------------------------------------------------------------------- /bert-gpu/.gitmodules: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/.gitmodules -------------------------------------------------------------------------------- /bert-gpu/CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/CONTRIBUTING.md -------------------------------------------------------------------------------- /bert-gpu/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/Dockerfile -------------------------------------------------------------------------------- /bert-gpu/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/LICENSE -------------------------------------------------------------------------------- /bert-gpu/NOTICE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/NOTICE -------------------------------------------------------------------------------- /bert-gpu/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/README.md -------------------------------------------------------------------------------- /bert-gpu/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/__init__.py -------------------------------------------------------------------------------- /bert-gpu/data/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/data/README.md -------------------------------------------------------------------------------- /bert-gpu/data/bookcorpus/clean_and_merge_text.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/data/bookcorpus/clean_and_merge_text.py -------------------------------------------------------------------------------- /bert-gpu/data/bookcorpus/config.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/data/bookcorpus/config.sh -------------------------------------------------------------------------------- /bert-gpu/data/bookcorpus/create_pseudo_test_set.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/data/bookcorpus/create_pseudo_test_set.py -------------------------------------------------------------------------------- /bert-gpu/data/bookcorpus/create_pseudo_test_set.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/data/bookcorpus/create_pseudo_test_set.sh -------------------------------------------------------------------------------- /bert-gpu/data/bookcorpus/preprocessing.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/data/bookcorpus/preprocessing.sh -------------------------------------------------------------------------------- /bert-gpu/data/bookcorpus/preprocessing_test_set.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/data/bookcorpus/preprocessing_test_set.sh -------------------------------------------------------------------------------- /bert-gpu/data/bookcorpus/preprocessing_test_set_xargs_wrapper.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/data/bookcorpus/preprocessing_test_set_xargs_wrapper.sh -------------------------------------------------------------------------------- /bert-gpu/data/bookcorpus/preprocessing_xargs_wrapper.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/data/bookcorpus/preprocessing_xargs_wrapper.sh -------------------------------------------------------------------------------- /bert-gpu/data/bookcorpus/run_preprocessing.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/data/bookcorpus/run_preprocessing.sh -------------------------------------------------------------------------------- /bert-gpu/data/bookcorpus/sentence_segmentation_nltk.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/data/bookcorpus/sentence_segmentation_nltk.py -------------------------------------------------------------------------------- /bert-gpu/data/bookcorpus/shard_text_input_file.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/data/bookcorpus/shard_text_input_file.py -------------------------------------------------------------------------------- /bert-gpu/data/glue/download_glue_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/data/glue/download_glue_data.py -------------------------------------------------------------------------------- /bert-gpu/data/images/bert_pipeline.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/data/images/bert_pipeline.png -------------------------------------------------------------------------------- /bert-gpu/data/images/trtis_base_summary.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/data/images/trtis_base_summary.png -------------------------------------------------------------------------------- /bert-gpu/data/images/trtis_bs_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/data/images/trtis_bs_1.png -------------------------------------------------------------------------------- /bert-gpu/data/images/trtis_bs_8.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/data/images/trtis_bs_8.png -------------------------------------------------------------------------------- /bert-gpu/data/images/trtis_dynamic.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/data/images/trtis_dynamic.png -------------------------------------------------------------------------------- /bert-gpu/data/images/trtis_ec_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/data/images/trtis_ec_1.png -------------------------------------------------------------------------------- /bert-gpu/data/images/trtis_ec_4.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/data/images/trtis_ec_4.png -------------------------------------------------------------------------------- /bert-gpu/data/images/trtis_large_summary.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/data/images/trtis_large_summary.png -------------------------------------------------------------------------------- /bert-gpu/data/images/trtis_static.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/data/images/trtis_static.png -------------------------------------------------------------------------------- /bert-gpu/data/pretrained_models_google/download_models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/data/pretrained_models_google/download_models.py -------------------------------------------------------------------------------- /bert-gpu/data/squad/squad_download.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/data/squad/squad_download.sh -------------------------------------------------------------------------------- /bert-gpu/data/wikipedia_corpus/config.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/data/wikipedia_corpus/config.sh -------------------------------------------------------------------------------- /bert-gpu/data/wikipedia_corpus/create_pseudo_test_set.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/data/wikipedia_corpus/create_pseudo_test_set.py -------------------------------------------------------------------------------- /bert-gpu/data/wikipedia_corpus/create_pseudo_test_set.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/data/wikipedia_corpus/create_pseudo_test_set.sh -------------------------------------------------------------------------------- /bert-gpu/data/wikipedia_corpus/preprocessing.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/data/wikipedia_corpus/preprocessing.sh -------------------------------------------------------------------------------- /bert-gpu/data/wikipedia_corpus/preprocessing_test_set.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/data/wikipedia_corpus/preprocessing_test_set.sh -------------------------------------------------------------------------------- /bert-gpu/data/wikipedia_corpus/preprocessing_test_set_xargs_wrapper.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/data/wikipedia_corpus/preprocessing_test_set_xargs_wrapper.sh -------------------------------------------------------------------------------- /bert-gpu/data/wikipedia_corpus/preprocessing_xargs_wrapper.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/data/wikipedia_corpus/preprocessing_xargs_wrapper.sh -------------------------------------------------------------------------------- /bert-gpu/data/wikipedia_corpus/remove_tags_and_clean.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/data/wikipedia_corpus/remove_tags_and_clean.py -------------------------------------------------------------------------------- /bert-gpu/data/wikipedia_corpus/run_preprocessing.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/data/wikipedia_corpus/run_preprocessing.sh -------------------------------------------------------------------------------- /bert-gpu/data/wikipedia_corpus/shard_text_input_file.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/data/wikipedia_corpus/shard_text_input_file.py -------------------------------------------------------------------------------- /bert-gpu/data/wikipedia_corpus/wiki_sentence_segmentation_nltk.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/data/wikipedia_corpus/wiki_sentence_segmentation_nltk.py -------------------------------------------------------------------------------- /bert-gpu/data/wikipedia_corpus/wiki_sentence_segmentation_spacy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/data/wikipedia_corpus/wiki_sentence_segmentation_spacy.py -------------------------------------------------------------------------------- /bert-gpu/data/wikipedia_corpus/wiki_sentence_segmentation_spacy_pipe.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/data/wikipedia_corpus/wiki_sentence_segmentation_spacy_pipe.py -------------------------------------------------------------------------------- /bert-gpu/extract_features.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/extract_features.py -------------------------------------------------------------------------------- /bert-gpu/fp16_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/fp16_utils.py -------------------------------------------------------------------------------- /bert-gpu/fused_layer_norm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/fused_layer_norm.py -------------------------------------------------------------------------------- /bert-gpu/gpu_environment.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/gpu_environment.py -------------------------------------------------------------------------------- /bert-gpu/launch.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/launch.sh -------------------------------------------------------------------------------- /bert-gpu/modeling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/modeling.py -------------------------------------------------------------------------------- /bert-gpu/modeling_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/modeling_test.py -------------------------------------------------------------------------------- /bert-gpu/multilingual.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/multilingual.md -------------------------------------------------------------------------------- /bert-gpu/nvidia-container-runtime-script.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/nvidia-container-runtime-script.sh -------------------------------------------------------------------------------- /bert-gpu/optimization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/optimization.py -------------------------------------------------------------------------------- /bert-gpu/optimization_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/optimization_test.py -------------------------------------------------------------------------------- /bert-gpu/predicting_movie_reviews_with_bert_on_tf_hub.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/predicting_movie_reviews_with_bert_on_tf_hub.ipynb -------------------------------------------------------------------------------- /bert-gpu/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/requirements.txt -------------------------------------------------------------------------------- /bert-gpu/run_classifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/run_classifier.py -------------------------------------------------------------------------------- /bert-gpu/run_classifier_with_tfhub.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/run_classifier_with_tfhub.py -------------------------------------------------------------------------------- /bert-gpu/run_pretraining.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/run_pretraining.py -------------------------------------------------------------------------------- /bert-gpu/run_pretraining.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/run_pretraining.sh -------------------------------------------------------------------------------- /bert-gpu/run_squad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/run_squad.py -------------------------------------------------------------------------------- /bert-gpu/run_squad_trtis_client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/run_squad_trtis_client.py -------------------------------------------------------------------------------- /bert-gpu/sample_text.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/sample_text.txt -------------------------------------------------------------------------------- /bert-gpu/scripts/data_download.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/scripts/data_download.sh -------------------------------------------------------------------------------- /bert-gpu/scripts/data_download_helper.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/scripts/data_download_helper.sh -------------------------------------------------------------------------------- /bert-gpu/scripts/docker/build.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/scripts/docker/build.sh -------------------------------------------------------------------------------- /bert-gpu/scripts/docker/launch.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/scripts/docker/launch.sh -------------------------------------------------------------------------------- /bert-gpu/scripts/docker/launch_server.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/scripts/docker/launch_server.sh -------------------------------------------------------------------------------- /bert-gpu/scripts/finetune_inference_benchmark.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/scripts/finetune_inference_benchmark.sh -------------------------------------------------------------------------------- /bert-gpu/scripts/finetune_train_benchmark.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/scripts/finetune_train_benchmark.sh -------------------------------------------------------------------------------- /bert-gpu/scripts/run_glue.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/scripts/run_glue.sh -------------------------------------------------------------------------------- /bert-gpu/scripts/run_pretraining.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/scripts/run_pretraining.sh -------------------------------------------------------------------------------- /bert-gpu/scripts/run_squad.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/scripts/run_squad.sh -------------------------------------------------------------------------------- /bert-gpu/scripts/run_squad_inference.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/scripts/run_squad_inference.sh -------------------------------------------------------------------------------- /bert-gpu/scripts/trtis/export_model.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/scripts/trtis/export_model.sh -------------------------------------------------------------------------------- /bert-gpu/scripts/trtis/generate_figures.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/scripts/trtis/generate_figures.sh -------------------------------------------------------------------------------- /bert-gpu/scripts/trtis/run_client.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/scripts/trtis/run_client.sh -------------------------------------------------------------------------------- /bert-gpu/scripts/trtis/run_perf_client.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/scripts/trtis/run_perf_client.sh -------------------------------------------------------------------------------- /bert-gpu/scripts/trtis/run_trtis.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/scripts/trtis/run_trtis.sh -------------------------------------------------------------------------------- /bert-gpu/scripts/trtis/wait_for_trtis_server.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/scripts/trtis/wait_for_trtis_server.sh -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/.bazelrc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/.bazelrc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/.clang-format: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/.clang-format -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/.dockerignore: -------------------------------------------------------------------------------- 1 | .git* 2 | -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/.gitignore -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/CONTRIBUTING.md -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/Dockerfile -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/Dockerfile.QA: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/Dockerfile.QA -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/Dockerfile.client: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/Dockerfile.client -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/Dockerfile.inprocess: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/Dockerfile.inprocess -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/LICENSE -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/Makefile.client: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/Makefile.client -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/Makefile.inprocess: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/Makefile.inprocess -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/README.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/README.rst -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/VERSION: -------------------------------------------------------------------------------- 1 | 1.3.0dev 2 | -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/WORKSPACE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/WORKSPACE -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/deploy/single_server/.helmignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/deploy/single_server/.helmignore -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/deploy/single_server/Chart.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/deploy/single_server/Chart.yaml -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/deploy/single_server/README.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/deploy/single_server/README.rst -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/deploy/single_server/values.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/deploy/single_server/values.yaml -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/docs/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/docs/Makefile -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/docs/architecture.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/docs/architecture.rst -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/docs/build.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/docs/build.rst -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/docs/capabilities.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/docs/capabilities.rst -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/docs/client.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/docs/client.rst -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/docs/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/docs/conf.py -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/docs/contribute.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/docs/contribute.rst -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/docs/custom_operation.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/docs/custom_operation.rst -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/docs/examples/fetch_models.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/docs/examples/fetch_models.sh -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/docs/http_grpc_api.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/docs/http_grpc_api.rst -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/docs/images/arch.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/docs/images/arch.png -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/docs/images/cuda_stream_exec.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/docs/images/cuda_stream_exec.png -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/docs/images/ensemble_example0.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/docs/images/ensemble_example0.png -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/docs/images/multi_model_exec.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/docs/images/multi_model_exec.png -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/docs/images/sequence_example0.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/docs/images/sequence_example0.png -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/docs/images/sequence_example1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/docs/images/sequence_example1.png -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/docs/images/sequence_example2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/docs/images/sequence_example2.png -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/docs/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/docs/index.rst -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/docs/install.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/docs/install.rst -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/docs/metrics.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/docs/metrics.rst -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/docs/model_configuration.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/docs/model_configuration.rst -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/docs/model_repository.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/docs/model_repository.rst -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/docs/models_and_schedulers.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/docs/models_and_schedulers.rst -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/docs/protobuf_api/gen_proto_doc.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/docs/protobuf_api/gen_proto_doc.sh -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/docs/python_api.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/docs/python_api.rst -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/docs/quickstart.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/docs/quickstart.rst -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/docs/run.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/docs/run.rst -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/docs/templates/layout.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/docs/templates/layout.html -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/docs/test.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/docs/test.rst -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/nvidia_entrypoint.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/nvidia_entrypoint.sh -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/qa/L0_batcher/batcher_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/qa/L0_batcher/batcher_test.py -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/qa/L0_batcher/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/qa/L0_batcher/test.sh -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/qa/L0_client_nobatch/client_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/qa/L0_client_nobatch/client_test.py -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/qa/L0_client_nobatch/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/qa/L0_client_nobatch/test.sh -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/qa/L0_custom_param/param_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/qa/L0_custom_param/param_test.py -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/qa/L0_custom_param/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/qa/L0_custom_param/test.sh -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/qa/L0_docs/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/qa/L0_docs/test.sh -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/qa/L0_infer/infer_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/qa/L0_infer/infer_test.py -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/qa/L0_infer/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/qa/L0_infer/test.sh -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/qa/L0_infer_reshape/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/qa/L0_infer_reshape/test.sh -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/qa/L0_infer_variable/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/qa/L0_infer_variable/test.sh -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/qa/L0_infer_zero/infer_zero_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/qa/L0_infer_zero/infer_zero_test.py -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/qa/L0_infer_zero/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/qa/L0_infer_zero/test.sh -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/qa/L0_lifecycle/lifecycle_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/qa/L0_lifecycle/lifecycle_test.py -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/qa/L0_lifecycle/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/qa/L0_lifecycle/test.sh -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/qa/L0_multiple_ports/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/qa/L0_multiple_ports/test.sh -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/qa/L0_output_name/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/qa/L0_output_name/test.sh -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/qa/L0_perf_client/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/qa/L0_perf_client/test.sh -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/qa/L0_priority/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/qa/L0_priority/test.sh -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/qa/L0_sequence_batcher/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/qa/L0_sequence_batcher/test.sh -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/qa/L0_sequence_stress/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/qa/L0_sequence_stress/test.sh -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/qa/L0_server_status/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/qa/L0_server_status/test.sh -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/qa/L0_simple_custom_example/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/qa/L0_simple_custom_example/test.sh -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/qa/L0_simple_ensemble/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/qa/L0_simple_ensemble/test.sh -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/qa/L0_simple_example/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/qa/L0_simple_example/test.sh -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/qa/L0_simple_inprocess/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/qa/L0_simple_inprocess/test.sh -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/qa/L0_simple_string_example/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/qa/L0_simple_string_example/test.sh -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/qa/L0_unit_test/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/qa/L0_unit_test/test.sh -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/qa/common/check_copyright.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/qa/common/check_copyright.py -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/qa/common/gen_qa_model_repository: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/qa/common/gen_qa_model_repository -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/qa/common/gen_qa_models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/qa/common/gen_qa_models.py -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/qa/common/gen_qa_reshape_models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/qa/common/gen_qa_reshape_models.py -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/qa/common/gen_qa_sequence_models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/qa/common/gen_qa_sequence_models.py -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/qa/common/gen_qa_zero_models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/qa/common/gen_qa_zero_models.py -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/qa/common/infer_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/qa/common/infer_util.py -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/qa/common/run_all_tests.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/qa/common/run_all_tests.sh -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/qa/common/show_testlogs: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/qa/common/show_testlogs -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/qa/common/test_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/qa/common/test_util.py -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/qa/common/util.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/qa/common/util.sh -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/qa/images/car.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/qa/images/car.jpg -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/qa/images/mug.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/qa/images/mug.jpg -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/qa/images/vulture.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/qa/images/vulture.jpeg -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/backends/caffe2/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/backends/caffe2/BUILD -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/backends/caffe2/autofill.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/backends/caffe2/autofill.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/backends/caffe2/autofill.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/backends/caffe2/autofill.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/backends/caffe2/netdef_backend.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/backends/caffe2/netdef_backend.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/backends/custom/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/backends/custom/BUILD -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/backends/custom/custom.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/backends/custom/custom.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/backends/custom/custom_backend.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/backends/custom/custom_backend.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/backends/custom/loader.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/backends/custom/loader.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/backends/custom/loader.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/backends/custom/loader.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/backends/ensemble/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/backends/ensemble/BUILD -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/backends/ensemble/testdata/ensemble_config_sanity/embedded_ensemble/expected: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/backends/ensemble/testdata/ensemble_config_sanity/no_ensemble/expected: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/backends/ensemble/testdata/ensemble_config_sanity/unmapped_output/expected: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/backends/ensemble/testdata/model_config_sanity/no_step/expected: -------------------------------------------------------------------------------- 1 | Invalid argument: must specify 'step' for ensemble no_step -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/backends/ensemble/testdata/model_config_sanity/no_step_2/expected: -------------------------------------------------------------------------------- 1 | Invalid argument: must specify 'step' for ensemble no_step_2 -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/backends/ensemble/testdata/model_config_sanity/tensor_to_input_overmapped/expected_2: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/backends/onnx/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/backends/onnx/BUILD -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/backends/onnx/autofill.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/backends/onnx/autofill.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/backends/onnx/autofill.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/backends/onnx/autofill.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/backends/onnx/loader.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/backends/onnx/loader.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/backends/onnx/loader.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/backends/onnx/loader.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/backends/onnx/onnx_backend.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/backends/onnx/onnx_backend.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/backends/onnx/onnx_backend.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/backends/onnx/onnx_backend.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/backends/onnx/onnx_utils.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/backends/onnx/onnx_utils.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/backends/onnx/onnx_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/backends/onnx/onnx_utils.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/backends/onnx/testdata/autofill_sanity/empty_config/config.pbtxt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/backends/pytorch/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/backends/pytorch/BUILD -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/backends/tensorflow/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/backends/tensorflow/BUILD -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/backends/tensorflow/loader.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/backends/tensorflow/loader.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/backends/tensorflow/loader.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/backends/tensorflow/loader.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/backends/tensorflow/testdata/savedmodel_autofill_sanity/empty_config/config.pbtxt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/backends/tensorrt/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/backends/tensorrt/BUILD -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/backends/tensorrt/autofill.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/backends/tensorrt/autofill.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/backends/tensorrt/autofill.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/backends/tensorrt/autofill.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/backends/tensorrt/loader.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/backends/tensorrt/loader.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/backends/tensorrt/loader.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/backends/tensorrt/loader.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/backends/tensorrt/logging.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/backends/tensorrt/logging.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/backends/tensorrt/logging.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/backends/tensorrt/logging.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/backends/tensorrt/testdata/autofill_sanity/empty_config/config.pbtxt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/clients/c++/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/clients/c++/BUILD -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/clients/c++/image_client.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/clients/c++/image_client.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/clients/c++/perf_client.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/clients/c++/perf_client.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/clients/c++/request.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/clients/c++/request.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/clients/c++/request.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/clients/c++/request.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/clients/c++/request_common.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/clients/c++/request_common.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/clients/c++/request_common.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/clients/c++/request_common.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/clients/c++/request_grpc.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/clients/c++/request_grpc.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/clients/c++/request_grpc.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/clients/c++/request_grpc.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/clients/c++/request_http.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/clients/c++/request_http.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/clients/c++/request_http.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/clients/c++/request_http.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/clients/c++/simple_client.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/clients/c++/simple_client.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/clients/python/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/clients/python/BUILD -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/clients/python/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/clients/python/__init__.py -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/clients/python/build_pip.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/clients/python/build_pip.sh -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/clients/python/crequest.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/clients/python/crequest.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/clients/python/crequest.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/clients/python/crequest.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/clients/python/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/clients/python/setup.py -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/BUILD -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/api.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/api.proto -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/autofill.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/autofill.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/autofill.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/autofill.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/backend.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/backend.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/backend.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/backend.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/constants.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/constants.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/ensemble_scheduler.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/ensemble_scheduler.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/ensemble_scheduler.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/ensemble_scheduler.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/ensemble_utils.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/ensemble_utils.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/ensemble_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/ensemble_utils.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/filesystem.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/filesystem.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/filesystem.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/filesystem.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/grpc_service.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/grpc_service.proto -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/label_provider.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/label_provider.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/label_provider.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/label_provider.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/libtrtserver.ldscript: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/libtrtserver.ldscript -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/logging.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/logging.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/logging.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/logging.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/metric_model_reporter.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/metric_model_reporter.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/metric_model_reporter.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/metric_model_reporter.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/metrics.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/metrics.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/metrics.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/metrics.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/model_config.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/model_config.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/model_config.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/model_config.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/model_config.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/model_config.proto -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/model_config_cuda.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/model_config_cuda.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/model_config_cuda.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/model_config_cuda.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/model_config_utils.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/model_config_utils.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/model_config_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/model_config_utils.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/profile.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/profile.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/profile.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/profile.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/provider.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/provider.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/provider.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/provider.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/provider_utils.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/provider_utils.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/provider_utils.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/provider_utils.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/request_inprocess.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/request_inprocess.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/request_inprocess.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/request_inprocess.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/request_status.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/request_status.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/request_status.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/request_status.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/request_status.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/request_status.proto -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/scheduler.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/scheduler.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/server.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/server.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/server.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/server.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/server_status.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/server_status.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/server_status.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/server_status.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/server_status.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/server_status.proto -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/status.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/status.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/core/status.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/core/status.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/custom/addsub/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/custom/addsub/BUILD -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/custom/addsub/addsub.cu.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/custom/addsub/addsub.cu.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/custom/addsub/kernel.cu.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/custom/addsub/kernel.cu.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/custom/addsub/kernel.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/custom/addsub/kernel.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/custom/identity/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/custom/identity/BUILD -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/custom/identity/identity.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/custom/identity/identity.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/custom/image_preprocess/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/custom/image_preprocess/BUILD -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/custom/param/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/custom/param/BUILD -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/custom/param/param.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/custom/param/param.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/custom/sequence/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/custom/sequence/BUILD -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/nvrpc/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/nvrpc/BUILD -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/nvrpc/Context.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/nvrpc/Context.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/nvrpc/Executor.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/nvrpc/Executor.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/nvrpc/Executor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/nvrpc/Executor.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/nvrpc/Interfaces.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/nvrpc/Interfaces.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/nvrpc/LifeCycleUnary.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/nvrpc/LifeCycleUnary.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/nvrpc/RPC.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/nvrpc/RPC.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/nvrpc/Resources.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/nvrpc/Resources.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/nvrpc/Server.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/nvrpc/Server.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/nvrpc/Server.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/nvrpc/Server.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/nvrpc/Service.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/nvrpc/Service.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/nvrpc/ThreadPool.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/nvrpc/ThreadPool.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/nvrpc/ThreadPool.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/nvrpc/ThreadPool.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/nvrpc/future_std.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/nvrpc/future_std.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/operations/tensorflow/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/operations/tensorflow/BUILD -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/servers/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/servers/BUILD -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/servers/grpc_server.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/servers/grpc_server.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/servers/grpc_server.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/servers/grpc_server.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/servers/http_server.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/servers/http_server.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/servers/http_server.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/servers/http_server.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/servers/main.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/servers/main.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/test/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/test/BUILD -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/test/caffe2plan.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/test/caffe2plan.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/test/model_config_test_base.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/test/model_config_test_base.h -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/test/testdata/autofill_sanity/no_version/expected: -------------------------------------------------------------------------------- 1 | Invalid argument: must specify platform for model 'no_version' -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/test/testdata/model_config_sanity/no_name/expected: -------------------------------------------------------------------------------- 1 | Invalid argument: model configuration must specify 'name' -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/src/test/testmain.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/src/test/testmain.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/third_party/libevhtp.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/third_party/libevhtp.BUILD -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/tools/format.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/tools/format.py -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/tools/patch/tensorflow/checksums: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/tools/patch/tensorflow/checksums -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/tools/patch/tfs/checksums: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/tools/patch/tfs/checksums -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/tools/patch/tfs/util/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/tools/patch/tfs/util/BUILD -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/tools/patch/tfs/util/retrier.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/tools/patch/tfs/util/retrier.cc -------------------------------------------------------------------------------- /bert-gpu/tensorrt-inference-server/tools/patch/tfs/workspace.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tensorrt-inference-server/tools/patch/tfs/workspace.bzl -------------------------------------------------------------------------------- /bert-gpu/tokenization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tokenization.py -------------------------------------------------------------------------------- /bert-gpu/tokenization_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/tokenization_test.py -------------------------------------------------------------------------------- /bert-gpu/utils/create_glue_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/utils/create_glue_data.py -------------------------------------------------------------------------------- /bert-gpu/utils/create_pretraining_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/utils/create_pretraining_data.py -------------------------------------------------------------------------------- /bert-gpu/utils/create_squad_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/utils/create_squad_data.py -------------------------------------------------------------------------------- /bert-gpu/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert-gpu/utils/utils.py -------------------------------------------------------------------------------- /bert/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert/.gitignore -------------------------------------------------------------------------------- /bert/CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert/CONTRIBUTING.md -------------------------------------------------------------------------------- /bert/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert/LICENSE -------------------------------------------------------------------------------- /bert/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert/README.md -------------------------------------------------------------------------------- /bert/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert/__init__.py -------------------------------------------------------------------------------- /bert/create_pretraining_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert/create_pretraining_data.py -------------------------------------------------------------------------------- /bert/extract_features.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert/extract_features.py -------------------------------------------------------------------------------- /bert/modeling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert/modeling.py -------------------------------------------------------------------------------- /bert/modeling_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert/modeling_test.py -------------------------------------------------------------------------------- /bert/multilingual.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert/multilingual.md -------------------------------------------------------------------------------- /bert/optimization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert/optimization.py -------------------------------------------------------------------------------- /bert/optimization_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert/optimization_test.py -------------------------------------------------------------------------------- /bert/predicting_movie_reviews_with_bert_on_tf_hub.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert/predicting_movie_reviews_with_bert_on_tf_hub.ipynb -------------------------------------------------------------------------------- /bert/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert/requirements.txt -------------------------------------------------------------------------------- /bert/run_classifier.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert/run_classifier.py -------------------------------------------------------------------------------- /bert/run_classifier_with_tfhub.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert/run_classifier_with_tfhub.py -------------------------------------------------------------------------------- /bert/run_pretraining.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert/run_pretraining.py -------------------------------------------------------------------------------- /bert/run_squad.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert/run_squad.py -------------------------------------------------------------------------------- /bert/sample_text.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert/sample_text.txt -------------------------------------------------------------------------------- /bert/tokenization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert/tokenization.py -------------------------------------------------------------------------------- /bert/tokenization_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/bert/tokenization_test.py -------------------------------------------------------------------------------- /data-engineering/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/data-engineering/README.md -------------------------------------------------------------------------------- /data-engineering/data/cik_ticker.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/data-engineering/data/cik_ticker.csv -------------------------------------------------------------------------------- /data-engineering/data/earnings_call_raw.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/data-engineering/data/earnings_call_raw.txt -------------------------------------------------------------------------------- /data-engineering/data/eval_data.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/data-engineering/data/eval_data.txt -------------------------------------------------------------------------------- /data-engineering/data/financial_keywords.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/data-engineering/data/financial_keywords.csv -------------------------------------------------------------------------------- /data-engineering/data/header_1.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/data-engineering/data/header_1.txt -------------------------------------------------------------------------------- /data-engineering/eval_data_prep/masked_file_gen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/data-engineering/eval_data_prep/masked_file_gen.py -------------------------------------------------------------------------------- /data-engineering/example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/data-engineering/example.py -------------------------------------------------------------------------------- /data-engineering/model/documents.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/data-engineering/model/documents.py -------------------------------------------------------------------------------- /data-engineering/model/iter_10k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/data-engineering/model/iter_10k.py -------------------------------------------------------------------------------- /data-engineering/old_stuff/sec_data_bigquery/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/data-engineering/old_stuff/sec_data_bigquery/main.py -------------------------------------------------------------------------------- /data-engineering/old_stuff/sec_data_cloud_storage/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/data-engineering/old_stuff/sec_data_cloud_storage/main.py -------------------------------------------------------------------------------- /data-engineering/old_stuff/sec_data_harvest/README.md: -------------------------------------------------------------------------------- 1 | 2 | 3 | Data: 4 | CIK and Stock Symbols from http://rankandfiled.com/#/data/tickers 5 | -------------------------------------------------------------------------------- /data-engineering/old_stuff/sec_data_harvest/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/data-engineering/old_stuff/sec_data_harvest/main.py -------------------------------------------------------------------------------- /data-engineering/parse_10ks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/data-engineering/parse_10ks.py -------------------------------------------------------------------------------- /data-engineering/parsers/filing_parsers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/data-engineering/parsers/filing_parsers.py -------------------------------------------------------------------------------- /data-engineering/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/data-engineering/requirements.txt -------------------------------------------------------------------------------- /data-engineering/run_parse.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/data-engineering/run_parse.sh -------------------------------------------------------------------------------- /data-engineering/test_data_prep/test_data/Constraining.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/data-engineering/test_data_prep/test_data/Constraining.csv -------------------------------------------------------------------------------- /data-engineering/test_data_prep/test_data/Litigious.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/data-engineering/test_data_prep/test_data/Litigious.csv -------------------------------------------------------------------------------- /data-engineering/test_data_prep/test_data/Negative.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/data-engineering/test_data_prep/test_data/Negative.csv -------------------------------------------------------------------------------- /data-engineering/test_data_prep/test_data/Positive.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/data-engineering/test_data_prep/test_data/Positive.csv -------------------------------------------------------------------------------- /data-engineering/test_data_prep/test_data/StrongModal.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/data-engineering/test_data_prep/test_data/StrongModal.csv -------------------------------------------------------------------------------- /data-engineering/test_data_prep/test_data/Uncertainty.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/data-engineering/test_data_prep/test_data/Uncertainty.csv -------------------------------------------------------------------------------- /data-engineering/test_data_prep/test_data/WeakModal.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/data-engineering/test_data_prep/test_data/WeakModal.csv -------------------------------------------------------------------------------- /data-engineering/test_data_prep/test_prep.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/data-engineering/test_data_prep/test_prep.py -------------------------------------------------------------------------------- /data/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/data/.gitignore -------------------------------------------------------------------------------- /data/2019/2019.out: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/data/2019/2019.out -------------------------------------------------------------------------------- /data/2019/2019.tokens: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/data/2019/2019.tokens -------------------------------------------------------------------------------- /data/call/call.chunk.00: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/data/call/call.chunk.00 -------------------------------------------------------------------------------- /data/call/call.tfrecord.00-128-20: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/data/call/call.tfrecord.00-128-20 -------------------------------------------------------------------------------- /data/prep/create_pretraining_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/data/prep/create_pretraining_data.py -------------------------------------------------------------------------------- /data/prep/create_sentiment_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/data/prep/create_sentiment_data.py -------------------------------------------------------------------------------- /data/prep/mask_files/Constraining.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/data/prep/mask_files/Constraining.csv -------------------------------------------------------------------------------- /data/prep/mask_files/Litigious.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/data/prep/mask_files/Litigious.csv -------------------------------------------------------------------------------- /data/prep/mask_files/Negative.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/data/prep/mask_files/Negative.csv -------------------------------------------------------------------------------- /data/prep/mask_files/Positive.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/data/prep/mask_files/Positive.csv -------------------------------------------------------------------------------- /data/prep/mask_files/StrongModal.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/data/prep/mask_files/StrongModal.csv -------------------------------------------------------------------------------- /data/prep/mask_files/Uncertainty.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/data/prep/mask_files/Uncertainty.csv -------------------------------------------------------------------------------- /data/prep/mask_files/WeakModal.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/data/prep/mask_files/WeakModal.csv -------------------------------------------------------------------------------- /data/prep/prep.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/data/prep/prep.ipynb -------------------------------------------------------------------------------- /data/prep/prep.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/data/prep/prep.py -------------------------------------------------------------------------------- /data/prep/tokenization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/data/prep/tokenization.py -------------------------------------------------------------------------------- /data/prep/vocab.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/data/prep/vocab.txt -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Combo_128MSL-100K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-100K/checkpoint -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Combo_128MSL-100K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-100K/config.json -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Combo_128MSL-100K/eval_results.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/10-q/ckpt/FinBERT-Combo_128MSL-100K/eval_results.txt -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Combo_128MSL-100K/model.ckpt-100000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-100K/model.ckpt-100000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Combo_128MSL-100K/model.ckpt-100000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-100K/model.ckpt-100000.index -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Combo_128MSL-100K/model.ckpt-100000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-100K/model.ckpt-100000.meta -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Combo_128MSL-250K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-250K/checkpoint -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Combo_128MSL-250K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-250K/config.json -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Combo_128MSL-250K/eval_results.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/10-q/ckpt/FinBERT-Combo_128MSL-250K/eval_results.txt -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Combo_128MSL-250K/model.ckpt-250000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-250K/model.ckpt-250000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Combo_128MSL-250K/model.ckpt-250000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-250K/model.ckpt-250000.index -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Combo_128MSL-250K/model.ckpt-250000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-250K/model.ckpt-250000.meta -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Combo_128MSL-500K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K/checkpoint -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Combo_128MSL-500K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K/config.json -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Combo_128MSL-500K/eval_results.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/10-q/ckpt/FinBERT-Combo_128MSL-500K/eval_results.txt -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Combo_128MSL-500K/model.ckpt-500000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K/model.ckpt-500000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Combo_128MSL-500K/model.ckpt-500000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K/model.ckpt-500000.index -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Combo_128MSL-500K/model.ckpt-500000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K/model.ckpt-500000.meta -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Combo_128MSL-500K_512MSL-100K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K_512MSL-100K/checkpoint -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Combo_128MSL-500K_512MSL-100K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K_512MSL-100K/config.json -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Combo_128MSL-500K_512MSL-100K/model.ckpt-600000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K_512MSL-100K/model.ckpt-600000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Combo_128MSL-500K_512MSL-100K/model.ckpt-600000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K_512MSL-100K/model.ckpt-600000.index -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Combo_128MSL-500K_512MSL-100K/model.ckpt-600000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K_512MSL-100K/model.ckpt-600000.meta -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Pre2K_128MSL-250K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Pre2K_128MSL-250K/checkpoint -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Pre2K_128MSL-250K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Pre2K_128MSL-250K/config.json -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Pre2K_128MSL-250K/eval_results.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/10-q/ckpt/FinBERT-Pre2K_128MSL-250K/eval_results.txt -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Pre2K_128MSL-250K/model.ckpt-250000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Pre2K_128MSL-250K/model.ckpt-250000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Pre2K_128MSL-250K/model.ckpt-250000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Pre2K_128MSL-250K/model.ckpt-250000.index -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Pre2K_128MSL-250K/model.ckpt-250000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Pre2K_128MSL-250K/model.ckpt-250000.meta -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Prime_128MSL-250K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-250K/checkpoint -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Prime_128MSL-250K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-250K/config.json -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Prime_128MSL-250K/eval_results.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/10-q/ckpt/FinBERT-Prime_128MSL-250K/eval_results.txt -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Prime_128MSL-250K/model.ckpt-250000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-250K/model.ckpt-250000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Prime_128MSL-250K/model.ckpt-250000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-250K/model.ckpt-250000.index -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Prime_128MSL-250K/model.ckpt-250000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-250K/model.ckpt-250000.meta -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Prime_128MSL-500K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K/checkpoint -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Prime_128MSL-500K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K/config.json -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Prime_128MSL-500K/eval_results.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/10-q/ckpt/FinBERT-Prime_128MSL-500K/eval_results.txt -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Prime_128MSL-500K/model.ckpt-500000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K/model.ckpt-500000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Prime_128MSL-500K/model.ckpt-500000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K/model.ckpt-500000.index -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Prime_128MSL-500K/model.ckpt-500000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K/model.ckpt-500000.meta -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Prime_128MSL-500K_512MSL-050K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-050K/checkpoint -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Prime_128MSL-500K_512MSL-050K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-050K/config.json -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Prime_128MSL-500K_512MSL-050K/model.ckpt-550000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-050K/model.ckpt-550000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Prime_128MSL-500K_512MSL-050K/model.ckpt-550000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-050K/model.ckpt-550000.index -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Prime_128MSL-500K_512MSL-050K/model.ckpt-550000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-050K/model.ckpt-550000.meta -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Prime_128MSL-500K_512MSL-100K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-100K/checkpoint -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Prime_128MSL-500K_512MSL-100K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-100K/config.json -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Prime_128MSL-500K_512MSL-100K/model.ckpt-600000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-100K/model.ckpt-600000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Prime_128MSL-500K_512MSL-100K/model.ckpt-600000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-100K/model.ckpt-600000.index -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Prime_128MSL-500K_512MSL-100K/model.ckpt-600000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-100K/model.ckpt-600000.meta -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Prime_128MSL-500K_512MSL-200K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-200K/checkpoint -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Prime_128MSL-500K_512MSL-200K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-200K/config.json -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Prime_128MSL-500K_512MSL-200K/model.ckpt-700000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-200K/model.ckpt-700000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Prime_128MSL-500K_512MSL-200K/model.ckpt-700000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-200K/model.ckpt-700000.index -------------------------------------------------------------------------------- /eval/10-q/ckpt/FinBERT-Prime_128MSL-500K_512MSL-200K/model.ckpt-700000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-200K/model.ckpt-700000.meta -------------------------------------------------------------------------------- /eval/10-q/ckpt/GooBERT/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/GooBERT/checkpoint -------------------------------------------------------------------------------- /eval/10-q/ckpt/GooBERT/config.json: -------------------------------------------------------------------------------- 1 | /gold/GooBERT/config.json -------------------------------------------------------------------------------- /eval/10-q/ckpt/GooBERT/eval/events.out.tfevents.1564860925.w251: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/10-q/ckpt/GooBERT/eval/events.out.tfevents.1564860925.w251 -------------------------------------------------------------------------------- /eval/10-q/ckpt/GooBERT/eval_results.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/10-q/ckpt/GooBERT/eval_results.txt -------------------------------------------------------------------------------- /eval/10-q/ckpt/GooBERT/events.out.testing.0803193333.128.log: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/10-q/ckpt/GooBERT/events.out.testing.0803193333.128.log -------------------------------------------------------------------------------- /eval/10-q/ckpt/GooBERT/model.ckpt.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/GooBERT/model.ckpt.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/10-q/ckpt/GooBERT/model.ckpt.index: -------------------------------------------------------------------------------- 1 | /gold/GooBERT/model.ckpt.index -------------------------------------------------------------------------------- /eval/10-q/ckpt/GooBERT/model.ckpt.meta: -------------------------------------------------------------------------------- 1 | /gold/GooBERT/model.ckpt.meta -------------------------------------------------------------------------------- /eval/10-q/data: -------------------------------------------------------------------------------- 1 | /root/w266-final/data/10-q -------------------------------------------------------------------------------- /eval/2019/2019.roll: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/2019/2019.roll -------------------------------------------------------------------------------- /eval/2019/ckpt/.gitkeep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Combo_128MSL-100K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-100K/checkpoint -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Combo_128MSL-100K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-100K/config.json -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Combo_128MSL-100K/eval_results.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/2019/ckpt/FinBERT-Combo_128MSL-100K/eval_results.txt -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Combo_128MSL-100K/events.out.testing.0803011328.128.log: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Combo_128MSL-100K/model.ckpt-100000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-100K/model.ckpt-100000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Combo_128MSL-100K/model.ckpt-100000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-100K/model.ckpt-100000.index -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Combo_128MSL-100K/model.ckpt-100000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-100K/model.ckpt-100000.meta -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Combo_128MSL-250K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-250K/checkpoint -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Combo_128MSL-250K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-250K/config.json -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Combo_128MSL-250K/eval_results.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/2019/ckpt/FinBERT-Combo_128MSL-250K/eval_results.txt -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Combo_128MSL-250K/events.out.testing.0803011328.128.log: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Combo_128MSL-250K/model.ckpt-250000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-250K/model.ckpt-250000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Combo_128MSL-250K/model.ckpt-250000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-250K/model.ckpt-250000.index -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Combo_128MSL-250K/model.ckpt-250000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-250K/model.ckpt-250000.meta -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Combo_128MSL-500K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K/checkpoint -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Combo_128MSL-500K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K/config.json -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Combo_128MSL-500K/eval_results.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/2019/ckpt/FinBERT-Combo_128MSL-500K/eval_results.txt -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Combo_128MSL-500K/events.out.testing.0803011327.128.log: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Combo_128MSL-500K/model.ckpt-500000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K/model.ckpt-500000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Combo_128MSL-500K/model.ckpt-500000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K/model.ckpt-500000.index -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Combo_128MSL-500K/model.ckpt-500000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K/model.ckpt-500000.meta -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Combo_128MSL-500K_512MSL-100K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K_512MSL-100K/checkpoint -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Combo_128MSL-500K_512MSL-100K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K_512MSL-100K/config.json -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Combo_128MSL-500K_512MSL-100K/events.out.testing.0803011327.128.log: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Combo_128MSL-500K_512MSL-100K/model.ckpt-600000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K_512MSL-100K/model.ckpt-600000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Combo_128MSL-500K_512MSL-100K/model.ckpt-600000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K_512MSL-100K/model.ckpt-600000.index -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Combo_128MSL-500K_512MSL-100K/model.ckpt-600000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K_512MSL-100K/model.ckpt-600000.meta -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Pre2K_128MSL-250K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Pre2K_128MSL-250K/checkpoint -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Pre2K_128MSL-250K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Pre2K_128MSL-250K/config.json -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Pre2K_128MSL-250K/eval_results.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/2019/ckpt/FinBERT-Pre2K_128MSL-250K/eval_results.txt -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Pre2K_128MSL-250K/events.out.testing.0803011327.128.log: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Pre2K_128MSL-250K/model.ckpt-250000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Pre2K_128MSL-250K/model.ckpt-250000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Pre2K_128MSL-250K/model.ckpt-250000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Pre2K_128MSL-250K/model.ckpt-250000.index -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Pre2K_128MSL-250K/model.ckpt-250000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Pre2K_128MSL-250K/model.ckpt-250000.meta -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Prime_128MSL-250K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-250K/checkpoint -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Prime_128MSL-250K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-250K/config.json -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Prime_128MSL-250K/eval_results.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/2019/ckpt/FinBERT-Prime_128MSL-250K/eval_results.txt -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Prime_128MSL-250K/events.out.testing.0803011326.128.log: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Prime_128MSL-250K/model.ckpt-250000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-250K/model.ckpt-250000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Prime_128MSL-250K/model.ckpt-250000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-250K/model.ckpt-250000.index -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Prime_128MSL-250K/model.ckpt-250000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-250K/model.ckpt-250000.meta -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Prime_128MSL-500K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K/checkpoint -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Prime_128MSL-500K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K/config.json -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Prime_128MSL-500K/eval_results.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/2019/ckpt/FinBERT-Prime_128MSL-500K/eval_results.txt -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Prime_128MSL-500K/events.out.testing.0803011325.128.log: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Prime_128MSL-500K/model.ckpt-500000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K/model.ckpt-500000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Prime_128MSL-500K/model.ckpt-500000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K/model.ckpt-500000.index -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Prime_128MSL-500K/model.ckpt-500000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K/model.ckpt-500000.meta -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Prime_128MSL-500K_512MSL-050K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-050K/checkpoint -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Prime_128MSL-500K_512MSL-050K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-050K/config.json -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Prime_128MSL-500K_512MSL-050K/events.out.testing.0803011325.128.log: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Prime_128MSL-500K_512MSL-050K/model.ckpt-550000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-050K/model.ckpt-550000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Prime_128MSL-500K_512MSL-050K/model.ckpt-550000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-050K/model.ckpt-550000.index -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Prime_128MSL-500K_512MSL-050K/model.ckpt-550000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-050K/model.ckpt-550000.meta -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Prime_128MSL-500K_512MSL-100K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-100K/checkpoint -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Prime_128MSL-500K_512MSL-100K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-100K/config.json -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Prime_128MSL-500K_512MSL-100K/events.out.testing.0803011324.128.log: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Prime_128MSL-500K_512MSL-100K/model.ckpt-600000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-100K/model.ckpt-600000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Prime_128MSL-500K_512MSL-100K/model.ckpt-600000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-100K/model.ckpt-600000.index -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Prime_128MSL-500K_512MSL-100K/model.ckpt-600000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-100K/model.ckpt-600000.meta -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Prime_128MSL-500K_512MSL-200K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-200K/checkpoint -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Prime_128MSL-500K_512MSL-200K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-200K/config.json -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Prime_128MSL-500K_512MSL-200K/model.ckpt-700000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-200K/model.ckpt-700000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Prime_128MSL-500K_512MSL-200K/model.ckpt-700000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-200K/model.ckpt-700000.index -------------------------------------------------------------------------------- /eval/2019/ckpt/FinBERT-Prime_128MSL-500K_512MSL-200K/model.ckpt-700000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-200K/model.ckpt-700000.meta -------------------------------------------------------------------------------- /eval/2019/ckpt/GooBERT/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/GooBERT/checkpoint -------------------------------------------------------------------------------- /eval/2019/ckpt/GooBERT/config.json: -------------------------------------------------------------------------------- 1 | /gold/GooBERT/config.json -------------------------------------------------------------------------------- /eval/2019/ckpt/GooBERT/eval/events.out.tfevents.1564802617.w251: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/2019/ckpt/GooBERT/eval/events.out.tfevents.1564802617.w251 -------------------------------------------------------------------------------- /eval/2019/ckpt/GooBERT/eval_results.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/2019/ckpt/GooBERT/eval_results.txt -------------------------------------------------------------------------------- /eval/2019/ckpt/GooBERT/events.out.testing.0803032208.128.log: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/2019/ckpt/GooBERT/events.out.testing.0803032208.128.log -------------------------------------------------------------------------------- /eval/2019/ckpt/GooBERT/model.ckpt.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/GooBERT/model.ckpt.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/2019/ckpt/GooBERT/model.ckpt.index: -------------------------------------------------------------------------------- 1 | /gold/GooBERT/model.ckpt.index -------------------------------------------------------------------------------- /eval/2019/ckpt/GooBERT/model.ckpt.meta: -------------------------------------------------------------------------------- 1 | /gold/GooBERT/model.ckpt.meta -------------------------------------------------------------------------------- /eval/2019/data/2019.tfrecord.00-128-20: -------------------------------------------------------------------------------- 1 | /root/w266-final/data/2019.tfrecord.00-128-20 -------------------------------------------------------------------------------- /eval/2019/data/2019.tfrecord.01-128-20: -------------------------------------------------------------------------------- 1 | /root/w266-final/data/2019.tfrecord.01-128-20 -------------------------------------------------------------------------------- /eval/2019/data/2019.tfrecord.02-128-20: -------------------------------------------------------------------------------- 1 | /root/w266-final/data/2019.tfrecord.02-128-20 -------------------------------------------------------------------------------- /eval/2019/data/2019.tfrecord.03-128-20: -------------------------------------------------------------------------------- 1 | /root/w266-final/data/2019.tfrecord.03-128-20 -------------------------------------------------------------------------------- /eval/2019/data/2019.tfrecord.04-128-20: -------------------------------------------------------------------------------- 1 | /root/w266-final/data/2019.tfrecord.04-128-20 -------------------------------------------------------------------------------- /eval/2019/data/2019.tfrecord.05-128-20: -------------------------------------------------------------------------------- 1 | /root/w266-final/data/2019.tfrecord.05-128-20 -------------------------------------------------------------------------------- /eval/2019/data/2019.tfrecord.06-128-20: -------------------------------------------------------------------------------- 1 | /root/w266-final/data/2019.tfrecord.06-128-20 -------------------------------------------------------------------------------- /eval/2019/data/2019.tfrecord.07-128-20: -------------------------------------------------------------------------------- 1 | /root/w266-final/data/2019.tfrecord.07-128-20 -------------------------------------------------------------------------------- /eval/bank/bank.roll: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/bank/bank.roll -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Combo_128MSL-100K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-100K/checkpoint -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Combo_128MSL-100K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-100K/config.json -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Combo_128MSL-100K/eval_results.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/bank/ckpt/FinBERT-Combo_128MSL-100K/eval_results.txt -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Combo_128MSL-100K/model.ckpt-100000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-100K/model.ckpt-100000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Combo_128MSL-100K/model.ckpt-100000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-100K/model.ckpt-100000.index -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Combo_128MSL-100K/model.ckpt-100000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-100K/model.ckpt-100000.meta -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Combo_128MSL-250K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-250K/checkpoint -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Combo_128MSL-250K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-250K/config.json -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Combo_128MSL-250K/eval_results.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/bank/ckpt/FinBERT-Combo_128MSL-250K/eval_results.txt -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Combo_128MSL-250K/model.ckpt-250000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-250K/model.ckpt-250000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Combo_128MSL-250K/model.ckpt-250000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-250K/model.ckpt-250000.index -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Combo_128MSL-250K/model.ckpt-250000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-250K/model.ckpt-250000.meta -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Combo_128MSL-500K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K/checkpoint -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Combo_128MSL-500K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K/config.json -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Combo_128MSL-500K/eval_results.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/bank/ckpt/FinBERT-Combo_128MSL-500K/eval_results.txt -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Combo_128MSL-500K/model.ckpt-500000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K/model.ckpt-500000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Combo_128MSL-500K/model.ckpt-500000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K/model.ckpt-500000.index -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Combo_128MSL-500K/model.ckpt-500000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K/model.ckpt-500000.meta -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Combo_128MSL-500K_512MSL-100K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K_512MSL-100K/checkpoint -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Combo_128MSL-500K_512MSL-100K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K_512MSL-100K/config.json -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Combo_128MSL-500K_512MSL-100K/model.ckpt-600000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K_512MSL-100K/model.ckpt-600000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Combo_128MSL-500K_512MSL-100K/model.ckpt-600000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K_512MSL-100K/model.ckpt-600000.index -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Combo_128MSL-500K_512MSL-100K/model.ckpt-600000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K_512MSL-100K/model.ckpt-600000.meta -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Pre2K_128MSL-250K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Pre2K_128MSL-250K/checkpoint -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Pre2K_128MSL-250K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Pre2K_128MSL-250K/config.json -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Pre2K_128MSL-250K/eval_results.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/bank/ckpt/FinBERT-Pre2K_128MSL-250K/eval_results.txt -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Pre2K_128MSL-250K/model.ckpt-250000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Pre2K_128MSL-250K/model.ckpt-250000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Pre2K_128MSL-250K/model.ckpt-250000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Pre2K_128MSL-250K/model.ckpt-250000.index -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Pre2K_128MSL-250K/model.ckpt-250000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Pre2K_128MSL-250K/model.ckpt-250000.meta -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Prime_128MSL-250K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-250K/checkpoint -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Prime_128MSL-250K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-250K/config.json -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Prime_128MSL-250K/eval_results.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/bank/ckpt/FinBERT-Prime_128MSL-250K/eval_results.txt -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Prime_128MSL-250K/model.ckpt-250000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-250K/model.ckpt-250000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Prime_128MSL-250K/model.ckpt-250000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-250K/model.ckpt-250000.index -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Prime_128MSL-250K/model.ckpt-250000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-250K/model.ckpt-250000.meta -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Prime_128MSL-500K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K/checkpoint -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Prime_128MSL-500K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K/config.json -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Prime_128MSL-500K/eval_results.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/bank/ckpt/FinBERT-Prime_128MSL-500K/eval_results.txt -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Prime_128MSL-500K/model.ckpt-500000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K/model.ckpt-500000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Prime_128MSL-500K/model.ckpt-500000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K/model.ckpt-500000.index -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Prime_128MSL-500K/model.ckpt-500000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K/model.ckpt-500000.meta -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Prime_128MSL-500K_512MSL-050K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-050K/checkpoint -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Prime_128MSL-500K_512MSL-050K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-050K/config.json -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Prime_128MSL-500K_512MSL-050K/model.ckpt-550000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-050K/model.ckpt-550000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Prime_128MSL-500K_512MSL-050K/model.ckpt-550000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-050K/model.ckpt-550000.index -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Prime_128MSL-500K_512MSL-050K/model.ckpt-550000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-050K/model.ckpt-550000.meta -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Prime_128MSL-500K_512MSL-100K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-100K/checkpoint -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Prime_128MSL-500K_512MSL-100K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-100K/config.json -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Prime_128MSL-500K_512MSL-100K/model.ckpt-600000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-100K/model.ckpt-600000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Prime_128MSL-500K_512MSL-100K/model.ckpt-600000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-100K/model.ckpt-600000.index -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Prime_128MSL-500K_512MSL-100K/model.ckpt-600000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-100K/model.ckpt-600000.meta -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Prime_128MSL-500K_512MSL-200K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-200K/checkpoint -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Prime_128MSL-500K_512MSL-200K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-200K/config.json -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Prime_128MSL-500K_512MSL-200K/model.ckpt-700000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-200K/model.ckpt-700000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Prime_128MSL-500K_512MSL-200K/model.ckpt-700000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-200K/model.ckpt-700000.index -------------------------------------------------------------------------------- /eval/bank/ckpt/FinBERT-Prime_128MSL-500K_512MSL-200K/model.ckpt-700000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-200K/model.ckpt-700000.meta -------------------------------------------------------------------------------- /eval/bank/ckpt/GooBERT/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/GooBERT/checkpoint -------------------------------------------------------------------------------- /eval/bank/ckpt/GooBERT/config.json: -------------------------------------------------------------------------------- 1 | /gold/GooBERT/config.json -------------------------------------------------------------------------------- /eval/bank/ckpt/GooBERT/eval/events.out.tfevents.1564811038.w251: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/bank/ckpt/GooBERT/eval/events.out.tfevents.1564811038.w251 -------------------------------------------------------------------------------- /eval/bank/ckpt/GooBERT/eval_results.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/bank/ckpt/GooBERT/eval_results.txt -------------------------------------------------------------------------------- /eval/bank/ckpt/GooBERT/events.out.testing.0803054230.128.log: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/bank/ckpt/GooBERT/events.out.testing.0803054230.128.log -------------------------------------------------------------------------------- /eval/bank/ckpt/GooBERT/model.ckpt.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/GooBERT/model.ckpt.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/bank/ckpt/GooBERT/model.ckpt.index: -------------------------------------------------------------------------------- 1 | /gold/GooBERT/model.ckpt.index -------------------------------------------------------------------------------- /eval/bank/ckpt/GooBERT/model.ckpt.meta: -------------------------------------------------------------------------------- 1 | /gold/GooBERT/model.ckpt.meta -------------------------------------------------------------------------------- /eval/bank/ckpt/bank.check: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/bank/ckpt/bank.check -------------------------------------------------------------------------------- /eval/bank/data/bank.tfrecord.00-128-20: -------------------------------------------------------------------------------- 1 | /root/w266-final/data/bank/bank.tfrecord.00-128-20 -------------------------------------------------------------------------------- /eval/bank/data/bank.tfrecord.50-128-20: -------------------------------------------------------------------------------- 1 | /root/w266-final/data/bank/bank.tfrecord.50-128-20 -------------------------------------------------------------------------------- /eval/bank/data/bank.tfrecord.66-128-20: -------------------------------------------------------------------------------- 1 | /root/w266-final/data/bank/bank.tfrecord.66-128-20 -------------------------------------------------------------------------------- /eval/bank/data/bank.tfrecord.75-128-20: -------------------------------------------------------------------------------- 1 | /root/w266-final/data/bank/bank.tfrecord.75-128-20 -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Combo_128MSL-100K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-100K/checkpoint -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Combo_128MSL-100K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-100K/config.json -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Combo_128MSL-100K/eval_results.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/call/ckpt/FinBERT-Combo_128MSL-100K/eval_results.txt -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Combo_128MSL-100K/model.ckpt-100000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-100K/model.ckpt-100000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Combo_128MSL-100K/model.ckpt-100000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-100K/model.ckpt-100000.index -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Combo_128MSL-100K/model.ckpt-100000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-100K/model.ckpt-100000.meta -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Combo_128MSL-250K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-250K/checkpoint -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Combo_128MSL-250K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-250K/config.json -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Combo_128MSL-250K/eval_results.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/call/ckpt/FinBERT-Combo_128MSL-250K/eval_results.txt -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Combo_128MSL-250K/model.ckpt-250000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-250K/model.ckpt-250000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Combo_128MSL-250K/model.ckpt-250000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-250K/model.ckpt-250000.index -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Combo_128MSL-250K/model.ckpt-250000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-250K/model.ckpt-250000.meta -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Combo_128MSL-500K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K/checkpoint -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Combo_128MSL-500K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K/config.json -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Combo_128MSL-500K/eval_results.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/call/ckpt/FinBERT-Combo_128MSL-500K/eval_results.txt -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Combo_128MSL-500K/model.ckpt-500000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K/model.ckpt-500000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Combo_128MSL-500K/model.ckpt-500000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K/model.ckpt-500000.index -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Combo_128MSL-500K/model.ckpt-500000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K/model.ckpt-500000.meta -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Combo_128MSL-500K_512MSL-100K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K_512MSL-100K/checkpoint -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Combo_128MSL-500K_512MSL-100K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K_512MSL-100K/config.json -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Combo_128MSL-500K_512MSL-100K/model.ckpt-600000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K_512MSL-100K/model.ckpt-600000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Combo_128MSL-500K_512MSL-100K/model.ckpt-600000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K_512MSL-100K/model.ckpt-600000.index -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Combo_128MSL-500K_512MSL-100K/model.ckpt-600000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K_512MSL-100K/model.ckpt-600000.meta -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Pre2K_128MSL-250K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Pre2K_128MSL-250K/checkpoint -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Pre2K_128MSL-250K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Pre2K_128MSL-250K/config.json -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Pre2K_128MSL-250K/eval_results.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/call/ckpt/FinBERT-Pre2K_128MSL-250K/eval_results.txt -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Pre2K_128MSL-250K/model.ckpt-250000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Pre2K_128MSL-250K/model.ckpt-250000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Pre2K_128MSL-250K/model.ckpt-250000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Pre2K_128MSL-250K/model.ckpt-250000.index -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Pre2K_128MSL-250K/model.ckpt-250000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Pre2K_128MSL-250K/model.ckpt-250000.meta -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Prime_128MSL-250K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-250K/checkpoint -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Prime_128MSL-250K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-250K/config.json -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Prime_128MSL-250K/eval_results.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/call/ckpt/FinBERT-Prime_128MSL-250K/eval_results.txt -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Prime_128MSL-250K/model.ckpt-250000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-250K/model.ckpt-250000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Prime_128MSL-250K/model.ckpt-250000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-250K/model.ckpt-250000.index -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Prime_128MSL-250K/model.ckpt-250000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-250K/model.ckpt-250000.meta -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Prime_128MSL-500K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K/checkpoint -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Prime_128MSL-500K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K/config.json -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Prime_128MSL-500K/eval_results.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/call/ckpt/FinBERT-Prime_128MSL-500K/eval_results.txt -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Prime_128MSL-500K/model.ckpt-500000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K/model.ckpt-500000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Prime_128MSL-500K/model.ckpt-500000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K/model.ckpt-500000.index -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Prime_128MSL-500K/model.ckpt-500000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K/model.ckpt-500000.meta -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Prime_128MSL-500K_512MSL-050K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-050K/checkpoint -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Prime_128MSL-500K_512MSL-050K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-050K/config.json -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Prime_128MSL-500K_512MSL-050K/model.ckpt-550000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-050K/model.ckpt-550000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Prime_128MSL-500K_512MSL-050K/model.ckpt-550000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-050K/model.ckpt-550000.index -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Prime_128MSL-500K_512MSL-050K/model.ckpt-550000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-050K/model.ckpt-550000.meta -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Prime_128MSL-500K_512MSL-100K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-100K/checkpoint -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Prime_128MSL-500K_512MSL-100K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-100K/config.json -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Prime_128MSL-500K_512MSL-100K/model.ckpt-600000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-100K/model.ckpt-600000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Prime_128MSL-500K_512MSL-100K/model.ckpt-600000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-100K/model.ckpt-600000.index -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Prime_128MSL-500K_512MSL-100K/model.ckpt-600000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-100K/model.ckpt-600000.meta -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Prime_128MSL-500K_512MSL-200K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-200K/checkpoint -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Prime_128MSL-500K_512MSL-200K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-200K/config.json -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Prime_128MSL-500K_512MSL-200K/model.ckpt-700000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-200K/model.ckpt-700000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Prime_128MSL-500K_512MSL-200K/model.ckpt-700000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-200K/model.ckpt-700000.index -------------------------------------------------------------------------------- /eval/call/ckpt/FinBERT-Prime_128MSL-500K_512MSL-200K/model.ckpt-700000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-200K/model.ckpt-700000.meta -------------------------------------------------------------------------------- /eval/call/ckpt/GooBERT/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/GooBERT/checkpoint -------------------------------------------------------------------------------- /eval/call/ckpt/GooBERT/config.json: -------------------------------------------------------------------------------- 1 | /gold/GooBERT/config.json -------------------------------------------------------------------------------- /eval/call/ckpt/GooBERT/eval/events.out.tfevents.1564847133.w251: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/call/ckpt/GooBERT/eval/events.out.tfevents.1564847133.w251 -------------------------------------------------------------------------------- /eval/call/ckpt/GooBERT/eval_results.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/call/ckpt/GooBERT/eval_results.txt -------------------------------------------------------------------------------- /eval/call/ckpt/GooBERT/events.out.testing.0803154401.128.log: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/call/ckpt/GooBERT/events.out.testing.0803154401.128.log -------------------------------------------------------------------------------- /eval/call/ckpt/GooBERT/model.ckpt.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/GooBERT/model.ckpt.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/call/ckpt/GooBERT/model.ckpt.index: -------------------------------------------------------------------------------- 1 | /gold/GooBERT/model.ckpt.index -------------------------------------------------------------------------------- /eval/call/ckpt/GooBERT/model.ckpt.meta: -------------------------------------------------------------------------------- 1 | /gold/GooBERT/model.ckpt.meta -------------------------------------------------------------------------------- /eval/call/data: -------------------------------------------------------------------------------- 1 | /root/w266-final/data/call -------------------------------------------------------------------------------- /eval/eval: -------------------------------------------------------------------------------- 1 | 10-q -------------------------------------------------------------------------------- /eval/eval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/eval.sh -------------------------------------------------------------------------------- /eval/help: -------------------------------------------------------------------------------- 1 | make eval link to dataset and run init.sh eval.sh roll.sh -------------------------------------------------------------------------------- /eval/init.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/init.sh -------------------------------------------------------------------------------- /eval/roll.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/roll.sh -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Combo_128MSL-100K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-100K/checkpoint -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Combo_128MSL-100K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-100K/config.json -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Combo_128MSL-100K/eval_results.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/sent/ckpt/FinBERT-Combo_128MSL-100K/eval_results.txt -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Combo_128MSL-100K/model.ckpt-100000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-100K/model.ckpt-100000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Combo_128MSL-100K/model.ckpt-100000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-100K/model.ckpt-100000.index -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Combo_128MSL-100K/model.ckpt-100000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-100K/model.ckpt-100000.meta -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Combo_128MSL-250K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-250K/checkpoint -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Combo_128MSL-250K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-250K/config.json -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Combo_128MSL-250K/eval_results.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/sent/ckpt/FinBERT-Combo_128MSL-250K/eval_results.txt -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Combo_128MSL-250K/model.ckpt-250000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-250K/model.ckpt-250000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Combo_128MSL-250K/model.ckpt-250000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-250K/model.ckpt-250000.index -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Combo_128MSL-250K/model.ckpt-250000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-250K/model.ckpt-250000.meta -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Combo_128MSL-500K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K/checkpoint -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Combo_128MSL-500K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K/config.json -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Combo_128MSL-500K/eval_results.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/sent/ckpt/FinBERT-Combo_128MSL-500K/eval_results.txt -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Combo_128MSL-500K/model.ckpt-500000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K/model.ckpt-500000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Combo_128MSL-500K/model.ckpt-500000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K/model.ckpt-500000.index -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Combo_128MSL-500K/model.ckpt-500000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K/model.ckpt-500000.meta -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Combo_128MSL-500K_512MSL-100K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K_512MSL-100K/checkpoint -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Combo_128MSL-500K_512MSL-100K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K_512MSL-100K/config.json -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Combo_128MSL-500K_512MSL-100K/model.ckpt-600000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K_512MSL-100K/model.ckpt-600000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Combo_128MSL-500K_512MSL-100K/model.ckpt-600000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K_512MSL-100K/model.ckpt-600000.index -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Combo_128MSL-500K_512MSL-100K/model.ckpt-600000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Combo_128MSL-500K_512MSL-100K/model.ckpt-600000.meta -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Pre2K_128MSL-250K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Pre2K_128MSL-250K/checkpoint -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Pre2K_128MSL-250K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Pre2K_128MSL-250K/config.json -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Pre2K_128MSL-250K/eval_results.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/sent/ckpt/FinBERT-Pre2K_128MSL-250K/eval_results.txt -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Pre2K_128MSL-250K/model.ckpt-250000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Pre2K_128MSL-250K/model.ckpt-250000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Pre2K_128MSL-250K/model.ckpt-250000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Pre2K_128MSL-250K/model.ckpt-250000.index -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Pre2K_128MSL-250K/model.ckpt-250000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Pre2K_128MSL-250K/model.ckpt-250000.meta -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Prime_128MSL-250K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-250K/checkpoint -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Prime_128MSL-250K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-250K/config.json -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Prime_128MSL-250K/eval_results.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/sent/ckpt/FinBERT-Prime_128MSL-250K/eval_results.txt -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Prime_128MSL-250K/model.ckpt-250000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-250K/model.ckpt-250000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Prime_128MSL-250K/model.ckpt-250000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-250K/model.ckpt-250000.index -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Prime_128MSL-250K/model.ckpt-250000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-250K/model.ckpt-250000.meta -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Prime_128MSL-500K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K/checkpoint -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Prime_128MSL-500K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K/config.json -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Prime_128MSL-500K/eval_results.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/sent/ckpt/FinBERT-Prime_128MSL-500K/eval_results.txt -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Prime_128MSL-500K/model.ckpt-500000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K/model.ckpt-500000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Prime_128MSL-500K/model.ckpt-500000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K/model.ckpt-500000.index -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Prime_128MSL-500K/model.ckpt-500000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K/model.ckpt-500000.meta -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Prime_128MSL-500K_512MSL-050K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-050K/checkpoint -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Prime_128MSL-500K_512MSL-050K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-050K/config.json -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Prime_128MSL-500K_512MSL-050K/model.ckpt-550000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-050K/model.ckpt-550000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Prime_128MSL-500K_512MSL-050K/model.ckpt-550000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-050K/model.ckpt-550000.index -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Prime_128MSL-500K_512MSL-050K/model.ckpt-550000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-050K/model.ckpt-550000.meta -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Prime_128MSL-500K_512MSL-100K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-100K/checkpoint -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Prime_128MSL-500K_512MSL-100K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-100K/config.json -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Prime_128MSL-500K_512MSL-100K/model.ckpt-600000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-100K/model.ckpt-600000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Prime_128MSL-500K_512MSL-100K/model.ckpt-600000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-100K/model.ckpt-600000.index -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Prime_128MSL-500K_512MSL-100K/model.ckpt-600000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-100K/model.ckpt-600000.meta -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Prime_128MSL-500K_512MSL-200K/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-200K/checkpoint -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Prime_128MSL-500K_512MSL-200K/config.json: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-200K/config.json -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Prime_128MSL-500K_512MSL-200K/model.ckpt-700000.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-200K/model.ckpt-700000.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Prime_128MSL-500K_512MSL-200K/model.ckpt-700000.index: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-200K/model.ckpt-700000.index -------------------------------------------------------------------------------- /eval/sent/ckpt/FinBERT-Prime_128MSL-500K_512MSL-200K/model.ckpt-700000.meta: -------------------------------------------------------------------------------- 1 | /gold/FinBERT-Prime_128MSL-500K_512MSL-200K/model.ckpt-700000.meta -------------------------------------------------------------------------------- /eval/sent/ckpt/GooBERT/checkpoint: -------------------------------------------------------------------------------- 1 | /gold/GooBERT/checkpoint -------------------------------------------------------------------------------- /eval/sent/ckpt/GooBERT/config.json: -------------------------------------------------------------------------------- 1 | /gold/GooBERT/config.json -------------------------------------------------------------------------------- /eval/sent/ckpt/GooBERT/eval/events.out.tfevents.1564841758.w251: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/sent/ckpt/GooBERT/eval/events.out.tfevents.1564841758.w251 -------------------------------------------------------------------------------- /eval/sent/ckpt/GooBERT/eval_results.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/sent/ckpt/GooBERT/eval_results.txt -------------------------------------------------------------------------------- /eval/sent/ckpt/GooBERT/events.out.testing.0803141429.128.log: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/sent/ckpt/GooBERT/events.out.testing.0803141429.128.log -------------------------------------------------------------------------------- /eval/sent/ckpt/GooBERT/model.ckpt.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | /gold/GooBERT/model.ckpt.data-00000-of-00001 -------------------------------------------------------------------------------- /eval/sent/ckpt/GooBERT/model.ckpt.index: -------------------------------------------------------------------------------- 1 | /gold/GooBERT/model.ckpt.index -------------------------------------------------------------------------------- /eval/sent/ckpt/GooBERT/model.ckpt.meta: -------------------------------------------------------------------------------- 1 | /gold/GooBERT/model.ckpt.meta -------------------------------------------------------------------------------- /eval/sent/data/sent.tfrecord.00-128-20: -------------------------------------------------------------------------------- 1 | /root/w266-final/data/sent/sent.tfrecord.00-128-20 -------------------------------------------------------------------------------- /eval/sent/data/sent.tfrecord.50-128-20: -------------------------------------------------------------------------------- 1 | /root/w266-final/data/sent/sent.tfrecord.50-128-20 -------------------------------------------------------------------------------- /eval/sent/data/sent.tfrecord.66-128-20: -------------------------------------------------------------------------------- 1 | /root/w266-final/data/sent/sent.tfrecord.66-128-20 -------------------------------------------------------------------------------- /eval/sent/data/sent.tfrecord.75-128-20: -------------------------------------------------------------------------------- 1 | /root/w266-final/data/sent/sent.tfrecord.75-128-20 -------------------------------------------------------------------------------- /eval/sent/sent.roll: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/sent/sent.roll -------------------------------------------------------------------------------- /eval/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/eval/test.sh -------------------------------------------------------------------------------- /figs/.gitkeep: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /figs/analysis-001.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/figs/analysis-001.jpg -------------------------------------------------------------------------------- /init/.gitignore: -------------------------------------------------------------------------------- 1 | github* 2 | -------------------------------------------------------------------------------- /init/cuda.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/init/cuda.sh -------------------------------------------------------------------------------- /init/cuda_10-0.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/init/cuda_10-0.sh -------------------------------------------------------------------------------- /init/docker_19-03.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/init/docker_19-03.sh -------------------------------------------------------------------------------- /init/init.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/init/init.sh -------------------------------------------------------------------------------- /pred/.gitignore: -------------------------------------------------------------------------------- 1 | pytorch_model.bin 2 | -------------------------------------------------------------------------------- /pred/1999.vocab: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/pred/1999.vocab -------------------------------------------------------------------------------- /pred/2019.vocab: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/pred/2019.vocab -------------------------------------------------------------------------------- /pred/FinBERT-Combo_128MSL-100K: -------------------------------------------------------------------------------- 1 | /gold/.models/FinBERT-Combo_128MSL-100K -------------------------------------------------------------------------------- /pred/FinBERT-Combo_128MSL-250K: -------------------------------------------------------------------------------- 1 | /gold/.models/FinBERT-Combo_128MSL-250K -------------------------------------------------------------------------------- /pred/FinBERT-Combo_128MSL-500K: -------------------------------------------------------------------------------- 1 | /gold/.models/FinBERT-Combo_128MSL-500K -------------------------------------------------------------------------------- /pred/FinBERT-Combo_128MSL-500K_512MSL-100K: -------------------------------------------------------------------------------- 1 | /gold/.models/FinBERT-Combo_128MSL-500K_512MSL-100K -------------------------------------------------------------------------------- /pred/FinBERT-Pre2K_128MSL-250K: -------------------------------------------------------------------------------- 1 | /gold/.models/FinBERT-Pre2K_128MSL-250K -------------------------------------------------------------------------------- /pred/FinBERT-Prime_128MSL-250K: -------------------------------------------------------------------------------- 1 | /gold/.models/FinBERT-Prime_128MSL-250K -------------------------------------------------------------------------------- /pred/FinBERT-Prime_128MSL-500K: -------------------------------------------------------------------------------- 1 | /gold/.models/FinBERT-Prime_128MSL-500K -------------------------------------------------------------------------------- /pred/FinBERT-Prime_128MSL-500K_512MSL-050K: -------------------------------------------------------------------------------- 1 | /gold/.models/FinBERT-Prime_128MSL-500K_512MSL-050K -------------------------------------------------------------------------------- /pred/FinBERT-Prime_128MSL-500K_512MSL-100K: -------------------------------------------------------------------------------- 1 | /gold/.models/FinBERT-Prime_128MSL-500K_512MSL-100K -------------------------------------------------------------------------------- /pred/FinBERT-Prime_128MSL-500K_512MSL-200K: -------------------------------------------------------------------------------- 1 | /gold/.models/FinBERT-Prime_128MSL-500K_512MSL-200K -------------------------------------------------------------------------------- /pred/GooBERT: -------------------------------------------------------------------------------- 1 | /gold/.models/GooBERT -------------------------------------------------------------------------------- /pred/data: -------------------------------------------------------------------------------- 1 | ../data -------------------------------------------------------------------------------- /pred/kevin.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/pred/kevin.ipynb -------------------------------------------------------------------------------- /pred/pri.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/pred/pri.ipynb -------------------------------------------------------------------------------- /pred/start.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/pred/start.sh -------------------------------------------------------------------------------- /pred/vinicio.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/pred/vinicio.ipynb -------------------------------------------------------------------------------- /spin.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/spin.sh -------------------------------------------------------------------------------- /stat.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/stat.sh -------------------------------------------------------------------------------- /tool/ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/tool/ts -------------------------------------------------------------------------------- /work/.gitignore: -------------------------------------------------------------------------------- 1 | ckpt 2 | save 3 | -------------------------------------------------------------------------------- /work/2019/2017.tfrecord.00-512-80: -------------------------------------------------------------------------------- 1 | ../../data/2017.tfrecord.00-512-80 -------------------------------------------------------------------------------- /work/2019/2017.tfrecord.01-512-80: -------------------------------------------------------------------------------- 1 | ../../data/2017.tfrecord.01-512-80 -------------------------------------------------------------------------------- /work/2019/2017.tfrecord.02-512-80: -------------------------------------------------------------------------------- 1 | ../../data/2017.tfrecord.02-512-80 -------------------------------------------------------------------------------- /work/2019/2017.tfrecord.03-512-80: -------------------------------------------------------------------------------- 1 | ../../data/2017.tfrecord.03-512-80 -------------------------------------------------------------------------------- /work/2019/2017.tfrecord.04-512-80: -------------------------------------------------------------------------------- 1 | ../../data/2017.tfrecord.04-512-80 -------------------------------------------------------------------------------- /work/2019/2017.tfrecord.05-512-80: -------------------------------------------------------------------------------- 1 | ../../data/2017.tfrecord.05-512-80 -------------------------------------------------------------------------------- /work/2019/2017.tfrecord.06-512-80: -------------------------------------------------------------------------------- 1 | ../../data/2017.tfrecord.06-512-80 -------------------------------------------------------------------------------- /work/2019/2017.tfrecord.07-512-80: -------------------------------------------------------------------------------- 1 | ../../data/2017.tfrecord.07-512-80 -------------------------------------------------------------------------------- /work/2019/2018.tfrecord.00-512-80: -------------------------------------------------------------------------------- 1 | ../../data/2018.tfrecord.00-512-80 -------------------------------------------------------------------------------- /work/2019/2018.tfrecord.01-512-80: -------------------------------------------------------------------------------- 1 | ../../data/2018.tfrecord.01-512-80 -------------------------------------------------------------------------------- /work/2019/2018.tfrecord.02-512-80: -------------------------------------------------------------------------------- 1 | ../../data/2018.tfrecord.02-512-80 -------------------------------------------------------------------------------- /work/2019/2018.tfrecord.03-512-80: -------------------------------------------------------------------------------- 1 | ../../data/2018.tfrecord.03-512-80 -------------------------------------------------------------------------------- /work/2019/2018.tfrecord.04-512-80: -------------------------------------------------------------------------------- 1 | ../../data/2018.tfrecord.04-512-80 -------------------------------------------------------------------------------- /work/2019/2018.tfrecord.05-512-80: -------------------------------------------------------------------------------- 1 | ../../data/2018.tfrecord.05-512-80 -------------------------------------------------------------------------------- /work/2019/2018.tfrecord.06-512-80: -------------------------------------------------------------------------------- 1 | ../../data/2018.tfrecord.06-512-80 -------------------------------------------------------------------------------- /work/2019/2018.tfrecord.07-512-80: -------------------------------------------------------------------------------- 1 | ../../data/2018.tfrecord.07-512-80 -------------------------------------------------------------------------------- /work/2019/2019.tfrecord.00-512-80: -------------------------------------------------------------------------------- 1 | ../../data/2019.tfrecord.00-512-80 -------------------------------------------------------------------------------- /work/2019/2019.tfrecord.01-512-80: -------------------------------------------------------------------------------- 1 | ../../data/2019.tfrecord.01-512-80 -------------------------------------------------------------------------------- /work/2019/2019.tfrecord.02-512-80: -------------------------------------------------------------------------------- 1 | ../../data/2019.tfrecord.02-512-80 -------------------------------------------------------------------------------- /work/2019/2019.tfrecord.03-512-80: -------------------------------------------------------------------------------- 1 | ../../data/2019.tfrecord.03-512-80 -------------------------------------------------------------------------------- /work/2019/2019.tfrecord.04-512-80: -------------------------------------------------------------------------------- 1 | ../../data/2019.tfrecord.04-512-80 -------------------------------------------------------------------------------- /work/2019/2019.tfrecord.05-512-80: -------------------------------------------------------------------------------- 1 | ../../data/2019.tfrecord.05-512-80 -------------------------------------------------------------------------------- /work/2019/2019.tfrecord.06-512-80: -------------------------------------------------------------------------------- 1 | ../../data/2019.tfrecord.06-512-80 -------------------------------------------------------------------------------- /work/2019/2019.tfrecord.07-512-80: -------------------------------------------------------------------------------- 1 | ../../data/2019.tfrecord.07-512-80 -------------------------------------------------------------------------------- /work/bert.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/work/bert.sh -------------------------------------------------------------------------------- /work/bert_goo.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/work/bert_goo.sh -------------------------------------------------------------------------------- /work/go.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/work/go.sh -------------------------------------------------------------------------------- /work/ts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/psnonis/FinBERT/HEAD/work/ts --------------------------------------------------------------------------------