├── .gitignore ├── LLMs ├── QA_app │ ├── Readme.md │ ├── build-kb-chatapp-shakudo-buildOnShakudo.jpg │ ├── constants.py │ ├── pdf_qa.ipynb │ ├── pdf_qa.py │ ├── pipeline_qa.yaml │ ├── requirements.txt │ ├── run_qa.sh │ └── streamlit_app_blog.py ├── confluence_app │ ├── app.py │ ├── confluenceQA.ipynb │ ├── confluence_qa.py │ ├── constants.py │ ├── pipeline.yaml │ ├── readme.md │ ├── requirements.txt │ └── run.sh ├── milvus │ ├── milvus-demo.ipynb │ └── requirements.txt └── milvus_chatbot │ ├── milvus-chatbot-demo.ipynb │ ├── requirements.txt │ └── service │ ├── app.py │ ├── requirements.txt │ ├── run.sh │ └── svc.yaml ├── README.md └── example_notebooks ├── blogs └── blog_pandas_2.0.ipynb ├── data_prep ├── dask_group_sort.ipynb ├── dask_parallelize_a_loop.ipynb ├── pyspark3.2.0.ipynb ├── rapids_data_processing.ipynb ├── spark_on_ray_data_processing.ipynb └── vaex_groupby_merge.ipynb ├── frontend ├── sentence_classification │ ├── run.sh │ ├── slnlp.py │ └── streamlit.yml ├── streamlit_app_example │ └── image_recognition │ │ ├── README.MD │ │ ├── cat.png │ │ ├── example_frontend.png │ │ ├── run.sh │ │ ├── slexample.py │ │ └── streamlit_pipeline.yaml └── voila │ ├── multiple_notebooks │ ├── basics.ipynb │ ├── bqplot.ipynb │ ├── dashboard.ipynb │ ├── gridspecLayout.ipynb │ ├── interactive.ipynb │ ├── ipympl.ipynb │ ├── ipyvolume.ipynb │ ├── multiple_widgets.ipynb │ ├── pipeline.yaml │ ├── reveal.ipynb │ └── run.sh │ ├── pipeline.yaml │ ├── run.sh │ └── voila_demo.ipynb ├── inference └── batch_inference │ ├── batch_inference.ipynb │ ├── requirements.txt │ ├── scheduler_setup.py │ └── train.ipynb ├── pipelines ├── a_simple_pipeline │ ├── dask_group_sort.ipynb │ └── pipeline.yaml ├── advanced_dag_pipeline │ ├── para_tasks.yaml │ ├── para_test.yaml │ ├── para_test_close.yaml │ ├── seq_test.yaml │ ├── start_para_end_tasks.yaml │ ├── step1.ipynb │ ├── step2.ipynb │ ├── step3.ipynb │ ├── step4.ipynb │ ├── step5.ipynb │ └── step6.ipynb ├── crypto │ ├── pipeline.yaml │ └── watch_ob_multi.ipynb ├── pipeline_with_requirements │ ├── READ.md │ ├── pipeline.yaml │ ├── requirements.txt │ ├── step1.ipynb │ ├── step2.ipynb │ └── step3.ipynb ├── python_hello_world_pipeline │ ├── hello_world.py │ └── pipeline.yaml └── rapids_pipeline │ ├── pipeline.yaml │ └── rapids_data_processing.ipynb ├── serving ├── IoT-detection │ ├── __init__.py │ ├── inference.ipynb │ ├── inference_dask.ipynb │ ├── main.py │ ├── models │ │ ├── __version__ │ │ ├── learner.pkl │ │ ├── predictor.pkl │ │ └── utils │ │ │ ├── attr │ │ │ ├── CatBoost │ │ │ │ └── y_pred_proba_val.pkl │ │ │ ├── ExtraTreesEntr │ │ │ │ └── y_pred_proba_val.pkl │ │ │ ├── ExtraTreesGini │ │ │ │ └── y_pred_proba_val.pkl │ │ │ ├── KNeighborsDist │ │ │ │ └── y_pred_proba_val.pkl │ │ │ ├── KNeighborsUnif │ │ │ │ └── y_pred_proba_val.pkl │ │ │ ├── LightGBM │ │ │ │ └── y_pred_proba_val.pkl │ │ │ ├── LightGBMLarge │ │ │ │ └── y_pred_proba_val.pkl │ │ │ ├── LightGBMXT │ │ │ │ └── y_pred_proba_val.pkl │ │ │ ├── NeuralNetFastAI │ │ │ │ └── y_pred_proba_val.pkl │ │ │ ├── NeuralNetTorch │ │ │ │ └── y_pred_proba_val.pkl │ │ │ ├── RandomForestEntr │ │ │ │ └── y_pred_proba_val.pkl │ │ │ ├── RandomForestGini │ │ │ │ └── y_pred_proba_val.pkl │ │ │ └── XGBoost │ │ │ │ └── y_pred_proba_val.pkl │ │ │ └── data │ │ │ ├── X.pkl │ │ │ ├── X_val.pkl │ │ │ ├── y.pkl │ │ │ └── y_val.pkl │ ├── pipeline.yaml │ ├── pipeline_service.yaml │ ├── requirements.txt │ ├── run.sh │ ├── train.ipynb │ └── utils.py ├── mlflow_servers │ ├── pipeline.yaml │ └── run.sh └── triton │ ├── config_examples │ └── xgb_config.pbtxt │ ├── convert_keras.ipynb │ ├── convert_pytorch.ipynb │ ├── convert_xgb.ipynb │ ├── covert_tf_to_onnx.ipynb │ ├── hyperplane-triton-api │ ├── app.py │ ├── clients │ │ └── image_client.py │ ├── hyperplane_triton_api.yaml │ ├── requirements.txt │ ├── start_server.sh │ └── test_image.jpeg │ └── sentence_classification_app │ ├── app.py │ ├── clients │ ├── deepset.py │ └── sentence_classification.py │ ├── hyperplane_triton_api.yaml │ ├── requirements.txt │ └── start_server.sh ├── training ├── ray_lightgbm_250GB.ipynb ├── ray_mlflow.ipynb ├── ray_tf_nlp.ipynb ├── ray_training_torch.ipynb ├── ray_tune_demo.ipynb └── tf_mlflow.ipynb └── utils ├── dask_snowflake.ipynb ├── ray_starter.ipynb ├── s3plugin.ipynb └── submit_graphql_with_python.ipynb /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/.gitignore -------------------------------------------------------------------------------- /LLMs/QA_app/Readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/LLMs/QA_app/Readme.md -------------------------------------------------------------------------------- /LLMs/QA_app/build-kb-chatapp-shakudo-buildOnShakudo.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/LLMs/QA_app/build-kb-chatapp-shakudo-buildOnShakudo.jpg -------------------------------------------------------------------------------- /LLMs/QA_app/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/LLMs/QA_app/constants.py -------------------------------------------------------------------------------- /LLMs/QA_app/pdf_qa.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/LLMs/QA_app/pdf_qa.ipynb -------------------------------------------------------------------------------- /LLMs/QA_app/pdf_qa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/LLMs/QA_app/pdf_qa.py -------------------------------------------------------------------------------- /LLMs/QA_app/pipeline_qa.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/LLMs/QA_app/pipeline_qa.yaml -------------------------------------------------------------------------------- /LLMs/QA_app/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/LLMs/QA_app/requirements.txt -------------------------------------------------------------------------------- /LLMs/QA_app/run_qa.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/LLMs/QA_app/run_qa.sh -------------------------------------------------------------------------------- /LLMs/QA_app/streamlit_app_blog.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/LLMs/QA_app/streamlit_app_blog.py -------------------------------------------------------------------------------- /LLMs/confluence_app/app.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/LLMs/confluence_app/app.py -------------------------------------------------------------------------------- /LLMs/confluence_app/confluenceQA.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/LLMs/confluence_app/confluenceQA.ipynb -------------------------------------------------------------------------------- /LLMs/confluence_app/confluence_qa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/LLMs/confluence_app/confluence_qa.py -------------------------------------------------------------------------------- /LLMs/confluence_app/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/LLMs/confluence_app/constants.py -------------------------------------------------------------------------------- /LLMs/confluence_app/pipeline.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/LLMs/confluence_app/pipeline.yaml -------------------------------------------------------------------------------- /LLMs/confluence_app/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/LLMs/confluence_app/readme.md -------------------------------------------------------------------------------- /LLMs/confluence_app/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/LLMs/confluence_app/requirements.txt -------------------------------------------------------------------------------- /LLMs/confluence_app/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/LLMs/confluence_app/run.sh -------------------------------------------------------------------------------- /LLMs/milvus/milvus-demo.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/LLMs/milvus/milvus-demo.ipynb -------------------------------------------------------------------------------- /LLMs/milvus/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/LLMs/milvus/requirements.txt -------------------------------------------------------------------------------- /LLMs/milvus_chatbot/milvus-chatbot-demo.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/LLMs/milvus_chatbot/milvus-chatbot-demo.ipynb -------------------------------------------------------------------------------- /LLMs/milvus_chatbot/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/LLMs/milvus_chatbot/requirements.txt -------------------------------------------------------------------------------- /LLMs/milvus_chatbot/service/app.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/LLMs/milvus_chatbot/service/app.py -------------------------------------------------------------------------------- /LLMs/milvus_chatbot/service/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/LLMs/milvus_chatbot/service/requirements.txt -------------------------------------------------------------------------------- /LLMs/milvus_chatbot/service/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/LLMs/milvus_chatbot/service/run.sh -------------------------------------------------------------------------------- /LLMs/milvus_chatbot/service/svc.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/LLMs/milvus_chatbot/service/svc.yaml -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/README.md -------------------------------------------------------------------------------- /example_notebooks/blogs/blog_pandas_2.0.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/blogs/blog_pandas_2.0.ipynb -------------------------------------------------------------------------------- /example_notebooks/data_prep/dask_group_sort.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/data_prep/dask_group_sort.ipynb -------------------------------------------------------------------------------- /example_notebooks/data_prep/dask_parallelize_a_loop.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/data_prep/dask_parallelize_a_loop.ipynb -------------------------------------------------------------------------------- /example_notebooks/data_prep/pyspark3.2.0.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/data_prep/pyspark3.2.0.ipynb -------------------------------------------------------------------------------- /example_notebooks/data_prep/rapids_data_processing.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/data_prep/rapids_data_processing.ipynb -------------------------------------------------------------------------------- /example_notebooks/data_prep/spark_on_ray_data_processing.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/data_prep/spark_on_ray_data_processing.ipynb -------------------------------------------------------------------------------- /example_notebooks/data_prep/vaex_groupby_merge.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/data_prep/vaex_groupby_merge.ipynb -------------------------------------------------------------------------------- /example_notebooks/frontend/sentence_classification/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/frontend/sentence_classification/run.sh -------------------------------------------------------------------------------- /example_notebooks/frontend/sentence_classification/slnlp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/frontend/sentence_classification/slnlp.py -------------------------------------------------------------------------------- /example_notebooks/frontend/sentence_classification/streamlit.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/frontend/sentence_classification/streamlit.yml -------------------------------------------------------------------------------- /example_notebooks/frontend/streamlit_app_example/image_recognition/README.MD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/frontend/streamlit_app_example/image_recognition/README.MD -------------------------------------------------------------------------------- /example_notebooks/frontend/streamlit_app_example/image_recognition/cat.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/frontend/streamlit_app_example/image_recognition/cat.png -------------------------------------------------------------------------------- /example_notebooks/frontend/streamlit_app_example/image_recognition/example_frontend.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/frontend/streamlit_app_example/image_recognition/example_frontend.png -------------------------------------------------------------------------------- /example_notebooks/frontend/streamlit_app_example/image_recognition/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/frontend/streamlit_app_example/image_recognition/run.sh -------------------------------------------------------------------------------- /example_notebooks/frontend/streamlit_app_example/image_recognition/slexample.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/frontend/streamlit_app_example/image_recognition/slexample.py -------------------------------------------------------------------------------- /example_notebooks/frontend/streamlit_app_example/image_recognition/streamlit_pipeline.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/frontend/streamlit_app_example/image_recognition/streamlit_pipeline.yaml -------------------------------------------------------------------------------- /example_notebooks/frontend/voila/multiple_notebooks/basics.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/frontend/voila/multiple_notebooks/basics.ipynb -------------------------------------------------------------------------------- /example_notebooks/frontend/voila/multiple_notebooks/bqplot.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/frontend/voila/multiple_notebooks/bqplot.ipynb -------------------------------------------------------------------------------- /example_notebooks/frontend/voila/multiple_notebooks/dashboard.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/frontend/voila/multiple_notebooks/dashboard.ipynb -------------------------------------------------------------------------------- /example_notebooks/frontend/voila/multiple_notebooks/gridspecLayout.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/frontend/voila/multiple_notebooks/gridspecLayout.ipynb -------------------------------------------------------------------------------- /example_notebooks/frontend/voila/multiple_notebooks/interactive.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/frontend/voila/multiple_notebooks/interactive.ipynb -------------------------------------------------------------------------------- /example_notebooks/frontend/voila/multiple_notebooks/ipympl.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/frontend/voila/multiple_notebooks/ipympl.ipynb -------------------------------------------------------------------------------- /example_notebooks/frontend/voila/multiple_notebooks/ipyvolume.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/frontend/voila/multiple_notebooks/ipyvolume.ipynb -------------------------------------------------------------------------------- /example_notebooks/frontend/voila/multiple_notebooks/multiple_widgets.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/frontend/voila/multiple_notebooks/multiple_widgets.ipynb -------------------------------------------------------------------------------- /example_notebooks/frontend/voila/multiple_notebooks/pipeline.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/frontend/voila/multiple_notebooks/pipeline.yaml -------------------------------------------------------------------------------- /example_notebooks/frontend/voila/multiple_notebooks/reveal.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/frontend/voila/multiple_notebooks/reveal.ipynb -------------------------------------------------------------------------------- /example_notebooks/frontend/voila/multiple_notebooks/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/frontend/voila/multiple_notebooks/run.sh -------------------------------------------------------------------------------- /example_notebooks/frontend/voila/pipeline.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/frontend/voila/pipeline.yaml -------------------------------------------------------------------------------- /example_notebooks/frontend/voila/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/frontend/voila/run.sh -------------------------------------------------------------------------------- /example_notebooks/frontend/voila/voila_demo.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/frontend/voila/voila_demo.ipynb -------------------------------------------------------------------------------- /example_notebooks/inference/batch_inference/batch_inference.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/inference/batch_inference/batch_inference.ipynb -------------------------------------------------------------------------------- /example_notebooks/inference/batch_inference/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/inference/batch_inference/requirements.txt -------------------------------------------------------------------------------- /example_notebooks/inference/batch_inference/scheduler_setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/inference/batch_inference/scheduler_setup.py -------------------------------------------------------------------------------- /example_notebooks/inference/batch_inference/train.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/inference/batch_inference/train.ipynb -------------------------------------------------------------------------------- /example_notebooks/pipelines/a_simple_pipeline/dask_group_sort.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/pipelines/a_simple_pipeline/dask_group_sort.ipynb -------------------------------------------------------------------------------- /example_notebooks/pipelines/a_simple_pipeline/pipeline.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/pipelines/a_simple_pipeline/pipeline.yaml -------------------------------------------------------------------------------- /example_notebooks/pipelines/advanced_dag_pipeline/para_tasks.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/pipelines/advanced_dag_pipeline/para_tasks.yaml -------------------------------------------------------------------------------- /example_notebooks/pipelines/advanced_dag_pipeline/para_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/pipelines/advanced_dag_pipeline/para_test.yaml -------------------------------------------------------------------------------- /example_notebooks/pipelines/advanced_dag_pipeline/para_test_close.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/pipelines/advanced_dag_pipeline/para_test_close.yaml -------------------------------------------------------------------------------- /example_notebooks/pipelines/advanced_dag_pipeline/seq_test.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/pipelines/advanced_dag_pipeline/seq_test.yaml -------------------------------------------------------------------------------- /example_notebooks/pipelines/advanced_dag_pipeline/start_para_end_tasks.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/pipelines/advanced_dag_pipeline/start_para_end_tasks.yaml -------------------------------------------------------------------------------- /example_notebooks/pipelines/advanced_dag_pipeline/step1.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/pipelines/advanced_dag_pipeline/step1.ipynb -------------------------------------------------------------------------------- /example_notebooks/pipelines/advanced_dag_pipeline/step2.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/pipelines/advanced_dag_pipeline/step2.ipynb -------------------------------------------------------------------------------- /example_notebooks/pipelines/advanced_dag_pipeline/step3.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/pipelines/advanced_dag_pipeline/step3.ipynb -------------------------------------------------------------------------------- /example_notebooks/pipelines/advanced_dag_pipeline/step4.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/pipelines/advanced_dag_pipeline/step4.ipynb -------------------------------------------------------------------------------- /example_notebooks/pipelines/advanced_dag_pipeline/step5.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/pipelines/advanced_dag_pipeline/step5.ipynb -------------------------------------------------------------------------------- /example_notebooks/pipelines/advanced_dag_pipeline/step6.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/pipelines/advanced_dag_pipeline/step6.ipynb -------------------------------------------------------------------------------- /example_notebooks/pipelines/crypto/pipeline.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/pipelines/crypto/pipeline.yaml -------------------------------------------------------------------------------- /example_notebooks/pipelines/crypto/watch_ob_multi.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/pipelines/crypto/watch_ob_multi.ipynb -------------------------------------------------------------------------------- /example_notebooks/pipelines/pipeline_with_requirements/READ.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/pipelines/pipeline_with_requirements/READ.md -------------------------------------------------------------------------------- /example_notebooks/pipelines/pipeline_with_requirements/pipeline.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/pipelines/pipeline_with_requirements/pipeline.yaml -------------------------------------------------------------------------------- /example_notebooks/pipelines/pipeline_with_requirements/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/pipelines/pipeline_with_requirements/requirements.txt -------------------------------------------------------------------------------- /example_notebooks/pipelines/pipeline_with_requirements/step1.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/pipelines/pipeline_with_requirements/step1.ipynb -------------------------------------------------------------------------------- /example_notebooks/pipelines/pipeline_with_requirements/step2.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/pipelines/pipeline_with_requirements/step2.ipynb -------------------------------------------------------------------------------- /example_notebooks/pipelines/pipeline_with_requirements/step3.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/pipelines/pipeline_with_requirements/step3.ipynb -------------------------------------------------------------------------------- /example_notebooks/pipelines/python_hello_world_pipeline/hello_world.py: -------------------------------------------------------------------------------- 1 | print('Hello, World!') 2 | -------------------------------------------------------------------------------- /example_notebooks/pipelines/python_hello_world_pipeline/pipeline.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/pipelines/python_hello_world_pipeline/pipeline.yaml -------------------------------------------------------------------------------- /example_notebooks/pipelines/rapids_pipeline/pipeline.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/pipelines/rapids_pipeline/pipeline.yaml -------------------------------------------------------------------------------- /example_notebooks/pipelines/rapids_pipeline/rapids_data_processing.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/pipelines/rapids_pipeline/rapids_data_processing.ipynb -------------------------------------------------------------------------------- /example_notebooks/serving/IoT-detection/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /example_notebooks/serving/IoT-detection/inference.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/IoT-detection/inference.ipynb -------------------------------------------------------------------------------- /example_notebooks/serving/IoT-detection/inference_dask.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/IoT-detection/inference_dask.ipynb -------------------------------------------------------------------------------- /example_notebooks/serving/IoT-detection/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/IoT-detection/main.py -------------------------------------------------------------------------------- /example_notebooks/serving/IoT-detection/models/__version__: -------------------------------------------------------------------------------- 1 | 0.5.2 -------------------------------------------------------------------------------- /example_notebooks/serving/IoT-detection/models/learner.pkl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/IoT-detection/models/learner.pkl -------------------------------------------------------------------------------- /example_notebooks/serving/IoT-detection/models/predictor.pkl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/IoT-detection/models/predictor.pkl -------------------------------------------------------------------------------- /example_notebooks/serving/IoT-detection/models/utils/attr/CatBoost/y_pred_proba_val.pkl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/IoT-detection/models/utils/attr/CatBoost/y_pred_proba_val.pkl -------------------------------------------------------------------------------- /example_notebooks/serving/IoT-detection/models/utils/attr/ExtraTreesEntr/y_pred_proba_val.pkl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/IoT-detection/models/utils/attr/ExtraTreesEntr/y_pred_proba_val.pkl -------------------------------------------------------------------------------- /example_notebooks/serving/IoT-detection/models/utils/attr/ExtraTreesGini/y_pred_proba_val.pkl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/IoT-detection/models/utils/attr/ExtraTreesGini/y_pred_proba_val.pkl -------------------------------------------------------------------------------- /example_notebooks/serving/IoT-detection/models/utils/attr/KNeighborsDist/y_pred_proba_val.pkl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/IoT-detection/models/utils/attr/KNeighborsDist/y_pred_proba_val.pkl -------------------------------------------------------------------------------- /example_notebooks/serving/IoT-detection/models/utils/attr/KNeighborsUnif/y_pred_proba_val.pkl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/IoT-detection/models/utils/attr/KNeighborsUnif/y_pred_proba_val.pkl -------------------------------------------------------------------------------- /example_notebooks/serving/IoT-detection/models/utils/attr/LightGBM/y_pred_proba_val.pkl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/IoT-detection/models/utils/attr/LightGBM/y_pred_proba_val.pkl -------------------------------------------------------------------------------- /example_notebooks/serving/IoT-detection/models/utils/attr/LightGBMLarge/y_pred_proba_val.pkl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/IoT-detection/models/utils/attr/LightGBMLarge/y_pred_proba_val.pkl -------------------------------------------------------------------------------- /example_notebooks/serving/IoT-detection/models/utils/attr/LightGBMXT/y_pred_proba_val.pkl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/IoT-detection/models/utils/attr/LightGBMXT/y_pred_proba_val.pkl -------------------------------------------------------------------------------- /example_notebooks/serving/IoT-detection/models/utils/attr/NeuralNetFastAI/y_pred_proba_val.pkl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/IoT-detection/models/utils/attr/NeuralNetFastAI/y_pred_proba_val.pkl -------------------------------------------------------------------------------- /example_notebooks/serving/IoT-detection/models/utils/attr/NeuralNetTorch/y_pred_proba_val.pkl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/IoT-detection/models/utils/attr/NeuralNetTorch/y_pred_proba_val.pkl -------------------------------------------------------------------------------- /example_notebooks/serving/IoT-detection/models/utils/attr/RandomForestEntr/y_pred_proba_val.pkl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/IoT-detection/models/utils/attr/RandomForestEntr/y_pred_proba_val.pkl -------------------------------------------------------------------------------- /example_notebooks/serving/IoT-detection/models/utils/attr/RandomForestGini/y_pred_proba_val.pkl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/IoT-detection/models/utils/attr/RandomForestGini/y_pred_proba_val.pkl -------------------------------------------------------------------------------- /example_notebooks/serving/IoT-detection/models/utils/attr/XGBoost/y_pred_proba_val.pkl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/IoT-detection/models/utils/attr/XGBoost/y_pred_proba_val.pkl -------------------------------------------------------------------------------- /example_notebooks/serving/IoT-detection/models/utils/data/X.pkl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/IoT-detection/models/utils/data/X.pkl -------------------------------------------------------------------------------- /example_notebooks/serving/IoT-detection/models/utils/data/X_val.pkl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/IoT-detection/models/utils/data/X_val.pkl -------------------------------------------------------------------------------- /example_notebooks/serving/IoT-detection/models/utils/data/y.pkl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/IoT-detection/models/utils/data/y.pkl -------------------------------------------------------------------------------- /example_notebooks/serving/IoT-detection/models/utils/data/y_val.pkl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/IoT-detection/models/utils/data/y_val.pkl -------------------------------------------------------------------------------- /example_notebooks/serving/IoT-detection/pipeline.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/IoT-detection/pipeline.yaml -------------------------------------------------------------------------------- /example_notebooks/serving/IoT-detection/pipeline_service.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/IoT-detection/pipeline_service.yaml -------------------------------------------------------------------------------- /example_notebooks/serving/IoT-detection/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/IoT-detection/requirements.txt -------------------------------------------------------------------------------- /example_notebooks/serving/IoT-detection/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/IoT-detection/run.sh -------------------------------------------------------------------------------- /example_notebooks/serving/IoT-detection/train.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/IoT-detection/train.ipynb -------------------------------------------------------------------------------- /example_notebooks/serving/IoT-detection/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/IoT-detection/utils.py -------------------------------------------------------------------------------- /example_notebooks/serving/mlflow_servers/pipeline.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/mlflow_servers/pipeline.yaml -------------------------------------------------------------------------------- /example_notebooks/serving/mlflow_servers/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/mlflow_servers/run.sh -------------------------------------------------------------------------------- /example_notebooks/serving/triton/config_examples/xgb_config.pbtxt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/triton/config_examples/xgb_config.pbtxt -------------------------------------------------------------------------------- /example_notebooks/serving/triton/convert_keras.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/triton/convert_keras.ipynb -------------------------------------------------------------------------------- /example_notebooks/serving/triton/convert_pytorch.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/triton/convert_pytorch.ipynb -------------------------------------------------------------------------------- /example_notebooks/serving/triton/convert_xgb.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/triton/convert_xgb.ipynb -------------------------------------------------------------------------------- /example_notebooks/serving/triton/covert_tf_to_onnx.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/triton/covert_tf_to_onnx.ipynb -------------------------------------------------------------------------------- /example_notebooks/serving/triton/hyperplane-triton-api/app.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/triton/hyperplane-triton-api/app.py -------------------------------------------------------------------------------- /example_notebooks/serving/triton/hyperplane-triton-api/clients/image_client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/triton/hyperplane-triton-api/clients/image_client.py -------------------------------------------------------------------------------- /example_notebooks/serving/triton/hyperplane-triton-api/hyperplane_triton_api.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/triton/hyperplane-triton-api/hyperplane_triton_api.yaml -------------------------------------------------------------------------------- /example_notebooks/serving/triton/hyperplane-triton-api/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/triton/hyperplane-triton-api/requirements.txt -------------------------------------------------------------------------------- /example_notebooks/serving/triton/hyperplane-triton-api/start_server.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/triton/hyperplane-triton-api/start_server.sh -------------------------------------------------------------------------------- /example_notebooks/serving/triton/hyperplane-triton-api/test_image.jpeg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/triton/hyperplane-triton-api/test_image.jpeg -------------------------------------------------------------------------------- /example_notebooks/serving/triton/sentence_classification_app/app.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/triton/sentence_classification_app/app.py -------------------------------------------------------------------------------- /example_notebooks/serving/triton/sentence_classification_app/clients/deepset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/triton/sentence_classification_app/clients/deepset.py -------------------------------------------------------------------------------- /example_notebooks/serving/triton/sentence_classification_app/clients/sentence_classification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/triton/sentence_classification_app/clients/sentence_classification.py -------------------------------------------------------------------------------- /example_notebooks/serving/triton/sentence_classification_app/hyperplane_triton_api.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/triton/sentence_classification_app/hyperplane_triton_api.yaml -------------------------------------------------------------------------------- /example_notebooks/serving/triton/sentence_classification_app/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/triton/sentence_classification_app/requirements.txt -------------------------------------------------------------------------------- /example_notebooks/serving/triton/sentence_classification_app/start_server.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/serving/triton/sentence_classification_app/start_server.sh -------------------------------------------------------------------------------- /example_notebooks/training/ray_lightgbm_250GB.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/training/ray_lightgbm_250GB.ipynb -------------------------------------------------------------------------------- /example_notebooks/training/ray_mlflow.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/training/ray_mlflow.ipynb -------------------------------------------------------------------------------- /example_notebooks/training/ray_tf_nlp.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/training/ray_tf_nlp.ipynb -------------------------------------------------------------------------------- /example_notebooks/training/ray_training_torch.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/training/ray_training_torch.ipynb -------------------------------------------------------------------------------- /example_notebooks/training/ray_tune_demo.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/training/ray_tune_demo.ipynb -------------------------------------------------------------------------------- /example_notebooks/training/tf_mlflow.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/training/tf_mlflow.ipynb -------------------------------------------------------------------------------- /example_notebooks/utils/dask_snowflake.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/utils/dask_snowflake.ipynb -------------------------------------------------------------------------------- /example_notebooks/utils/ray_starter.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/utils/ray_starter.ipynb -------------------------------------------------------------------------------- /example_notebooks/utils/s3plugin.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/utils/s3plugin.ipynb -------------------------------------------------------------------------------- /example_notebooks/utils/submit_graphql_with_python.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/devsentient/examples/HEAD/example_notebooks/utils/submit_graphql_with_python.ipynb --------------------------------------------------------------------------------