├── .github └── workflows │ └── build-docs.yml ├── .gitignore ├── LICENSE ├── Makefile ├── README.md ├── docs ├── markdown │ ├── images │ │ ├── logo.png │ │ ├── logo.svg │ │ └── output.png │ ├── index.md │ ├── tutorial_notebooks │ │ ├── bert_inner_workings.md │ │ ├── finetune_transformers_pytorch.md │ │ ├── gpt2_finetune_classification.md │ │ ├── pretrain_transformer.md │ │ ├── pretrain_transformers_pytorch.md │ │ ├── pytorchtext_bucketiterator.md │ │ └── tutorial_template_page.md │ └── useful │ │ └── useful.md └── mkdocs.yml ├── notebooks ├── README.md ├── old_notebooks │ ├── EstimateDuration.ipynb │ ├── README.md │ ├── arxiv_scrape.ipynb │ ├── attention_mechanisms │ │ ├── .gitkeep │ │ └── tf2_0_attention_mechanisms.ipynb │ ├── autoencoder.ipynb │ ├── cat_boost.ipynb │ ├── catboost_gpu.ipynb │ ├── check_gpu.ipynb │ ├── fcn_segmentation_model.ipynb │ ├── fn.ipynb │ ├── fuzzy_match_words_texts.ipynb │ ├── kaggle_datasets.ipynb │ ├── kera_multi_gpu.ipynb │ ├── keras_checkpoins.ipynb │ ├── keras_embedding.ipynb │ ├── keras_generator.ipynb │ ├── keras_save_load_model.ipynb │ ├── keras_time_distribution.ipynb │ ├── keras_tokenizer_fix.ipynb │ ├── label_encoding.ipynb │ ├── learning_pytorch │ │ ├── README.md │ │ ├── pytorch_gpu.py │ │ ├── pytorch_nn.ipynb │ │ ├── pytorch_simple_transformers.ipynb │ │ ├── pytorch_transformer_finetune.ipynb │ │ └── pytorch_transformer_setup.ipynb │ ├── learning_tensorflow │ │ ├── README.md │ │ ├── tf2_0_text_binary_classification_sentence_embed.ipynb │ │ ├── tf2_0_text_binary_classification_word_embed.ipynb │ │ └── tf2_1_multi_gpu.ipynb │ ├── parallel_processing.ipynb │ ├── pretrain_transformer.ipynb │ ├── pytorch_nn.ipynb │ ├── reinforcement_learning │ │ ├── deep_q_network_tf_frozenlake.ipynb │ │ ├── deep_q_network_tfagent.ipynb │ │ ├── dqn_tf.ipynb │ │ ├── gym_chess.py │ │ ├── live_render_gym.py │ │ ├── policy_gradient.ipynb │ │ ├── template_gym.py │ │ ├── test_dqn_tf-class_memory_replay.ipynb │ │ ├── test_dqn_tf.ipynb │ │ └── testing.py │ ├── seq2seq_translator.ipynb │ ├── test_mxnet.ipynb │ ├── text_sum_no_generator.ipynb │ ├── tpot_auto_ml.ipynb │ ├── universal_fuzzy_word_matching.ipynb │ ├── universal_sentence_embedding.ipynb │ ├── use_lime.ipynb │ ├── vanila_nn.ipynb │ ├── wget_google_drive.ipynb │ ├── word_embeddings_visualize.ipynb │ └── word_sentence_similarity_transformers.ipynb ├── pytorch │ ├── RO_Fine_Tune_XLSR_Wav2Vec2_on_Turkish_ASR_with_🤗_Transformers.ipynb │ ├── bert_inner_workings.ipynb │ ├── bert_inner_workings │ │ ├── bert_inner_workings.drawio │ │ ├── bert_inner_workings.pdf │ │ ├── bert_inner_workings.png │ │ ├── bert_inner_workings_attention.drawio │ │ ├── bert_inner_workings_attention.png │ │ ├── bert_inner_workings_embeddings.drawio │ │ ├── bert_inner_workings_embeddings.png │ │ ├── bert_inner_workings_encoder.drawio │ │ ├── bert_inner_workings_encoder.png │ │ ├── bert_inner_workings_intermediate.drawio │ │ ├── bert_inner_workings_intermediate.png │ │ ├── bert_inner_workings_layer.drawio │ │ ├── bert_inner_workings_layer.png │ │ ├── bert_inner_workings_model.drawio │ │ ├── bert_inner_workings_model.png │ │ ├── bert_inner_workings_output.drawio │ │ ├── bert_inner_workings_output.png │ │ ├── bert_inner_workings_pooler.drawio │ │ ├── bert_inner_workings_pooler.png │ │ ├── bert_inner_workings_selfattention.drawio │ │ ├── bert_inner_workings_selfattention.png │ │ ├── bert_inner_workings_selfoutput.drawio │ │ ├── bert_inner_workings_selfoutput.png │ │ ├── bert_inner_workings_tokenizer.drawio │ │ └── bert_inner_workings_tokenizer.png │ ├── finetune_transformers_pytorch.ipynb │ ├── finetune_transformers_pytorch_status_models.md │ ├── gpt2_finetune_classification.ipynb │ ├── gpt2_inner_workings │ │ ├── gpt2_diagram.drawio │ │ ├── gpt2_inner_workings.drawio │ │ └── gpt2_input.drawio │ ├── pretrain_transformers_pytorch.ipynb │ ├── pretrain_transformers_pytorch_status_models.md │ ├── pytorchtext_bucketiterator.ipynb │ └── vae_pytorch.ipynb ├── sentiments │ ├── README.md │ ├── negative-words.txt │ └── positive-words.txt └── snippets │ ├── argparse │ ├── README.md │ └── arguments_example.py │ ├── doctest │ └── README.md │ ├── logging │ ├── README.md │ └── logger_example.py │ ├── mlflow │ ├── .gitkeep │ ├── README.md │ ├── mlruns │ │ └── 0 │ │ │ ├── 0de3a6182b2f436cb6d9b6f4b0d5f085 │ │ │ ├── artifacts │ │ │ │ ├── model_checkpoint │ │ │ │ │ ├── 10_epoch_model_weights.hdf5 │ │ │ │ │ ├── 11_epoch_model_weights.hdf5 │ │ │ │ │ ├── 12_epoch_model_weights.hdf5 │ │ │ │ │ ├── 13_epoch_model_weights.hdf5 │ │ │ │ │ ├── 14_epoch_model_weights.hdf5 │ │ │ │ │ ├── 15_epoch_model_weights.hdf5 │ │ │ │ │ ├── 16_epoch_model_weights.hdf5 │ │ │ │ │ ├── 17_epoch_model_weights.hdf5 │ │ │ │ │ ├── 18_epoch_model_weights.hdf5 │ │ │ │ │ ├── 19_epoch_model_weights.hdf5 │ │ │ │ │ ├── 1_epoch_model_weights.hdf5 │ │ │ │ │ ├── 20_epoch_model_weights.hdf5 │ │ │ │ │ ├── 21_epoch_model_weights.hdf5 │ │ │ │ │ ├── 22_epoch_model_weights.hdf5 │ │ │ │ │ ├── 23_epoch_model_weights.hdf5 │ │ │ │ │ ├── 24_epoch_model_weights.hdf5 │ │ │ │ │ ├── 25_epoch_model_weights.hdf5 │ │ │ │ │ ├── 26_epoch_model_weights.hdf5 │ │ │ │ │ ├── 27_epoch_model_weights.hdf5 │ │ │ │ │ ├── 28_epoch_model_weights.hdf5 │ │ │ │ │ ├── 29_epoch_model_weights.hdf5 │ │ │ │ │ ├── 2_epoch_model_weights.hdf5 │ │ │ │ │ ├── 30_epoch_model_weights.hdf5 │ │ │ │ │ ├── 31_epoch_model_weights.hdf5 │ │ │ │ │ ├── 32_epoch_model_weights.hdf5 │ │ │ │ │ ├── 33_epoch_model_weights.hdf5 │ │ │ │ │ ├── 34_epoch_model_weights.hdf5 │ │ │ │ │ ├── 35_epoch_model_weights.hdf5 │ │ │ │ │ ├── 36_epoch_model_weights.hdf5 │ │ │ │ │ ├── 37_epoch_model_weights.hdf5 │ │ │ │ │ ├── 38_epoch_model_weights.hdf5 │ │ │ │ │ ├── 39_epoch_model_weights.hdf5 │ │ │ │ │ ├── 3_epoch_model_weights.hdf5 │ │ │ │ │ ├── 40_epoch_model_weights.hdf5 │ │ │ │ │ ├── 41_epoch_model_weights.hdf5 │ │ │ │ │ ├── 42_epoch_model_weights.hdf5 │ │ │ │ │ ├── 43_epoch_model_weights.hdf5 │ │ │ │ │ ├── 44_epoch_model_weights.hdf5 │ │ │ │ │ ├── 45_epoch_model_weights.hdf5 │ │ │ │ │ ├── 46_epoch_model_weights.hdf5 │ │ │ │ │ ├── 47_epoch_model_weights.hdf5 │ │ │ │ │ ├── 48_epoch_model_weights.hdf5 │ │ │ │ │ ├── 49_epoch_model_weights.hdf5 │ │ │ │ │ ├── 4_epoch_model_weights.hdf5 │ │ │ │ │ ├── 50_epoch_model_weights.hdf5 │ │ │ │ │ ├── 5_epoch_model_weights.hdf5 │ │ │ │ │ ├── 6_epoch_model_weights.hdf5 │ │ │ │ │ ├── 7_epoch_model_weights.hdf5 │ │ │ │ │ ├── 8_epoch_model_weights.hdf5 │ │ │ │ │ ├── 9_epoch_model_weights.hdf5 │ │ │ │ │ ├── configuration_model.json │ │ │ │ │ └── final_epoch_model_weights.hdf5 │ │ │ │ ├── model_summary.txt │ │ │ │ └── tf_keras_mlflow.py │ │ │ ├── meta.yaml │ │ │ ├── metrics │ │ │ │ ├── loss │ │ │ │ └── val_loss │ │ │ ├── params │ │ │ │ ├── batch │ │ │ │ ├── epochs │ │ │ │ ├── loss │ │ │ │ ├── optimizer │ │ │ │ └── valid_split │ │ │ └── tags │ │ │ │ ├── Current epoch │ │ │ │ ├── mlflow.source.git.commit │ │ │ │ ├── mlflow.source.name │ │ │ │ ├── mlflow.source.type │ │ │ │ ├── mlflow.user │ │ │ │ └── version │ │ │ └── meta.yaml │ ├── model_checkpoint │ │ ├── 10_epoch_model_weights.hdf5 │ │ ├── 11_epoch_model_weights.hdf5 │ │ ├── 12_epoch_model_weights.hdf5 │ │ ├── 13_epoch_model_weights.hdf5 │ │ ├── 14_epoch_model_weights.hdf5 │ │ ├── 15_epoch_model_weights.hdf5 │ │ ├── 16_epoch_model_weights.hdf5 │ │ ├── 17_epoch_model_weights.hdf5 │ │ ├── 18_epoch_model_weights.hdf5 │ │ ├── 19_epoch_model_weights.hdf5 │ │ ├── 1_epoch_model_weights.hdf5 │ │ ├── 20_epoch_model_weights.hdf5 │ │ ├── 21_epoch_model_weights.hdf5 │ │ ├── 22_epoch_model_weights.hdf5 │ │ ├── 23_epoch_model_weights.hdf5 │ │ ├── 24_epoch_model_weights.hdf5 │ │ ├── 25_epoch_model_weights.hdf5 │ │ ├── 26_epoch_model_weights.hdf5 │ │ ├── 27_epoch_model_weights.hdf5 │ │ ├── 28_epoch_model_weights.hdf5 │ │ ├── 29_epoch_model_weights.hdf5 │ │ ├── 2_epoch_model_weights.hdf5 │ │ ├── 30_epoch_model_weights.hdf5 │ │ ├── 31_epoch_model_weights.hdf5 │ │ ├── 32_epoch_model_weights.hdf5 │ │ ├── 33_epoch_model_weights.hdf5 │ │ ├── 34_epoch_model_weights.hdf5 │ │ ├── 35_epoch_model_weights.hdf5 │ │ ├── 36_epoch_model_weights.hdf5 │ │ ├── 37_epoch_model_weights.hdf5 │ │ ├── 38_epoch_model_weights.hdf5 │ │ ├── 39_epoch_model_weights.hdf5 │ │ ├── 3_epoch_model_weights.hdf5 │ │ ├── 40_epoch_model_weights.hdf5 │ │ ├── 41_epoch_model_weights.hdf5 │ │ ├── 42_epoch_model_weights.hdf5 │ │ ├── 43_epoch_model_weights.hdf5 │ │ ├── 44_epoch_model_weights.hdf5 │ │ ├── 45_epoch_model_weights.hdf5 │ │ ├── 46_epoch_model_weights.hdf5 │ │ ├── 47_epoch_model_weights.hdf5 │ │ ├── 48_epoch_model_weights.hdf5 │ │ ├── 49_epoch_model_weights.hdf5 │ │ ├── 4_epoch_model_weights.hdf5 │ │ ├── 50_epoch_model_weights.hdf5 │ │ ├── 5_epoch_model_weights.hdf5 │ │ ├── 6_epoch_model_weights.hdf5 │ │ ├── 7_epoch_model_weights.hdf5 │ │ ├── 8_epoch_model_weights.hdf5 │ │ ├── 9_epoch_model_weights.hdf5 │ │ ├── configuration_model.json │ │ └── final_epoch_model_weights.hdf5 │ ├── model_summary.txt │ └── tf_keras_mlflow.py │ ├── pos_tagging │ └── README.md │ ├── text_analysis │ └── README.md │ └── unittest │ └── README.md ├── requirements.txt ├── setup.py ├── src └── ml_things │ ├── __init__.py │ ├── array_functions.py │ ├── plot_functions.py │ ├── text_functions.py │ ├── utils.py │ └── web_related.py └── tests ├── __init__.py ├── test_array_functions.py ├── test_plot_functions.py ├── test_samples ├── plot_array.png ├── plot_confusion_matrix.png └── plot_dict.png ├── test_text_functions.py └── test_web_related.py /.github/workflows/build-docs.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/.github/workflows/build-docs.yml -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/.gitignore -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/LICENSE -------------------------------------------------------------------------------- /Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/Makefile -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/README.md -------------------------------------------------------------------------------- /docs/markdown/images/logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/docs/markdown/images/logo.png -------------------------------------------------------------------------------- /docs/markdown/images/logo.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/docs/markdown/images/logo.svg -------------------------------------------------------------------------------- /docs/markdown/images/output.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/docs/markdown/images/output.png -------------------------------------------------------------------------------- /docs/markdown/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/docs/markdown/index.md -------------------------------------------------------------------------------- /docs/markdown/tutorial_notebooks/bert_inner_workings.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/docs/markdown/tutorial_notebooks/bert_inner_workings.md -------------------------------------------------------------------------------- /docs/markdown/tutorial_notebooks/finetune_transformers_pytorch.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/docs/markdown/tutorial_notebooks/finetune_transformers_pytorch.md -------------------------------------------------------------------------------- /docs/markdown/tutorial_notebooks/gpt2_finetune_classification.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/docs/markdown/tutorial_notebooks/gpt2_finetune_classification.md -------------------------------------------------------------------------------- /docs/markdown/tutorial_notebooks/pretrain_transformer.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/docs/markdown/tutorial_notebooks/pretrain_transformer.md -------------------------------------------------------------------------------- /docs/markdown/tutorial_notebooks/pretrain_transformers_pytorch.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/docs/markdown/tutorial_notebooks/pretrain_transformers_pytorch.md -------------------------------------------------------------------------------- /docs/markdown/tutorial_notebooks/pytorchtext_bucketiterator.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/docs/markdown/tutorial_notebooks/pytorchtext_bucketiterator.md -------------------------------------------------------------------------------- /docs/markdown/tutorial_notebooks/tutorial_template_page.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/docs/markdown/tutorial_notebooks/tutorial_template_page.md -------------------------------------------------------------------------------- /docs/markdown/useful/useful.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/docs/markdown/useful/useful.md -------------------------------------------------------------------------------- /docs/mkdocs.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/docs/mkdocs.yml -------------------------------------------------------------------------------- /notebooks/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/README.md -------------------------------------------------------------------------------- /notebooks/old_notebooks/EstimateDuration.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/EstimateDuration.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/README.md -------------------------------------------------------------------------------- /notebooks/old_notebooks/arxiv_scrape.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/arxiv_scrape.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/attention_mechanisms/.gitkeep: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /notebooks/old_notebooks/attention_mechanisms/tf2_0_attention_mechanisms.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/attention_mechanisms/tf2_0_attention_mechanisms.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/autoencoder.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/autoencoder.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/cat_boost.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/cat_boost.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/catboost_gpu.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/catboost_gpu.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/check_gpu.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/check_gpu.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/fcn_segmentation_model.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/fcn_segmentation_model.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/fn.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/fn.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/fuzzy_match_words_texts.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/fuzzy_match_words_texts.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/kaggle_datasets.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/kaggle_datasets.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/kera_multi_gpu.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/kera_multi_gpu.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/keras_checkpoins.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/keras_checkpoins.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/keras_embedding.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/keras_embedding.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/keras_generator.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/keras_generator.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/keras_save_load_model.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/keras_save_load_model.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/keras_time_distribution.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/keras_time_distribution.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/keras_tokenizer_fix.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/keras_tokenizer_fix.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/label_encoding.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/label_encoding.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/learning_pytorch/README.md: -------------------------------------------------------------------------------- 1 | # Pytorch Different Personal Tutorials 2 | 3 |
4 | -------------------------------------------------------------------------------- /notebooks/old_notebooks/learning_pytorch/pytorch_gpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/learning_pytorch/pytorch_gpu.py -------------------------------------------------------------------------------- /notebooks/old_notebooks/learning_pytorch/pytorch_nn.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/learning_pytorch/pytorch_nn.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/learning_pytorch/pytorch_simple_transformers.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/learning_pytorch/pytorch_simple_transformers.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/learning_pytorch/pytorch_transformer_finetune.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/learning_pytorch/pytorch_transformer_finetune.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/learning_pytorch/pytorch_transformer_setup.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/learning_pytorch/pytorch_transformer_setup.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/learning_tensorflow/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/learning_tensorflow/README.md -------------------------------------------------------------------------------- /notebooks/old_notebooks/learning_tensorflow/tf2_0_text_binary_classification_sentence_embed.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/learning_tensorflow/tf2_0_text_binary_classification_sentence_embed.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/learning_tensorflow/tf2_0_text_binary_classification_word_embed.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/learning_tensorflow/tf2_0_text_binary_classification_word_embed.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/learning_tensorflow/tf2_1_multi_gpu.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/learning_tensorflow/tf2_1_multi_gpu.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/parallel_processing.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/parallel_processing.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/pretrain_transformer.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/pretrain_transformer.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/pytorch_nn.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/pytorch_nn.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/reinforcement_learning/deep_q_network_tf_frozenlake.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/reinforcement_learning/deep_q_network_tf_frozenlake.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/reinforcement_learning/deep_q_network_tfagent.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/reinforcement_learning/deep_q_network_tfagent.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/reinforcement_learning/dqn_tf.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/reinforcement_learning/dqn_tf.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/reinforcement_learning/gym_chess.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/reinforcement_learning/gym_chess.py -------------------------------------------------------------------------------- /notebooks/old_notebooks/reinforcement_learning/live_render_gym.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/reinforcement_learning/live_render_gym.py -------------------------------------------------------------------------------- /notebooks/old_notebooks/reinforcement_learning/policy_gradient.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/reinforcement_learning/policy_gradient.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/reinforcement_learning/template_gym.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/reinforcement_learning/template_gym.py -------------------------------------------------------------------------------- /notebooks/old_notebooks/reinforcement_learning/test_dqn_tf-class_memory_replay.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/reinforcement_learning/test_dqn_tf-class_memory_replay.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/reinforcement_learning/test_dqn_tf.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/reinforcement_learning/test_dqn_tf.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/reinforcement_learning/testing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/reinforcement_learning/testing.py -------------------------------------------------------------------------------- /notebooks/old_notebooks/seq2seq_translator.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/seq2seq_translator.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/test_mxnet.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/test_mxnet.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/text_sum_no_generator.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/text_sum_no_generator.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/tpot_auto_ml.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/tpot_auto_ml.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/universal_fuzzy_word_matching.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/universal_fuzzy_word_matching.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/universal_sentence_embedding.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/universal_sentence_embedding.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/use_lime.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/use_lime.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/vanila_nn.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/vanila_nn.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/wget_google_drive.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/wget_google_drive.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/word_embeddings_visualize.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/word_embeddings_visualize.ipynb -------------------------------------------------------------------------------- /notebooks/old_notebooks/word_sentence_similarity_transformers.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/old_notebooks/word_sentence_similarity_transformers.ipynb -------------------------------------------------------------------------------- /notebooks/pytorch/RO_Fine_Tune_XLSR_Wav2Vec2_on_Turkish_ASR_with_🤗_Transformers.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/pytorch/RO_Fine_Tune_XLSR_Wav2Vec2_on_Turkish_ASR_with_🤗_Transformers.ipynb -------------------------------------------------------------------------------- /notebooks/pytorch/bert_inner_workings.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/pytorch/bert_inner_workings.ipynb -------------------------------------------------------------------------------- /notebooks/pytorch/bert_inner_workings/bert_inner_workings.drawio: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/pytorch/bert_inner_workings/bert_inner_workings.drawio -------------------------------------------------------------------------------- /notebooks/pytorch/bert_inner_workings/bert_inner_workings.pdf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/pytorch/bert_inner_workings/bert_inner_workings.pdf -------------------------------------------------------------------------------- /notebooks/pytorch/bert_inner_workings/bert_inner_workings.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/pytorch/bert_inner_workings/bert_inner_workings.png -------------------------------------------------------------------------------- /notebooks/pytorch/bert_inner_workings/bert_inner_workings_attention.drawio: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/pytorch/bert_inner_workings/bert_inner_workings_attention.drawio -------------------------------------------------------------------------------- /notebooks/pytorch/bert_inner_workings/bert_inner_workings_attention.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/pytorch/bert_inner_workings/bert_inner_workings_attention.png -------------------------------------------------------------------------------- /notebooks/pytorch/bert_inner_workings/bert_inner_workings_embeddings.drawio: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/pytorch/bert_inner_workings/bert_inner_workings_embeddings.drawio -------------------------------------------------------------------------------- /notebooks/pytorch/bert_inner_workings/bert_inner_workings_embeddings.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/pytorch/bert_inner_workings/bert_inner_workings_embeddings.png -------------------------------------------------------------------------------- /notebooks/pytorch/bert_inner_workings/bert_inner_workings_encoder.drawio: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/pytorch/bert_inner_workings/bert_inner_workings_encoder.drawio -------------------------------------------------------------------------------- /notebooks/pytorch/bert_inner_workings/bert_inner_workings_encoder.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/pytorch/bert_inner_workings/bert_inner_workings_encoder.png -------------------------------------------------------------------------------- /notebooks/pytorch/bert_inner_workings/bert_inner_workings_intermediate.drawio: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/pytorch/bert_inner_workings/bert_inner_workings_intermediate.drawio -------------------------------------------------------------------------------- /notebooks/pytorch/bert_inner_workings/bert_inner_workings_intermediate.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/pytorch/bert_inner_workings/bert_inner_workings_intermediate.png -------------------------------------------------------------------------------- /notebooks/pytorch/bert_inner_workings/bert_inner_workings_layer.drawio: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/pytorch/bert_inner_workings/bert_inner_workings_layer.drawio -------------------------------------------------------------------------------- /notebooks/pytorch/bert_inner_workings/bert_inner_workings_layer.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/pytorch/bert_inner_workings/bert_inner_workings_layer.png -------------------------------------------------------------------------------- /notebooks/pytorch/bert_inner_workings/bert_inner_workings_model.drawio: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/pytorch/bert_inner_workings/bert_inner_workings_model.drawio -------------------------------------------------------------------------------- /notebooks/pytorch/bert_inner_workings/bert_inner_workings_model.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/pytorch/bert_inner_workings/bert_inner_workings_model.png -------------------------------------------------------------------------------- /notebooks/pytorch/bert_inner_workings/bert_inner_workings_output.drawio: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/pytorch/bert_inner_workings/bert_inner_workings_output.drawio -------------------------------------------------------------------------------- /notebooks/pytorch/bert_inner_workings/bert_inner_workings_output.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/pytorch/bert_inner_workings/bert_inner_workings_output.png -------------------------------------------------------------------------------- /notebooks/pytorch/bert_inner_workings/bert_inner_workings_pooler.drawio: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/pytorch/bert_inner_workings/bert_inner_workings_pooler.drawio -------------------------------------------------------------------------------- /notebooks/pytorch/bert_inner_workings/bert_inner_workings_pooler.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/pytorch/bert_inner_workings/bert_inner_workings_pooler.png -------------------------------------------------------------------------------- /notebooks/pytorch/bert_inner_workings/bert_inner_workings_selfattention.drawio: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/pytorch/bert_inner_workings/bert_inner_workings_selfattention.drawio -------------------------------------------------------------------------------- /notebooks/pytorch/bert_inner_workings/bert_inner_workings_selfattention.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/pytorch/bert_inner_workings/bert_inner_workings_selfattention.png -------------------------------------------------------------------------------- /notebooks/pytorch/bert_inner_workings/bert_inner_workings_selfoutput.drawio: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/pytorch/bert_inner_workings/bert_inner_workings_selfoutput.drawio -------------------------------------------------------------------------------- /notebooks/pytorch/bert_inner_workings/bert_inner_workings_selfoutput.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/pytorch/bert_inner_workings/bert_inner_workings_selfoutput.png -------------------------------------------------------------------------------- /notebooks/pytorch/bert_inner_workings/bert_inner_workings_tokenizer.drawio: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/pytorch/bert_inner_workings/bert_inner_workings_tokenizer.drawio -------------------------------------------------------------------------------- /notebooks/pytorch/bert_inner_workings/bert_inner_workings_tokenizer.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/pytorch/bert_inner_workings/bert_inner_workings_tokenizer.png -------------------------------------------------------------------------------- /notebooks/pytorch/finetune_transformers_pytorch.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/pytorch/finetune_transformers_pytorch.ipynb -------------------------------------------------------------------------------- /notebooks/pytorch/finetune_transformers_pytorch_status_models.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/pytorch/finetune_transformers_pytorch_status_models.md -------------------------------------------------------------------------------- /notebooks/pytorch/gpt2_finetune_classification.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/pytorch/gpt2_finetune_classification.ipynb -------------------------------------------------------------------------------- /notebooks/pytorch/gpt2_inner_workings/gpt2_diagram.drawio: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/pytorch/gpt2_inner_workings/gpt2_diagram.drawio -------------------------------------------------------------------------------- /notebooks/pytorch/gpt2_inner_workings/gpt2_inner_workings.drawio: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/pytorch/gpt2_inner_workings/gpt2_inner_workings.drawio -------------------------------------------------------------------------------- /notebooks/pytorch/gpt2_inner_workings/gpt2_input.drawio: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/pytorch/gpt2_inner_workings/gpt2_input.drawio -------------------------------------------------------------------------------- /notebooks/pytorch/pretrain_transformers_pytorch.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/pytorch/pretrain_transformers_pytorch.ipynb -------------------------------------------------------------------------------- /notebooks/pytorch/pretrain_transformers_pytorch_status_models.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/pytorch/pretrain_transformers_pytorch_status_models.md -------------------------------------------------------------------------------- /notebooks/pytorch/pytorchtext_bucketiterator.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/pytorch/pytorchtext_bucketiterator.ipynb -------------------------------------------------------------------------------- /notebooks/pytorch/vae_pytorch.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/pytorch/vae_pytorch.ipynb -------------------------------------------------------------------------------- /notebooks/sentiments/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/sentiments/README.md -------------------------------------------------------------------------------- /notebooks/sentiments/negative-words.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/sentiments/negative-words.txt -------------------------------------------------------------------------------- /notebooks/sentiments/positive-words.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/sentiments/positive-words.txt -------------------------------------------------------------------------------- /notebooks/snippets/argparse/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/argparse/README.md -------------------------------------------------------------------------------- /notebooks/snippets/argparse/arguments_example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/argparse/arguments_example.py -------------------------------------------------------------------------------- /notebooks/snippets/doctest/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/doctest/README.md -------------------------------------------------------------------------------- /notebooks/snippets/logging/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/logging/README.md -------------------------------------------------------------------------------- /notebooks/snippets/logging/logger_example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/logging/logger_example.py -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/.gitkeep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/README.md -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/10_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/10_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/11_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/11_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/12_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/12_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/13_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/13_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/14_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/14_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/15_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/15_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/16_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/16_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/17_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/17_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/18_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/18_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/19_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/19_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/1_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/1_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/20_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/20_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/21_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/21_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/22_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/22_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/23_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/23_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/24_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/24_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/25_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/25_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/26_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/26_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/27_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/27_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/28_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/28_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/29_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/29_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/2_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/2_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/30_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/30_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/31_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/31_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/32_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/32_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/33_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/33_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/34_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/34_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/35_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/35_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/36_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/36_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/37_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/37_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/38_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/38_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/39_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/39_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/3_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/3_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/40_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/40_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/41_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/41_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/42_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/42_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/43_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/43_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/44_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/44_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/45_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/45_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/46_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/46_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/47_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/47_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/48_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/48_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/49_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/49_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/4_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/4_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/50_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/50_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/5_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/5_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/6_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/6_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/7_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/7_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/8_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/8_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/9_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/9_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/configuration_model.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/configuration_model.json -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/final_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_checkpoint/final_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_summary.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/model_summary.txt -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/tf_keras_mlflow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/artifacts/tf_keras_mlflow.py -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/meta.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/meta.yaml -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/metrics/loss: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/metrics/loss -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/metrics/val_loss: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/metrics/val_loss -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/params/batch: -------------------------------------------------------------------------------- 1 | 32 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/params/epochs: -------------------------------------------------------------------------------- 1 | 50 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/params/loss: -------------------------------------------------------------------------------- 1 | mse -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/params/optimizer: -------------------------------------------------------------------------------- 1 | adam -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/params/valid_split: -------------------------------------------------------------------------------- 1 | 0.2 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/tags/Current epoch: -------------------------------------------------------------------------------- 1 | Done! -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/tags/mlflow.source.git.commit: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/tags/mlflow.source.git.commit -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/tags/mlflow.source.name: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/tags/mlflow.source.name -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/tags/mlflow.source.type: -------------------------------------------------------------------------------- 1 | LOCAL -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/tags/mlflow.user: -------------------------------------------------------------------------------- 1 | georgemihaila -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/0de3a6182b2f436cb6d9b6f4b0d5f085/tags/version: -------------------------------------------------------------------------------- 1 | tf-keras -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/mlruns/0/meta.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/mlruns/0/meta.yaml -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/10_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/10_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/11_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/11_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/12_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/12_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/13_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/13_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/14_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/14_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/15_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/15_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/16_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/16_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/17_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/17_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/18_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/18_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/19_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/19_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/1_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/1_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/20_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/20_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/21_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/21_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/22_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/22_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/23_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/23_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/24_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/24_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/25_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/25_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/26_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/26_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/27_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/27_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/28_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/28_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/29_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/29_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/2_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/2_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/30_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/30_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/31_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/31_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/32_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/32_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/33_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/33_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/34_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/34_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/35_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/35_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/36_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/36_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/37_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/37_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/38_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/38_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/39_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/39_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/3_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/3_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/40_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/40_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/41_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/41_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/42_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/42_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/43_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/43_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/44_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/44_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/45_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/45_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/46_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/46_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/47_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/47_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/48_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/48_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/49_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/49_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/4_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/4_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/50_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/50_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/5_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/5_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/6_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/6_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/7_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/7_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/8_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/8_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/9_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/9_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/configuration_model.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/configuration_model.json -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_checkpoint/final_epoch_model_weights.hdf5: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_checkpoint/final_epoch_model_weights.hdf5 -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/model_summary.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/model_summary.txt -------------------------------------------------------------------------------- /notebooks/snippets/mlflow/tf_keras_mlflow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/mlflow/tf_keras_mlflow.py -------------------------------------------------------------------------------- /notebooks/snippets/pos_tagging/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/pos_tagging/README.md -------------------------------------------------------------------------------- /notebooks/snippets/text_analysis/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/text_analysis/README.md -------------------------------------------------------------------------------- /notebooks/snippets/unittest/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/notebooks/snippets/unittest/README.md -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/requirements.txt -------------------------------------------------------------------------------- /setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/setup.py -------------------------------------------------------------------------------- /src/ml_things/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/src/ml_things/__init__.py -------------------------------------------------------------------------------- /src/ml_things/array_functions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/src/ml_things/array_functions.py -------------------------------------------------------------------------------- /src/ml_things/plot_functions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/src/ml_things/plot_functions.py -------------------------------------------------------------------------------- /src/ml_things/text_functions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/src/ml_things/text_functions.py -------------------------------------------------------------------------------- /src/ml_things/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/src/ml_things/utils.py -------------------------------------------------------------------------------- /src/ml_things/web_related.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/src/ml_things/web_related.py -------------------------------------------------------------------------------- /tests/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/tests/__init__.py -------------------------------------------------------------------------------- /tests/test_array_functions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/tests/test_array_functions.py -------------------------------------------------------------------------------- /tests/test_plot_functions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/tests/test_plot_functions.py -------------------------------------------------------------------------------- /tests/test_samples/plot_array.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/tests/test_samples/plot_array.png -------------------------------------------------------------------------------- /tests/test_samples/plot_confusion_matrix.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/tests/test_samples/plot_confusion_matrix.png -------------------------------------------------------------------------------- /tests/test_samples/plot_dict.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/tests/test_samples/plot_dict.png -------------------------------------------------------------------------------- /tests/test_text_functions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/tests/test_text_functions.py -------------------------------------------------------------------------------- /tests/test_web_related.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/gmihaila/ml_things/HEAD/tests/test_web_related.py --------------------------------------------------------------------------------