├── .github └── workflows │ └── build.yml ├── .gitignore ├── LICENSE ├── MANIFEST.in ├── README.md ├── assets ├── README.md └── method_comparison.png ├── dsp ├── __init__.py ├── adapters │ ├── __init__.py │ ├── base_template.py │ ├── experimental_adapter.py │ ├── template.py │ └── utils.py ├── evaluation │ ├── __init__.py │ └── utils.py ├── modules │ ├── __init__.py │ ├── anthropic.py │ ├── aws_models.py │ ├── aws_providers.py │ ├── azure_cognitive_search.py │ ├── azure_openai.py │ ├── cache_utils.py │ ├── clarifai.py │ ├── cloudflare.py │ ├── cohere.py │ ├── colbertv2.py │ ├── databricks.py │ ├── dummy_lm.py │ ├── finetuning │ │ ├── __init__.py │ │ └── finetune_hf.py │ ├── google.py │ ├── google_vertex_ai.py │ ├── gpt3.py │ ├── groq_client.py │ ├── hf.py │ ├── hf_client.py │ ├── hf_server.py │ ├── llama.py │ ├── lm.py │ ├── mistral.py │ ├── multi_openai.py │ ├── ollama.py │ ├── premai.py │ ├── pyserini.py │ ├── sbert.py │ ├── sentence_vectorizer.py │ ├── snowflake.py │ ├── tensorrt_llm.py │ ├── watsonx.py │ └── you.py ├── primitives │ ├── __init__.py │ ├── compiler.py │ ├── demonstrate.py │ ├── inspect.py │ ├── predict.py │ ├── primitives.py │ └── search.py ├── trackers │ ├── __init__.py │ ├── base.py │ └── langfuse_tracker.py └── utils │ ├── __init__.py │ ├── ann_utils.py │ ├── dpr.py │ ├── metrics.py │ ├── settings.py │ ├── settings_v2.py │ └── utils.py ├── dspy ├── __init__.py ├── adapters │ ├── __init__.py │ ├── base.py │ └── chat_adapter.py ├── clients │ ├── __init__.py │ └── lm.py ├── datasets │ ├── __init__.py │ ├── colors.py │ ├── dataloader.py │ ├── dataset.py │ ├── gsm8k.py │ └── hotpotqa.py ├── evaluate │ ├── __init__.py │ ├── auto_evaluation.py │ ├── evaluate.py │ └── metrics.py ├── experimental │ ├── __init__.py │ ├── module_graph.py │ ├── synthesizer │ │ ├── __init__.py │ │ ├── config.py │ │ ├── instruction_suffixes.py │ │ ├── signatures.py │ │ ├── synthesizer.py │ │ └── utils.py │ └── synthetic_data.py ├── functional │ ├── __init__.py │ └── functional.py ├── predict │ ├── __init__.py │ ├── aggregation.py │ ├── avatar │ │ ├── __init__.py │ │ ├── avatar.py │ │ ├── models.py │ │ └── signatures.py │ ├── chain_of_thought.py │ ├── chain_of_thought_with_hint.py │ ├── knn.py │ ├── langchain.py │ ├── llamaindex.py │ ├── multi_chain_comparison.py │ ├── parameter.py │ ├── predict.py │ ├── program_of_thought.py │ ├── react.py │ └── retry.py ├── primitives │ ├── __init__.py │ ├── assertions.py │ ├── box.py │ ├── example.py │ ├── module.py │ ├── prediction.py │ ├── program.py │ └── python_interpreter.py ├── propose │ ├── __init__.py │ ├── dataset_summary_generator.py │ ├── grounded_proposer.py │ ├── instruction_proposal.py │ ├── propose_base.py │ └── utils.py ├── retrieve │ ├── __init__.py │ ├── azureaisearch_rm.py │ ├── chromadb_rm.py │ ├── clarifai_rm.py │ ├── databricks_rm.py │ ├── deeplake_rm.py │ ├── epsilla_rm.py │ ├── faiss_rm.py │ ├── lancedb_rm.py │ ├── llama_index_rm.py │ ├── marqo_rm.py │ ├── milvus_rm.py │ ├── mongodb_atlas_rm.py │ ├── my_scale_rm.py │ ├── neo4j_rm.py │ ├── pgvector_rm.py │ ├── pinecone_rm.py │ ├── qdrant_rm.py │ ├── ragatouille_rm.py │ ├── retrieve.py │ ├── snowflake_rm.py │ ├── vectara_rm.py │ ├── watson_discovery_rm.py │ ├── weaviate_rm.py │ └── you_rm.py ├── signatures │ ├── __init__.py │ ├── field.py │ └── signature.py ├── teleprompt │ ├── __init__.py │ ├── avatar_optimizer.py │ ├── bootstrap.py │ ├── copro_optimizer.py │ ├── ensemble.py │ ├── finetune.py │ ├── knn_fewshot.py │ ├── mipro_optimizer.py │ ├── mipro_optimizer_v2.py │ ├── random_search.py │ ├── signature_opt.py │ ├── signature_opt_bayesian.py │ ├── signature_opt_typed.py │ ├── teleprompt.py │ ├── teleprompt_optuna.py │ ├── utils.py │ └── vanilla.py └── utils │ ├── __init__.py │ ├── dummies.py │ └── logging.py ├── evaluation ├── code_optimization │ ├── README.md │ ├── __init__.py │ ├── cache_leetcode │ │ └── cache.db │ ├── evaluators │ │ ├── __init__.py │ │ ├── lt_eval.py │ │ ├── py_eval.py │ │ └── utils.py │ ├── leetcode_testtime_with_supervision.py │ └── prompts.py ├── gsm8k_dspy.py ├── prompt_optimization.py ├── requirements.txt ├── scripts │ ├── prompt_opt.sh │ └── prompt_opt_llama70b.sh ├── solution_optimization.py └── solution_optimization_mm.py ├── requirements.txt ├── revolve ├── __init__.py ├── autograd │ ├── __init__.py │ ├── algebra.py │ ├── function.py │ ├── functional.py │ ├── llm_backward_prompts.py │ ├── llm_ops.py │ ├── multimodal_backward_prompts.py │ ├── multimodal_ops.py │ ├── reduce_prompts.py │ └── string_based_ops.py ├── config.py ├── defaults.py ├── engine │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-39.pyc │ │ ├── base.cpython-39.pyc │ │ ├── engine_utils.cpython-39.pyc │ │ ├── gemini.cpython-39.pyc │ │ ├── llama3_1.cpython-39.pyc │ │ └── openai.cpython-39.pyc │ ├── anthropic.py │ ├── base.py │ ├── cohere.py │ ├── engine_utils.py │ ├── gemini.py │ ├── groq.py │ ├── llama3_1.py │ ├── local_model_openai_api.py │ ├── openai.py │ ├── together.py │ └── vllm.py ├── loss.py ├── model.py ├── optimizer │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-39.pyc │ │ ├── optimizer.cpython-39.pyc │ │ ├── optimizer_prompts.cpython-39.pyc │ │ ├── optimizer_prompts_v2.cpython-39.pyc │ │ └── optimizer_v2.cpython-39.pyc │ ├── optimizer.py │ ├── optimizer_prompts.py │ ├── optimizer_prompts_v2.py │ └── optimizer_v2.py ├── prompts.py ├── py.typed ├── tasks │ ├── __init__.py │ ├── base.py │ ├── big_bench_hard.py │ ├── gpqa.py │ ├── gsm8k.py │ ├── leetcode.py │ ├── mmlu.py │ └── multimodal │ │ ├── __init__.py │ │ ├── mathvista.py │ │ └── scienceqa.py ├── utils │ └── image_utils.py └── variable.py ├── setup.py └── tests ├── __init__.py ├── test_basics.py ├── test_engines.py └── test_vllm.py /.github/workflows/build.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/.github/workflows/build.yml -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/.gitignore -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/LICENSE -------------------------------------------------------------------------------- /MANIFEST.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/MANIFEST.in -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/README.md -------------------------------------------------------------------------------- /assets/README.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /assets/method_comparison.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/assets/method_comparison.png -------------------------------------------------------------------------------- /dsp/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/__init__.py -------------------------------------------------------------------------------- /dsp/adapters/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/adapters/__init__.py -------------------------------------------------------------------------------- /dsp/adapters/base_template.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/adapters/base_template.py -------------------------------------------------------------------------------- /dsp/adapters/experimental_adapter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/adapters/experimental_adapter.py -------------------------------------------------------------------------------- /dsp/adapters/template.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/adapters/template.py -------------------------------------------------------------------------------- /dsp/adapters/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/adapters/utils.py -------------------------------------------------------------------------------- /dsp/evaluation/__init__.py: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /dsp/evaluation/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/evaluation/utils.py -------------------------------------------------------------------------------- /dsp/modules/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/modules/__init__.py -------------------------------------------------------------------------------- /dsp/modules/anthropic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/modules/anthropic.py -------------------------------------------------------------------------------- /dsp/modules/aws_models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/modules/aws_models.py -------------------------------------------------------------------------------- /dsp/modules/aws_providers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/modules/aws_providers.py -------------------------------------------------------------------------------- /dsp/modules/azure_cognitive_search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/modules/azure_cognitive_search.py -------------------------------------------------------------------------------- /dsp/modules/azure_openai.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/modules/azure_openai.py -------------------------------------------------------------------------------- /dsp/modules/cache_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/modules/cache_utils.py -------------------------------------------------------------------------------- /dsp/modules/clarifai.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/modules/clarifai.py -------------------------------------------------------------------------------- /dsp/modules/cloudflare.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/modules/cloudflare.py -------------------------------------------------------------------------------- /dsp/modules/cohere.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/modules/cohere.py -------------------------------------------------------------------------------- /dsp/modules/colbertv2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/modules/colbertv2.py -------------------------------------------------------------------------------- /dsp/modules/databricks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/modules/databricks.py -------------------------------------------------------------------------------- /dsp/modules/dummy_lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/modules/dummy_lm.py -------------------------------------------------------------------------------- /dsp/modules/finetuning/__init__.py: -------------------------------------------------------------------------------- 1 | from .finetune_hf import * -------------------------------------------------------------------------------- /dsp/modules/finetuning/finetune_hf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/modules/finetuning/finetune_hf.py -------------------------------------------------------------------------------- /dsp/modules/google.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/modules/google.py -------------------------------------------------------------------------------- /dsp/modules/google_vertex_ai.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/modules/google_vertex_ai.py -------------------------------------------------------------------------------- /dsp/modules/gpt3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/modules/gpt3.py -------------------------------------------------------------------------------- /dsp/modules/groq_client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/modules/groq_client.py -------------------------------------------------------------------------------- /dsp/modules/hf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/modules/hf.py -------------------------------------------------------------------------------- /dsp/modules/hf_client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/modules/hf_client.py -------------------------------------------------------------------------------- /dsp/modules/hf_server.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/modules/hf_server.py -------------------------------------------------------------------------------- /dsp/modules/llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/modules/llama.py -------------------------------------------------------------------------------- /dsp/modules/lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/modules/lm.py -------------------------------------------------------------------------------- /dsp/modules/mistral.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/modules/mistral.py -------------------------------------------------------------------------------- /dsp/modules/multi_openai.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/modules/multi_openai.py -------------------------------------------------------------------------------- /dsp/modules/ollama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/modules/ollama.py -------------------------------------------------------------------------------- /dsp/modules/premai.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/modules/premai.py -------------------------------------------------------------------------------- /dsp/modules/pyserini.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/modules/pyserini.py -------------------------------------------------------------------------------- /dsp/modules/sbert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/modules/sbert.py -------------------------------------------------------------------------------- /dsp/modules/sentence_vectorizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/modules/sentence_vectorizer.py -------------------------------------------------------------------------------- /dsp/modules/snowflake.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/modules/snowflake.py -------------------------------------------------------------------------------- /dsp/modules/tensorrt_llm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/modules/tensorrt_llm.py -------------------------------------------------------------------------------- /dsp/modules/watsonx.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/modules/watsonx.py -------------------------------------------------------------------------------- /dsp/modules/you.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/modules/you.py -------------------------------------------------------------------------------- /dsp/primitives/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/primitives/__init__.py -------------------------------------------------------------------------------- /dsp/primitives/compiler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/primitives/compiler.py -------------------------------------------------------------------------------- /dsp/primitives/demonstrate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/primitives/demonstrate.py -------------------------------------------------------------------------------- /dsp/primitives/inspect.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/primitives/inspect.py -------------------------------------------------------------------------------- /dsp/primitives/predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/primitives/predict.py -------------------------------------------------------------------------------- /dsp/primitives/primitives.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/primitives/primitives.py -------------------------------------------------------------------------------- /dsp/primitives/search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/primitives/search.py -------------------------------------------------------------------------------- /dsp/trackers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /dsp/trackers/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/trackers/base.py -------------------------------------------------------------------------------- /dsp/trackers/langfuse_tracker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/trackers/langfuse_tracker.py -------------------------------------------------------------------------------- /dsp/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/utils/__init__.py -------------------------------------------------------------------------------- /dsp/utils/ann_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/utils/ann_utils.py -------------------------------------------------------------------------------- /dsp/utils/dpr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/utils/dpr.py -------------------------------------------------------------------------------- /dsp/utils/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/utils/metrics.py -------------------------------------------------------------------------------- /dsp/utils/settings.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/utils/settings.py -------------------------------------------------------------------------------- /dsp/utils/settings_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/utils/settings_v2.py -------------------------------------------------------------------------------- /dsp/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dsp/utils/utils.py -------------------------------------------------------------------------------- /dspy/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/__init__.py -------------------------------------------------------------------------------- /dspy/adapters/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/adapters/__init__.py -------------------------------------------------------------------------------- /dspy/adapters/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/adapters/base.py -------------------------------------------------------------------------------- /dspy/adapters/chat_adapter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/adapters/chat_adapter.py -------------------------------------------------------------------------------- /dspy/clients/__init__.py: -------------------------------------------------------------------------------- 1 | from .lm import LM -------------------------------------------------------------------------------- /dspy/clients/lm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/clients/lm.py -------------------------------------------------------------------------------- /dspy/datasets/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/datasets/__init__.py -------------------------------------------------------------------------------- /dspy/datasets/colors.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/datasets/colors.py -------------------------------------------------------------------------------- /dspy/datasets/dataloader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/datasets/dataloader.py -------------------------------------------------------------------------------- /dspy/datasets/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/datasets/dataset.py -------------------------------------------------------------------------------- /dspy/datasets/gsm8k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/datasets/gsm8k.py -------------------------------------------------------------------------------- /dspy/datasets/hotpotqa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/datasets/hotpotqa.py -------------------------------------------------------------------------------- /dspy/evaluate/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/evaluate/__init__.py -------------------------------------------------------------------------------- /dspy/evaluate/auto_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/evaluate/auto_evaluation.py -------------------------------------------------------------------------------- /dspy/evaluate/evaluate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/evaluate/evaluate.py -------------------------------------------------------------------------------- /dspy/evaluate/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/evaluate/metrics.py -------------------------------------------------------------------------------- /dspy/experimental/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/experimental/__init__.py -------------------------------------------------------------------------------- /dspy/experimental/module_graph.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/experimental/module_graph.py -------------------------------------------------------------------------------- /dspy/experimental/synthesizer/__init__.py: -------------------------------------------------------------------------------- 1 | from .synthesizer import * -------------------------------------------------------------------------------- /dspy/experimental/synthesizer/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/experimental/synthesizer/config.py -------------------------------------------------------------------------------- /dspy/experimental/synthesizer/instruction_suffixes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/experimental/synthesizer/instruction_suffixes.py -------------------------------------------------------------------------------- /dspy/experimental/synthesizer/signatures.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/experimental/synthesizer/signatures.py -------------------------------------------------------------------------------- /dspy/experimental/synthesizer/synthesizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/experimental/synthesizer/synthesizer.py -------------------------------------------------------------------------------- /dspy/experimental/synthesizer/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/experimental/synthesizer/utils.py -------------------------------------------------------------------------------- /dspy/experimental/synthetic_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/experimental/synthetic_data.py -------------------------------------------------------------------------------- /dspy/functional/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/functional/__init__.py -------------------------------------------------------------------------------- /dspy/functional/functional.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/functional/functional.py -------------------------------------------------------------------------------- /dspy/predict/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/predict/__init__.py -------------------------------------------------------------------------------- /dspy/predict/aggregation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/predict/aggregation.py -------------------------------------------------------------------------------- /dspy/predict/avatar/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/predict/avatar/__init__.py -------------------------------------------------------------------------------- /dspy/predict/avatar/avatar.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/predict/avatar/avatar.py -------------------------------------------------------------------------------- /dspy/predict/avatar/models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/predict/avatar/models.py -------------------------------------------------------------------------------- /dspy/predict/avatar/signatures.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/predict/avatar/signatures.py -------------------------------------------------------------------------------- /dspy/predict/chain_of_thought.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/predict/chain_of_thought.py -------------------------------------------------------------------------------- /dspy/predict/chain_of_thought_with_hint.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/predict/chain_of_thought_with_hint.py -------------------------------------------------------------------------------- /dspy/predict/knn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/predict/knn.py -------------------------------------------------------------------------------- /dspy/predict/langchain.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/predict/langchain.py -------------------------------------------------------------------------------- /dspy/predict/llamaindex.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/predict/llamaindex.py -------------------------------------------------------------------------------- /dspy/predict/multi_chain_comparison.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/predict/multi_chain_comparison.py -------------------------------------------------------------------------------- /dspy/predict/parameter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/predict/parameter.py -------------------------------------------------------------------------------- /dspy/predict/predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/predict/predict.py -------------------------------------------------------------------------------- /dspy/predict/program_of_thought.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/predict/program_of_thought.py -------------------------------------------------------------------------------- /dspy/predict/react.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/predict/react.py -------------------------------------------------------------------------------- /dspy/predict/retry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/predict/retry.py -------------------------------------------------------------------------------- /dspy/primitives/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/primitives/__init__.py -------------------------------------------------------------------------------- /dspy/primitives/assertions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/primitives/assertions.py -------------------------------------------------------------------------------- /dspy/primitives/box.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/primitives/box.py -------------------------------------------------------------------------------- /dspy/primitives/example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/primitives/example.py -------------------------------------------------------------------------------- /dspy/primitives/module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/primitives/module.py -------------------------------------------------------------------------------- /dspy/primitives/prediction.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/primitives/prediction.py -------------------------------------------------------------------------------- /dspy/primitives/program.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/primitives/program.py -------------------------------------------------------------------------------- /dspy/primitives/python_interpreter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/primitives/python_interpreter.py -------------------------------------------------------------------------------- /dspy/propose/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/propose/__init__.py -------------------------------------------------------------------------------- /dspy/propose/dataset_summary_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/propose/dataset_summary_generator.py -------------------------------------------------------------------------------- /dspy/propose/grounded_proposer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/propose/grounded_proposer.py -------------------------------------------------------------------------------- /dspy/propose/instruction_proposal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/propose/instruction_proposal.py -------------------------------------------------------------------------------- /dspy/propose/propose_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/propose/propose_base.py -------------------------------------------------------------------------------- /dspy/propose/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/propose/utils.py -------------------------------------------------------------------------------- /dspy/retrieve/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/retrieve/__init__.py -------------------------------------------------------------------------------- /dspy/retrieve/azureaisearch_rm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/retrieve/azureaisearch_rm.py -------------------------------------------------------------------------------- /dspy/retrieve/chromadb_rm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/retrieve/chromadb_rm.py -------------------------------------------------------------------------------- /dspy/retrieve/clarifai_rm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/retrieve/clarifai_rm.py -------------------------------------------------------------------------------- /dspy/retrieve/databricks_rm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/retrieve/databricks_rm.py -------------------------------------------------------------------------------- /dspy/retrieve/deeplake_rm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/retrieve/deeplake_rm.py -------------------------------------------------------------------------------- /dspy/retrieve/epsilla_rm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/retrieve/epsilla_rm.py -------------------------------------------------------------------------------- /dspy/retrieve/faiss_rm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/retrieve/faiss_rm.py -------------------------------------------------------------------------------- /dspy/retrieve/lancedb_rm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/retrieve/lancedb_rm.py -------------------------------------------------------------------------------- /dspy/retrieve/llama_index_rm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/retrieve/llama_index_rm.py -------------------------------------------------------------------------------- /dspy/retrieve/marqo_rm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/retrieve/marqo_rm.py -------------------------------------------------------------------------------- /dspy/retrieve/milvus_rm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/retrieve/milvus_rm.py -------------------------------------------------------------------------------- /dspy/retrieve/mongodb_atlas_rm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/retrieve/mongodb_atlas_rm.py -------------------------------------------------------------------------------- /dspy/retrieve/my_scale_rm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/retrieve/my_scale_rm.py -------------------------------------------------------------------------------- /dspy/retrieve/neo4j_rm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/retrieve/neo4j_rm.py -------------------------------------------------------------------------------- /dspy/retrieve/pgvector_rm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/retrieve/pgvector_rm.py -------------------------------------------------------------------------------- /dspy/retrieve/pinecone_rm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/retrieve/pinecone_rm.py -------------------------------------------------------------------------------- /dspy/retrieve/qdrant_rm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/retrieve/qdrant_rm.py -------------------------------------------------------------------------------- /dspy/retrieve/ragatouille_rm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/retrieve/ragatouille_rm.py -------------------------------------------------------------------------------- /dspy/retrieve/retrieve.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/retrieve/retrieve.py -------------------------------------------------------------------------------- /dspy/retrieve/snowflake_rm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/retrieve/snowflake_rm.py -------------------------------------------------------------------------------- /dspy/retrieve/vectara_rm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/retrieve/vectara_rm.py -------------------------------------------------------------------------------- /dspy/retrieve/watson_discovery_rm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/retrieve/watson_discovery_rm.py -------------------------------------------------------------------------------- /dspy/retrieve/weaviate_rm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/retrieve/weaviate_rm.py -------------------------------------------------------------------------------- /dspy/retrieve/you_rm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/retrieve/you_rm.py -------------------------------------------------------------------------------- /dspy/signatures/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/signatures/__init__.py -------------------------------------------------------------------------------- /dspy/signatures/field.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/signatures/field.py -------------------------------------------------------------------------------- /dspy/signatures/signature.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/signatures/signature.py -------------------------------------------------------------------------------- /dspy/teleprompt/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/teleprompt/__init__.py -------------------------------------------------------------------------------- /dspy/teleprompt/avatar_optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/teleprompt/avatar_optimizer.py -------------------------------------------------------------------------------- /dspy/teleprompt/bootstrap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/teleprompt/bootstrap.py -------------------------------------------------------------------------------- /dspy/teleprompt/copro_optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/teleprompt/copro_optimizer.py -------------------------------------------------------------------------------- /dspy/teleprompt/ensemble.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/teleprompt/ensemble.py -------------------------------------------------------------------------------- /dspy/teleprompt/finetune.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/teleprompt/finetune.py -------------------------------------------------------------------------------- /dspy/teleprompt/knn_fewshot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/teleprompt/knn_fewshot.py -------------------------------------------------------------------------------- /dspy/teleprompt/mipro_optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/teleprompt/mipro_optimizer.py -------------------------------------------------------------------------------- /dspy/teleprompt/mipro_optimizer_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/teleprompt/mipro_optimizer_v2.py -------------------------------------------------------------------------------- /dspy/teleprompt/random_search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/teleprompt/random_search.py -------------------------------------------------------------------------------- /dspy/teleprompt/signature_opt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/teleprompt/signature_opt.py -------------------------------------------------------------------------------- /dspy/teleprompt/signature_opt_bayesian.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/teleprompt/signature_opt_bayesian.py -------------------------------------------------------------------------------- /dspy/teleprompt/signature_opt_typed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/teleprompt/signature_opt_typed.py -------------------------------------------------------------------------------- /dspy/teleprompt/teleprompt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/teleprompt/teleprompt.py -------------------------------------------------------------------------------- /dspy/teleprompt/teleprompt_optuna.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/teleprompt/teleprompt_optuna.py -------------------------------------------------------------------------------- /dspy/teleprompt/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/teleprompt/utils.py -------------------------------------------------------------------------------- /dspy/teleprompt/vanilla.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/teleprompt/vanilla.py -------------------------------------------------------------------------------- /dspy/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/utils/__init__.py -------------------------------------------------------------------------------- /dspy/utils/dummies.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/utils/dummies.py -------------------------------------------------------------------------------- /dspy/utils/logging.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/dspy/utils/logging.py -------------------------------------------------------------------------------- /evaluation/code_optimization/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/evaluation/code_optimization/README.md -------------------------------------------------------------------------------- /evaluation/code_optimization/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /evaluation/code_optimization/cache_leetcode/cache.db: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/evaluation/code_optimization/cache_leetcode/cache.db -------------------------------------------------------------------------------- /evaluation/code_optimization/evaluators/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /evaluation/code_optimization/evaluators/lt_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/evaluation/code_optimization/evaluators/lt_eval.py -------------------------------------------------------------------------------- /evaluation/code_optimization/evaluators/py_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/evaluation/code_optimization/evaluators/py_eval.py -------------------------------------------------------------------------------- /evaluation/code_optimization/evaluators/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/evaluation/code_optimization/evaluators/utils.py -------------------------------------------------------------------------------- /evaluation/code_optimization/leetcode_testtime_with_supervision.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/evaluation/code_optimization/leetcode_testtime_with_supervision.py -------------------------------------------------------------------------------- /evaluation/code_optimization/prompts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/evaluation/code_optimization/prompts.py -------------------------------------------------------------------------------- /evaluation/gsm8k_dspy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/evaluation/gsm8k_dspy.py -------------------------------------------------------------------------------- /evaluation/prompt_optimization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/evaluation/prompt_optimization.py -------------------------------------------------------------------------------- /evaluation/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/evaluation/requirements.txt -------------------------------------------------------------------------------- /evaluation/scripts/prompt_opt.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/evaluation/scripts/prompt_opt.sh -------------------------------------------------------------------------------- /evaluation/scripts/prompt_opt_llama70b.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/evaluation/scripts/prompt_opt_llama70b.sh -------------------------------------------------------------------------------- /evaluation/solution_optimization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/evaluation/solution_optimization.py -------------------------------------------------------------------------------- /evaluation/solution_optimization_mm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/evaluation/solution_optimization_mm.py -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/requirements.txt -------------------------------------------------------------------------------- /revolve/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/__init__.py -------------------------------------------------------------------------------- /revolve/autograd/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/autograd/__init__.py -------------------------------------------------------------------------------- /revolve/autograd/algebra.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/autograd/algebra.py -------------------------------------------------------------------------------- /revolve/autograd/function.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/autograd/function.py -------------------------------------------------------------------------------- /revolve/autograd/functional.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/autograd/functional.py -------------------------------------------------------------------------------- /revolve/autograd/llm_backward_prompts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/autograd/llm_backward_prompts.py -------------------------------------------------------------------------------- /revolve/autograd/llm_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/autograd/llm_ops.py -------------------------------------------------------------------------------- /revolve/autograd/multimodal_backward_prompts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/autograd/multimodal_backward_prompts.py -------------------------------------------------------------------------------- /revolve/autograd/multimodal_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/autograd/multimodal_ops.py -------------------------------------------------------------------------------- /revolve/autograd/reduce_prompts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/autograd/reduce_prompts.py -------------------------------------------------------------------------------- /revolve/autograd/string_based_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/autograd/string_based_ops.py -------------------------------------------------------------------------------- /revolve/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/config.py -------------------------------------------------------------------------------- /revolve/defaults.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/defaults.py -------------------------------------------------------------------------------- /revolve/engine/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/engine/__init__.py -------------------------------------------------------------------------------- /revolve/engine/__pycache__/__init__.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/engine/__pycache__/__init__.cpython-39.pyc -------------------------------------------------------------------------------- /revolve/engine/__pycache__/base.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/engine/__pycache__/base.cpython-39.pyc -------------------------------------------------------------------------------- /revolve/engine/__pycache__/engine_utils.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/engine/__pycache__/engine_utils.cpython-39.pyc -------------------------------------------------------------------------------- /revolve/engine/__pycache__/gemini.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/engine/__pycache__/gemini.cpython-39.pyc -------------------------------------------------------------------------------- /revolve/engine/__pycache__/llama3_1.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/engine/__pycache__/llama3_1.cpython-39.pyc -------------------------------------------------------------------------------- /revolve/engine/__pycache__/openai.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/engine/__pycache__/openai.cpython-39.pyc -------------------------------------------------------------------------------- /revolve/engine/anthropic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/engine/anthropic.py -------------------------------------------------------------------------------- /revolve/engine/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/engine/base.py -------------------------------------------------------------------------------- /revolve/engine/cohere.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/engine/cohere.py -------------------------------------------------------------------------------- /revolve/engine/engine_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/engine/engine_utils.py -------------------------------------------------------------------------------- /revolve/engine/gemini.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/engine/gemini.py -------------------------------------------------------------------------------- /revolve/engine/groq.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/engine/groq.py -------------------------------------------------------------------------------- /revolve/engine/llama3_1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/engine/llama3_1.py -------------------------------------------------------------------------------- /revolve/engine/local_model_openai_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/engine/local_model_openai_api.py -------------------------------------------------------------------------------- /revolve/engine/openai.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/engine/openai.py -------------------------------------------------------------------------------- /revolve/engine/together.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/engine/together.py -------------------------------------------------------------------------------- /revolve/engine/vllm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/engine/vllm.py -------------------------------------------------------------------------------- /revolve/loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/loss.py -------------------------------------------------------------------------------- /revolve/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/model.py -------------------------------------------------------------------------------- /revolve/optimizer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/optimizer/__init__.py -------------------------------------------------------------------------------- /revolve/optimizer/__pycache__/__init__.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/optimizer/__pycache__/__init__.cpython-39.pyc -------------------------------------------------------------------------------- /revolve/optimizer/__pycache__/optimizer.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/optimizer/__pycache__/optimizer.cpython-39.pyc -------------------------------------------------------------------------------- /revolve/optimizer/__pycache__/optimizer_prompts.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/optimizer/__pycache__/optimizer_prompts.cpython-39.pyc -------------------------------------------------------------------------------- /revolve/optimizer/__pycache__/optimizer_prompts_v2.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/optimizer/__pycache__/optimizer_prompts_v2.cpython-39.pyc -------------------------------------------------------------------------------- /revolve/optimizer/__pycache__/optimizer_v2.cpython-39.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/optimizer/__pycache__/optimizer_v2.cpython-39.pyc -------------------------------------------------------------------------------- /revolve/optimizer/optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/optimizer/optimizer.py -------------------------------------------------------------------------------- /revolve/optimizer/optimizer_prompts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/optimizer/optimizer_prompts.py -------------------------------------------------------------------------------- /revolve/optimizer/optimizer_prompts_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/optimizer/optimizer_prompts_v2.py -------------------------------------------------------------------------------- /revolve/optimizer/optimizer_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/optimizer/optimizer_v2.py -------------------------------------------------------------------------------- /revolve/prompts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/prompts.py -------------------------------------------------------------------------------- /revolve/py.typed: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /revolve/tasks/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/tasks/__init__.py -------------------------------------------------------------------------------- /revolve/tasks/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/tasks/base.py -------------------------------------------------------------------------------- /revolve/tasks/big_bench_hard.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/tasks/big_bench_hard.py -------------------------------------------------------------------------------- /revolve/tasks/gpqa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/tasks/gpqa.py -------------------------------------------------------------------------------- /revolve/tasks/gsm8k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/tasks/gsm8k.py -------------------------------------------------------------------------------- /revolve/tasks/leetcode.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/tasks/leetcode.py -------------------------------------------------------------------------------- /revolve/tasks/mmlu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/tasks/mmlu.py -------------------------------------------------------------------------------- /revolve/tasks/multimodal/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/tasks/multimodal/__init__.py -------------------------------------------------------------------------------- /revolve/tasks/multimodal/mathvista.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/tasks/multimodal/mathvista.py -------------------------------------------------------------------------------- /revolve/tasks/multimodal/scienceqa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/tasks/multimodal/scienceqa.py -------------------------------------------------------------------------------- /revolve/utils/image_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/utils/image_utils.py -------------------------------------------------------------------------------- /revolve/variable.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/revolve/variable.py -------------------------------------------------------------------------------- /setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/setup.py -------------------------------------------------------------------------------- /tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/test_basics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/tests/test_basics.py -------------------------------------------------------------------------------- /tests/test_engines.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/tests/test_engines.py -------------------------------------------------------------------------------- /tests/test_vllm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/Peiyance/REVOLVE/HEAD/tests/test_vllm.py --------------------------------------------------------------------------------