From 16568f092da2320b079c1e9adc24c52eb861b2fa Mon Sep 17 00:00:00 2001 From: "github-actions[bot]" Date: Mon, 22 Jul 2024 05:22:07 +0000 Subject: [PATCH] style: Run dotnet format --- .../src/ImageToText/ImageToTextRequest.cs | 2 +- .../DeepInfra/src/DeepInfraModelIds.cs | 902 +++++++++--------- .../Google.VertexAI/test/VertexAITest.cs | 2 +- .../OpenAI/src/Chat/Message.Extension.cs | 4 +- .../OpenAI/src/Chat/OpenAiChatModel.Tokens.cs | 2 +- .../SpeechToText/OpenAiSpeechToTextModel.cs | 2 +- .../TextToSpeech/OpenAiTextToSpeechModel.cs | 2 +- .../OpenRouter/src/OpenRouterModelProvider.cs | 2 +- .../Main/OpenRouterCodeGenerator.cs | 2 +- 9 files changed, 460 insertions(+), 460 deletions(-) diff --git a/src/Providers/Abstractions/src/ImageToText/ImageToTextRequest.cs b/src/Providers/Abstractions/src/ImageToText/ImageToTextRequest.cs index d635d14e..967580f5 100644 --- a/src/Providers/Abstractions/src/ImageToText/ImageToTextRequest.cs +++ b/src/Providers/Abstractions/src/ImageToText/ImageToTextRequest.cs @@ -10,7 +10,7 @@ public class ImageToTextRequest /// Description of the image to generate. /// public string Prompt { get; init; } = string.Empty; - + /// /// Image to upload. /// diff --git a/src/Providers/DeepInfra/src/DeepInfraModelIds.cs b/src/Providers/DeepInfra/src/DeepInfraModelIds.cs index 5ca56a1e..617e32df 100644 --- a/src/Providers/DeepInfra/src/DeepInfraModelIds.cs +++ b/src/Providers/DeepInfra/src/DeepInfraModelIds.cs @@ -6,455 +6,455 @@ namespace LangChain.Providers.DeepInfra; public enum DeepInfraModelIds { - /// - /// Name: Meta-Llama-3-70B-Instruct
- /// Organization: meta-llama
- /// Context Length: 8192
- /// Prompt Cost: $0.52/MTok
- /// Completion Cost: $0.52/MTok
- /// Description: Model Details Meta developed and released the Meta Llama 3 family of large language models (LLMs), a collection of pretrained and instruction tuned generative text models in 8 and 70B sizes.
- /// HuggingFace Url: https://huggingface.co/meta-llama/Meta-Llama-3-70B-Instruct - ///
- MetaLlama370BInstruct, - - /// - /// Name: gemma-2-27b-it
- /// Organization: google
- /// Context Length: 4096
- /// Prompt Cost: $0.27/MTok
- /// Completion Cost: $0.27/MTok
- /// Description: Gemma is a family of lightweight, state-of-the-art open models from Google. Gemma-2-27B delivers the best performance for its size class, and even offers competitive alternatives to models more than twice its size.
- /// HuggingFace Url: https://huggingface.co/google/gemma-2-27b-it - ///
- Gemma227BIt, - - /// - /// Name: gemma-2-9b-it
- /// Organization: google
- /// Context Length: 4096
- /// Prompt Cost: $0.09/MTok
- /// Completion Cost: $0.09/MTok
- /// Description: Gemma is a family of lightweight, state-of-the-art open models from Google. The 9B Gemma 2 model delivers class-leading performance, outperforming Llama 3 8B and other open models in its size category.
- /// HuggingFace Url: https://huggingface.co/google/gemma-2-9b-it - ///
- Gemma29BIt, - - /// - /// Name: dolphin-2.9.1-llama-3-70b
- /// Organization: cognitivecomputations
- /// Context Length: 8192
- /// Prompt Cost: $0.59/MTok
- /// Completion Cost: $0.59/MTok
- /// Description: Dolphin 2.9.1, a fine-tuned Llama-3-70b model. The new model, trained on filtered data, is more compliant but uncensored. It demonstrates improvements in instruction, conversation, coding, and function calling abilities.
- /// HuggingFace Url: https://huggingface.co/cognitivecomputations/dolphin-2.9.1-llama-3-70b - ///
- Dolphin291Llama370B, - - /// - /// Name: L3-70B-Euryale-v2.1
- /// Organization: Sao10K
- /// Context Length: 8192
- /// Prompt Cost: $0.59/MTok
- /// Completion Cost: $0.59/MTok
- /// Description: Euryale 70B v2.1 is a model focused on creative roleplay from Sao10k
- /// HuggingFace Url: https://huggingface.co/Sao10K/L3-70B-Euryale-v2.1 - ///
- L370BEuryaleV21, - - /// - /// Name: Nemotron-4-340B-Instruct
- /// Organization: nvidia
- /// Context Length: 4096
- /// Prompt Cost: $4.2/MTok
- /// Completion Cost: $4.2/MTok
- /// Description: Nemotron-4-340B-Instruct is a chat model intended for use for the English language, designed for Synthetic Data Generation
- /// HuggingFace Url: https://huggingface.co/nvidia/Nemotron-4-340B-Instruct - ///
- Nemotron4340BInstruct, - - /// - /// Name: Qwen2-72B-Instruct
- /// Organization: Qwen
- /// Context Length: 32768
- /// Prompt Cost: $0.56/MTok
- /// Completion Cost: $0.56/MTok
- /// Description: The 72 billion parameter Qwen2 excels in language understanding, multilingual capabilities, coding, mathematics, and reasoning.
- /// HuggingFace Url: https://huggingface.co/Qwen/Qwen2-72B-Instruct - ///
- Qwen272BInstruct, - - /// - /// Name: Phi-3-medium-4k-instruct
- /// Organization: microsoft
- /// Context Length: 4096
- /// Prompt Cost: $0.14/MTok
- /// Completion Cost: $0.14/MTok
- /// Description: The Phi-3-Medium-4K-Instruct is a powerful and lightweight language model with 14 billion parameters, trained on high-quality data to excel in instruction following and safety measures. It demonstrates exceptional performance across benchmarks, including common sense, language understanding, and logical reasoning, outperforming models of similar size.
- /// HuggingFace Url: https://huggingface.co/microsoft/Phi-3-medium-4k-instruct - ///
- Phi3Medium4KInstruct, - - /// - /// Name: openchat-3.6-8b
- /// Organization: openchat
- /// Context Length: 8192
- /// Prompt Cost: $0.06/MTok
- /// Completion Cost: $0.06/MTok
- /// Description: Openchat 3.6 is a LLama-3-8b fine tune that outperforms it on multiple benchmarks.
- /// HuggingFace Url: https://huggingface.co/openchat/openchat-3.6-8b - ///
- OpenChat368B, - - /// - /// Name: Mistral-7B-Instruct-v0.3
- /// Organization: mistralai
- /// Context Length: 32768
- /// Prompt Cost: $0.06/MTok
- /// Completion Cost: $0.06/MTok
- /// Description: Mistral-7B-Instruct-v0.3 is an instruction-tuned model, next iteration of of Mistral 7B that has larger vocabulary, newer tokenizer and supports function calling.
- /// HuggingFace Url: https://huggingface.co/mistralai/Mistral-7B-Instruct-v0.3 - ///
- Mistral7BInstructV03, - - /// - /// Name: Meta-Llama-3-8B-Instruct
- /// Organization: meta-llama
- /// Context Length: 8192
- /// Prompt Cost: $0.06/MTok
- /// Completion Cost: $0.06/MTok
- /// Description: Meta developed and released the Meta Llama 3 family of large language models (LLMs), a collection of pretrained and instruction tuned generative text models in 8 and 70B sizes.
- /// HuggingFace Url: https://huggingface.co/meta-llama/Meta-Llama-3-8B-Instruct - ///
- MetaLlama38BInstruct, - - /// - /// Name: Mixtral-8x22B-Instruct-v0.1
- /// Organization: mistralai
- /// Context Length: 65536
- /// Prompt Cost: $0.65/MTok
- /// Completion Cost: $0.65/MTok
- /// Description: This is the instruction fine-tuned version of Mixtral-8x22B - the latest and largest mixture of experts large language model (LLM) from Mistral AI. This state of the art machine learning model uses a mixture 8 of experts (MoE) 22b models. During inference 2 experts are selected. This architecture allows large models to be fast and cheap at inference.
- /// HuggingFace Url: https://huggingface.co/mistralai/Mixtral-8x22B-Instruct-v0.1 - ///
- Mixtral8X22bInstructV01, - - /// - /// Name: WizardLM-2-8x22B
- /// Organization: microsoft
- /// Context Length: 65536
- /// Prompt Cost: $0.63/MTok
- /// Completion Cost: $0.63/MTok
- /// Description: WizardLM-2 8x22B is Microsoft AI's most advanced Wizard model. It demonstrates highly competitive performance compared to those leading proprietary models.
- /// HuggingFace Url: https://huggingface.co/microsoft/WizardLM-2-8x22B - ///
- Wizardlm28X22b, - - /// - /// Name: WizardLM-2-7B
- /// Organization: microsoft
- /// Context Length: 32768
- /// Prompt Cost: $0.07/MTok
- /// Completion Cost: $0.07/MTok
- /// Description: WizardLM-2 7B is the smaller variant of Microsoft AI's latest Wizard model. It is the fastest and achieves comparable performance with existing 10x larger open-source leading models
- /// HuggingFace Url: https://huggingface.co/microsoft/WizardLM-2-7B - ///
- Wizardlm27B, - - /// - /// Name: gemma-1.1-7b-it
- /// Organization: google
- /// Context Length: 8192
- /// Prompt Cost: $0.07/MTok
- /// Completion Cost: $0.07/MTok
- /// Description: Gemma is an open-source model designed by Google. This is Gemma 1.1 7B (IT), an update over the original instruction-tuned Gemma release. Gemma 1.1 was trained using a novel RLHF method, leading to substantial gains on quality, coding capabilities, factuality, instruction following and multi-turn conversation quality.
- /// HuggingFace Url: https://huggingface.co/google/gemma-1.1-7b-it - ///
- Gemma117BIt, - - /// - /// Name: Mixtral-8x7B-Instruct-v0.1
- /// Organization: mistralai
- /// Context Length: 32768
- /// Prompt Cost: $0.24/MTok
- /// Completion Cost: $0.24/MTok
- /// Description: Mixtral is mixture of expert large language model (LLM) from Mistral AI. This is state of the art machine learning model using a mixture 8 of experts (MoE) 7b models. During inference 2 expers are selected. This architecture allows large models to be fast and cheap at inference. The Mixtral-8x7B outperforms Llama 2 70B on most benchmarks.
- /// HuggingFace Url: https://huggingface.co/mistralai/Mixtral-8x7B-Instruct-v0.1 - ///
- Mixtral8X7BInstructV01, - - /// - /// Name: lzlv_70b_fp16_hf
- /// Organization: lizpreciatior
- /// Context Length: 4096
- /// Prompt Cost: $0.59/MTok
- /// Completion Cost: $0.59/MTok
- /// Description: A Mythomax/MLewd_13B-style merge of selected 70B models A multi-model merge of several LLaMA2 70B finetunes for roleplaying and creative work. The goal was to create a model that combines creativity with intelligence for an enhanced experience.
- /// HuggingFace Url: https://huggingface.co/lizpreciatior/lzlv_70b_fp16_hf - ///
- Lzlv70BFp16Hf, - - /// - /// Name: llava-1.5-7b-hf
- /// Organization: llava-hf
- /// Context Length: 4096
- /// Prompt Cost: $0.34/MTok
- /// Completion Cost: $0.34/MTok
- /// Description: LLaVa is a multimodal model that supports vision and language models combined.
- /// HuggingFace Url: https://huggingface.co/llava-hf/llava-1.5-7b-hf - ///
- Llava157BHf, - - /// - /// Name: Yi-34B-Chat
- /// Organization: 01-ai
- /// Context Length: 4096
- /// Prompt Cost: $0.6/MTok
- /// Completion Cost: $0.6/MTok
- /// Description:
- /// HuggingFace Url: https://huggingface.co/01-ai/Yi-34B-Chat - ///
- Yi34BChat, - - /// - /// Name: chronos-hermes-13b-v2
- /// Organization: Austism
- /// Context Length: 4096
- /// Prompt Cost: $0.13/MTok
- /// Completion Cost: $0.13/MTok
- /// Description: This offers the imaginative writing style of chronos while still retaining coherency and being capable. Outputs are long and utilize exceptional prose. Supports a maxium context length of 4096. The model follows the Alpaca prompt format.
- /// HuggingFace Url: https://huggingface.co/Austism/chronos-hermes-13b-v2 - ///
- ChronosHermes13BV2, - - /// - /// Name: MythoMax-L2-13b
- /// Organization: Gryphe
- /// Context Length: 4096
- /// Prompt Cost: $0.1/MTok
- /// Completion Cost: $0.1/MTok
- /// Description:
- /// HuggingFace Url: https://huggingface.co/Gryphe/MythoMax-L2-13b - ///
- MythomaxL213B, - - /// - /// Name: MythoMax-L2-13b-turbo
- /// Organization: Gryphe
- /// Context Length: 4096
- /// Prompt Cost: $0.13/MTok
- /// Completion Cost: $0.13/MTok
- /// Description: Faster version of Gryphe/MythoMax-L2-13b running on multiple H100 cards in fp8 precision. Up to 160 tps.
- /// HuggingFace Url: https://huggingface.co/Gryphe/MythoMax-L2-13b-turbo - ///
- MythomaxL213BTurbo, - - /// - /// Name: zephyr-orpo-141b-A35b-v0.1
- /// Organization: HuggingFaceH4
- /// Context Length: 65536
- /// Prompt Cost: $0.65/MTok
- /// Completion Cost: $0.65/MTok
- /// Description: Zephyr 141B-A35B is an instruction-tuned (assistant) version of Mixtral-8x22B. It was fine-tuned on a mix of publicly available, synthetic datasets. It achieves strong performance on chat benchmarks.
- /// HuggingFace Url: https://huggingface.co/HuggingFaceH4/zephyr-orpo-141b-A35b-v0.1 - ///
- ZephyrOrpo141BA35bV01, - - /// - /// Name: Phind-CodeLlama-34B-v2
- /// Organization: Phind
- /// Context Length: 4096
- /// Prompt Cost: $0.6/MTok
- /// Completion Cost: $0.6/MTok
- /// Description: Phind-CodeLlama-34B-v2 is an open-source language model that has been fine-tuned on 1.5B tokens of high-quality programming-related data and achieved a pass@1 rate of 73.8% on HumanEval. It is multi-lingual and proficient in Python, C/C++, TypeScript, Java, and more. It has been trained on a proprietary dataset of instruction-answer pairs instead of code completion examples. The model is instruction-tuned on the Alpaca/Vicuna format to be steerable and easy-to-use. It accepts the Alpaca/Vicuna instruction format and can generate one completion for each prompt.
- /// HuggingFace Url: https://huggingface.co/Phind/Phind-CodeLlama-34B-v2 - ///
- PhindCodellama34BV2, - - /// - /// Name: Qwen2-7B-Instruct
- /// Organization: Qwen
- /// Context Length: 32768
- /// Prompt Cost: $0.07/MTok
- /// Completion Cost: $0.07/MTok
- /// Description: The 7 billion parameter Qwen2 excels in language understanding, multilingual capabilities, coding, mathematics, and reasoning.
- /// HuggingFace Url: https://huggingface.co/Qwen/Qwen2-7B-Instruct - ///
- Qwen27BInstruct, - - /// - /// Name: starcoder2-15b
- /// Organization: bigcode
- /// Context Length: 16384
- /// Prompt Cost: $0.4/MTok
- /// Completion Cost: $0.4/MTok
- /// Description: StarCoder2-15B model is a 15B parameter model trained on 600+ programming languages. It specializes in code completion.
- /// HuggingFace Url: https://huggingface.co/bigcode/starcoder2-15b - ///
- Starcoder215B, - - /// - /// Name: starcoder2-15b-instruct-v0.1
- /// Organization: bigcode
- /// Context Length:
- /// Prompt Cost: $0.15/MTok
- /// Completion Cost: $0.15/MTok
- /// Description: We introduce StarCoder2-15B-Instruct-v0.1, the very first entirely self-aligned code Large Language Model (LLM) trained with a fully permissive and transparent pipeline. Our open-source pipeline uses StarCoder2-15B to generate thousands of instruction-response pairs, which are then used to fine-tune StarCoder-15B itself without any human annotations or distilled data from huge and proprietary LLMs.
- /// HuggingFace Url: https://huggingface.co/bigcode/starcoder2-15b-instruct-v0.1 - ///
- Starcoder215BInstructV01, - - /// - /// Name: CodeLlama-34b-Instruct-hf
- /// Organization: codellama
- /// Context Length: 4096
- /// Prompt Cost: $0.6/MTok
- /// Completion Cost: $0.6/MTok
- /// Description: Code Llama is a state-of-the-art LLM capable of generating code, and natural language about code, from both code and natural language prompts. This particular instance is the 34b instruct variant
- /// HuggingFace Url: https://huggingface.co/codellama/CodeLlama-34b-Instruct-hf - ///
- Codellama34BInstructHf, - - /// - /// Name: CodeLlama-70b-Instruct-hf
- /// Organization: codellama
- /// Context Length: 4096
- /// Prompt Cost: $0.7/MTok
- /// Completion Cost: $0.7/MTok
- /// Description: CodeLlama-70b is the largest and latest code generation from the Code Llama collection.
- /// HuggingFace Url: https://huggingface.co/codellama/CodeLlama-70b-Instruct-hf - ///
- Codellama70BInstructHf, - - /// - /// Name: dolphin-2.6-mixtral-8x7b
- /// Organization: cognitivecomputations
- /// Context Length: 32768
- /// Prompt Cost: $0.24/MTok
- /// Completion Cost: $0.24/MTok
- /// Description: The Dolphin 2.6 Mixtral 8x7b model is a finetuned version of the Mixtral-8x7b model, trained on a variety of data including coding data, for 3 days on 4 A100 GPUs. It is uncensored and requires trust_remote_code. The model is very obedient and good at coding, but not DPO tuned. The dataset has been filtered for alignment and bias. The model is compliant with user requests and can be used for various purposes such as generating code or engaging in general chat.
- /// HuggingFace Url: https://huggingface.co/cognitivecomputations/dolphin-2.6-mixtral-8x7b - ///
- Dolphin26Mixtral8X7B, - - /// - /// Name: dbrx-instruct
- /// Organization: databricks
- /// Context Length: 32768
- /// Prompt Cost: $0.6/MTok
- /// Completion Cost: $0.6/MTok
- /// Description: DBRX is an open source LLM created by Databricks. It uses mixture-of-experts (MoE) architecture with 132B total parameters of which 36B parameters are active on any input. It outperforms existing open source LLMs like Llama 2 70B and Mixtral-8x7B on standard industry benchmarks for language understanding, programming, math, and logic.
- /// HuggingFace Url: https://huggingface.co/databricks/dbrx-instruct - ///
- DbrxInstruct, - - /// - /// Name: airoboros-70b
- /// Organization: deepinfra
- /// Context Length: 4096
- /// Prompt Cost: $0.7/MTok
- /// Completion Cost: $0.7/MTok
- /// Description: Latest version of the Airoboros model fine-tunned version of llama-2-70b using the Airoboros dataset. This model is currently running jondurbin/airoboros-l2-70b-2.2.1
- /// HuggingFace Url: https://huggingface.co/deepinfra/airoboros-70b - ///
- Airoboros70B, - - /// - /// Name: codegemma-7b-it
- /// Organization: google
- /// Context Length: 8192
- /// Prompt Cost: $0.07/MTok
- /// Completion Cost: $0.07/MTok
- /// Description: CodeGemma is a collection of lightweight open code models built on top of Gemma. CodeGemma models are text-to-text and text-to-code decoder-only models and are available as a 7 billion pretrained variant that specializes in code completion and code generation tasks, a 7 billion parameter instruction-tuned variant for code chat and instruction following and a 2 billion parameter pretrained variant for fast code completion.
- /// HuggingFace Url: https://huggingface.co/google/codegemma-7b-it - ///
- Codegemma7BIt, - - /// - /// Name: Llama-2-13b-chat-hf
- /// Organization: meta-llama
- /// Context Length: 4096
- /// Prompt Cost: $0.13/MTok
- /// Completion Cost: $0.13/MTok
- /// Description: Llama 2 is a collection of pretrained and fine-tuned generative text models ranging in scale from 7 billion to 70 billion parameters. This is the repository for the 7B fine-tuned model, optimized for dialogue use cases and converted for the Hugging Face Transformers format.
- /// HuggingFace Url: https://huggingface.co/meta-llama/Llama-2-13b-chat-hf - ///
- Llama213BChatHf, - - /// - /// Name: Llama-2-70b-chat-hf
- /// Organization: meta-llama
- /// Context Length: 4096
- /// Prompt Cost: $0.64/MTok
- /// Completion Cost: $0.64/MTok
- /// Description: LLaMa 2 is a collections of LLMs trained by Meta. This is the 70B chat optimized version. This endpoint has per token pricing.
- /// HuggingFace Url: https://huggingface.co/meta-llama/Llama-2-70b-chat-hf - ///
- Llama270BChatHf, - - /// - /// Name: Llama-2-7b-chat-hf
- /// Organization: meta-llama
- /// Context Length: 4096
- /// Prompt Cost: $0.07/MTok
- /// Completion Cost: $0.07/MTok
- /// Description: Llama 2 is a collection of pretrained and fine-tuned generative text models ranging in scale from 7 billion to 70 billion parameters. This is the repository for the 7B fine-tuned model, optimized for dialogue use cases and converted for the Hugging Face Transformers format.
- /// HuggingFace Url: https://huggingface.co/meta-llama/Llama-2-7b-chat-hf - ///
- Llama27BChatHf, - - /// - /// Name: Meta-Llama-3-405B-Instruct
- /// Organization: meta-llama
- /// Context Length:
- /// Prompt Cost: $0/MTok
- /// Completion Cost: $0/MTok
- /// Description: The highly anticipated 405 billion parameter LLaMa-3 is coming soon!
- /// HuggingFace Url: https://huggingface.co/meta-llama/Meta-Llama-3-405B-Instruct - ///
- MetaLlama3405BInstruct, - - /// - /// Name: Mistral-7B-Instruct-v0.1
- /// Organization: mistralai
- /// Context Length: 32768
- /// Prompt Cost: $0.06/MTok
- /// Completion Cost: $0.06/MTok
- /// Description: The Mistral-7B-Instruct-v0.1 Large Language Model (LLM) is a instruct fine-tuned version of the Mistral-7B-v0.1 generative text model using a variety of publicly available conversation datasets.
- /// HuggingFace Url: https://huggingface.co/mistralai/Mistral-7B-Instruct-v0.1 - ///
- Mistral7BInstructV01, - - /// - /// Name: Mistral-7B-Instruct-v0.2
- /// Organization: mistralai
- /// Context Length: 32768
- /// Prompt Cost: $0.06/MTok
- /// Completion Cost: $0.06/MTok
- /// Description: The Mistral-7B-Instruct-v0.2 Large Language Model (LLM) is a instruct fine-tuned version of the Mistral-7B-v0.2 generative text model using a variety of publicly available conversation datasets.
- /// HuggingFace Url: https://huggingface.co/mistralai/Mistral-7B-Instruct-v0.2 - ///
- Mistral7BInstructV02, - - /// - /// Name: Mixtral-8x22B-v0.1
- /// Organization: mistralai
- /// Context Length: 65536
- /// Prompt Cost: $0.65/MTok
- /// Completion Cost: $0.65/MTok
- /// Description: Mixtral-8x22B is the latest and largest mixture of expert large language model (LLM) from Mistral AI. This is state of the art machine learning model using a mixture 8 of experts (MoE) 22b models. During inference 2 expers are selected. This architecture allows large models to be fast and cheap at inference. This model is not instruction tuned.
- /// HuggingFace Url: https://huggingface.co/mistralai/Mixtral-8x22B-v0.1 - ///
- Mixtral8X22bV01, - - /// - /// Name: openchat_3.5
- /// Organization: openchat
- /// Context Length: 8192
- /// Prompt Cost: $0.07/MTok
- /// Completion Cost: $0.07/MTok
- /// Description: OpenChat is a library of open-source language models that have been fine-tuned with C-RLFT, a strategy inspired by offline reinforcement learning. These models can learn from mixed-quality data without preference labels and have achieved exceptional performance comparable to ChatGPT. The developers of OpenChat are dedicated to creating a high-performance, commercially viable, open-source large language model and are continuously making progress towards this goal.
- /// HuggingFace Url: https://huggingface.co/openchat/openchat_3.5 - ///
- OpenChat35, - + /// + /// Name: Meta-Llama-3-70B-Instruct
+ /// Organization: meta-llama
+ /// Context Length: 8192
+ /// Prompt Cost: $0.52/MTok
+ /// Completion Cost: $0.52/MTok
+ /// Description: Model Details Meta developed and released the Meta Llama 3 family of large language models (LLMs), a collection of pretrained and instruction tuned generative text models in 8 and 70B sizes.
+ /// HuggingFace Url: https://huggingface.co/meta-llama/Meta-Llama-3-70B-Instruct + ///
+ MetaLlama370BInstruct, + + /// + /// Name: gemma-2-27b-it
+ /// Organization: google
+ /// Context Length: 4096
+ /// Prompt Cost: $0.27/MTok
+ /// Completion Cost: $0.27/MTok
+ /// Description: Gemma is a family of lightweight, state-of-the-art open models from Google. Gemma-2-27B delivers the best performance for its size class, and even offers competitive alternatives to models more than twice its size.
+ /// HuggingFace Url: https://huggingface.co/google/gemma-2-27b-it + ///
+ Gemma227BIt, + + /// + /// Name: gemma-2-9b-it
+ /// Organization: google
+ /// Context Length: 4096
+ /// Prompt Cost: $0.09/MTok
+ /// Completion Cost: $0.09/MTok
+ /// Description: Gemma is a family of lightweight, state-of-the-art open models from Google. The 9B Gemma 2 model delivers class-leading performance, outperforming Llama 3 8B and other open models in its size category.
+ /// HuggingFace Url: https://huggingface.co/google/gemma-2-9b-it + ///
+ Gemma29BIt, + + /// + /// Name: dolphin-2.9.1-llama-3-70b
+ /// Organization: cognitivecomputations
+ /// Context Length: 8192
+ /// Prompt Cost: $0.59/MTok
+ /// Completion Cost: $0.59/MTok
+ /// Description: Dolphin 2.9.1, a fine-tuned Llama-3-70b model. The new model, trained on filtered data, is more compliant but uncensored. It demonstrates improvements in instruction, conversation, coding, and function calling abilities.
+ /// HuggingFace Url: https://huggingface.co/cognitivecomputations/dolphin-2.9.1-llama-3-70b + ///
+ Dolphin291Llama370B, + + /// + /// Name: L3-70B-Euryale-v2.1
+ /// Organization: Sao10K
+ /// Context Length: 8192
+ /// Prompt Cost: $0.59/MTok
+ /// Completion Cost: $0.59/MTok
+ /// Description: Euryale 70B v2.1 is a model focused on creative roleplay from Sao10k
+ /// HuggingFace Url: https://huggingface.co/Sao10K/L3-70B-Euryale-v2.1 + ///
+ L370BEuryaleV21, + + /// + /// Name: Nemotron-4-340B-Instruct
+ /// Organization: nvidia
+ /// Context Length: 4096
+ /// Prompt Cost: $4.2/MTok
+ /// Completion Cost: $4.2/MTok
+ /// Description: Nemotron-4-340B-Instruct is a chat model intended for use for the English language, designed for Synthetic Data Generation
+ /// HuggingFace Url: https://huggingface.co/nvidia/Nemotron-4-340B-Instruct + ///
+ Nemotron4340BInstruct, + + /// + /// Name: Qwen2-72B-Instruct
+ /// Organization: Qwen
+ /// Context Length: 32768
+ /// Prompt Cost: $0.56/MTok
+ /// Completion Cost: $0.56/MTok
+ /// Description: The 72 billion parameter Qwen2 excels in language understanding, multilingual capabilities, coding, mathematics, and reasoning.
+ /// HuggingFace Url: https://huggingface.co/Qwen/Qwen2-72B-Instruct + ///
+ Qwen272BInstruct, + + /// + /// Name: Phi-3-medium-4k-instruct
+ /// Organization: microsoft
+ /// Context Length: 4096
+ /// Prompt Cost: $0.14/MTok
+ /// Completion Cost: $0.14/MTok
+ /// Description: The Phi-3-Medium-4K-Instruct is a powerful and lightweight language model with 14 billion parameters, trained on high-quality data to excel in instruction following and safety measures. It demonstrates exceptional performance across benchmarks, including common sense, language understanding, and logical reasoning, outperforming models of similar size.
+ /// HuggingFace Url: https://huggingface.co/microsoft/Phi-3-medium-4k-instruct + ///
+ Phi3Medium4KInstruct, + + /// + /// Name: openchat-3.6-8b
+ /// Organization: openchat
+ /// Context Length: 8192
+ /// Prompt Cost: $0.06/MTok
+ /// Completion Cost: $0.06/MTok
+ /// Description: Openchat 3.6 is a LLama-3-8b fine tune that outperforms it on multiple benchmarks.
+ /// HuggingFace Url: https://huggingface.co/openchat/openchat-3.6-8b + ///
+ OpenChat368B, + + /// + /// Name: Mistral-7B-Instruct-v0.3
+ /// Organization: mistralai
+ /// Context Length: 32768
+ /// Prompt Cost: $0.06/MTok
+ /// Completion Cost: $0.06/MTok
+ /// Description: Mistral-7B-Instruct-v0.3 is an instruction-tuned model, next iteration of of Mistral 7B that has larger vocabulary, newer tokenizer and supports function calling.
+ /// HuggingFace Url: https://huggingface.co/mistralai/Mistral-7B-Instruct-v0.3 + ///
+ Mistral7BInstructV03, + + /// + /// Name: Meta-Llama-3-8B-Instruct
+ /// Organization: meta-llama
+ /// Context Length: 8192
+ /// Prompt Cost: $0.06/MTok
+ /// Completion Cost: $0.06/MTok
+ /// Description: Meta developed and released the Meta Llama 3 family of large language models (LLMs), a collection of pretrained and instruction tuned generative text models in 8 and 70B sizes.
+ /// HuggingFace Url: https://huggingface.co/meta-llama/Meta-Llama-3-8B-Instruct + ///
+ MetaLlama38BInstruct, + + /// + /// Name: Mixtral-8x22B-Instruct-v0.1
+ /// Organization: mistralai
+ /// Context Length: 65536
+ /// Prompt Cost: $0.65/MTok
+ /// Completion Cost: $0.65/MTok
+ /// Description: This is the instruction fine-tuned version of Mixtral-8x22B - the latest and largest mixture of experts large language model (LLM) from Mistral AI. This state of the art machine learning model uses a mixture 8 of experts (MoE) 22b models. During inference 2 experts are selected. This architecture allows large models to be fast and cheap at inference.
+ /// HuggingFace Url: https://huggingface.co/mistralai/Mixtral-8x22B-Instruct-v0.1 + ///
+ Mixtral8X22bInstructV01, + + /// + /// Name: WizardLM-2-8x22B
+ /// Organization: microsoft
+ /// Context Length: 65536
+ /// Prompt Cost: $0.63/MTok
+ /// Completion Cost: $0.63/MTok
+ /// Description: WizardLM-2 8x22B is Microsoft AI's most advanced Wizard model. It demonstrates highly competitive performance compared to those leading proprietary models.
+ /// HuggingFace Url: https://huggingface.co/microsoft/WizardLM-2-8x22B + ///
+ Wizardlm28X22b, + + /// + /// Name: WizardLM-2-7B
+ /// Organization: microsoft
+ /// Context Length: 32768
+ /// Prompt Cost: $0.07/MTok
+ /// Completion Cost: $0.07/MTok
+ /// Description: WizardLM-2 7B is the smaller variant of Microsoft AI's latest Wizard model. It is the fastest and achieves comparable performance with existing 10x larger open-source leading models
+ /// HuggingFace Url: https://huggingface.co/microsoft/WizardLM-2-7B + ///
+ Wizardlm27B, + + /// + /// Name: gemma-1.1-7b-it
+ /// Organization: google
+ /// Context Length: 8192
+ /// Prompt Cost: $0.07/MTok
+ /// Completion Cost: $0.07/MTok
+ /// Description: Gemma is an open-source model designed by Google. This is Gemma 1.1 7B (IT), an update over the original instruction-tuned Gemma release. Gemma 1.1 was trained using a novel RLHF method, leading to substantial gains on quality, coding capabilities, factuality, instruction following and multi-turn conversation quality.
+ /// HuggingFace Url: https://huggingface.co/google/gemma-1.1-7b-it + ///
+ Gemma117BIt, + + /// + /// Name: Mixtral-8x7B-Instruct-v0.1
+ /// Organization: mistralai
+ /// Context Length: 32768
+ /// Prompt Cost: $0.24/MTok
+ /// Completion Cost: $0.24/MTok
+ /// Description: Mixtral is mixture of expert large language model (LLM) from Mistral AI. This is state of the art machine learning model using a mixture 8 of experts (MoE) 7b models. During inference 2 expers are selected. This architecture allows large models to be fast and cheap at inference. The Mixtral-8x7B outperforms Llama 2 70B on most benchmarks.
+ /// HuggingFace Url: https://huggingface.co/mistralai/Mixtral-8x7B-Instruct-v0.1 + ///
+ Mixtral8X7BInstructV01, + + /// + /// Name: lzlv_70b_fp16_hf
+ /// Organization: lizpreciatior
+ /// Context Length: 4096
+ /// Prompt Cost: $0.59/MTok
+ /// Completion Cost: $0.59/MTok
+ /// Description: A Mythomax/MLewd_13B-style merge of selected 70B models A multi-model merge of several LLaMA2 70B finetunes for roleplaying and creative work. The goal was to create a model that combines creativity with intelligence for an enhanced experience.
+ /// HuggingFace Url: https://huggingface.co/lizpreciatior/lzlv_70b_fp16_hf + ///
+ Lzlv70BFp16Hf, + + /// + /// Name: llava-1.5-7b-hf
+ /// Organization: llava-hf
+ /// Context Length: 4096
+ /// Prompt Cost: $0.34/MTok
+ /// Completion Cost: $0.34/MTok
+ /// Description: LLaVa is a multimodal model that supports vision and language models combined.
+ /// HuggingFace Url: https://huggingface.co/llava-hf/llava-1.5-7b-hf + ///
+ Llava157BHf, + + /// + /// Name: Yi-34B-Chat
+ /// Organization: 01-ai
+ /// Context Length: 4096
+ /// Prompt Cost: $0.6/MTok
+ /// Completion Cost: $0.6/MTok
+ /// Description:
+ /// HuggingFace Url: https://huggingface.co/01-ai/Yi-34B-Chat + ///
+ Yi34BChat, + + /// + /// Name: chronos-hermes-13b-v2
+ /// Organization: Austism
+ /// Context Length: 4096
+ /// Prompt Cost: $0.13/MTok
+ /// Completion Cost: $0.13/MTok
+ /// Description: This offers the imaginative writing style of chronos while still retaining coherency and being capable. Outputs are long and utilize exceptional prose. Supports a maxium context length of 4096. The model follows the Alpaca prompt format.
+ /// HuggingFace Url: https://huggingface.co/Austism/chronos-hermes-13b-v2 + ///
+ ChronosHermes13BV2, + + /// + /// Name: MythoMax-L2-13b
+ /// Organization: Gryphe
+ /// Context Length: 4096
+ /// Prompt Cost: $0.1/MTok
+ /// Completion Cost: $0.1/MTok
+ /// Description:
+ /// HuggingFace Url: https://huggingface.co/Gryphe/MythoMax-L2-13b + ///
+ MythomaxL213B, + + /// + /// Name: MythoMax-L2-13b-turbo
+ /// Organization: Gryphe
+ /// Context Length: 4096
+ /// Prompt Cost: $0.13/MTok
+ /// Completion Cost: $0.13/MTok
+ /// Description: Faster version of Gryphe/MythoMax-L2-13b running on multiple H100 cards in fp8 precision. Up to 160 tps.
+ /// HuggingFace Url: https://huggingface.co/Gryphe/MythoMax-L2-13b-turbo + ///
+ MythomaxL213BTurbo, + + /// + /// Name: zephyr-orpo-141b-A35b-v0.1
+ /// Organization: HuggingFaceH4
+ /// Context Length: 65536
+ /// Prompt Cost: $0.65/MTok
+ /// Completion Cost: $0.65/MTok
+ /// Description: Zephyr 141B-A35B is an instruction-tuned (assistant) version of Mixtral-8x22B. It was fine-tuned on a mix of publicly available, synthetic datasets. It achieves strong performance on chat benchmarks.
+ /// HuggingFace Url: https://huggingface.co/HuggingFaceH4/zephyr-orpo-141b-A35b-v0.1 + ///
+ ZephyrOrpo141BA35bV01, + + /// + /// Name: Phind-CodeLlama-34B-v2
+ /// Organization: Phind
+ /// Context Length: 4096
+ /// Prompt Cost: $0.6/MTok
+ /// Completion Cost: $0.6/MTok
+ /// Description: Phind-CodeLlama-34B-v2 is an open-source language model that has been fine-tuned on 1.5B tokens of high-quality programming-related data and achieved a pass@1 rate of 73.8% on HumanEval. It is multi-lingual and proficient in Python, C/C++, TypeScript, Java, and more. It has been trained on a proprietary dataset of instruction-answer pairs instead of code completion examples. The model is instruction-tuned on the Alpaca/Vicuna format to be steerable and easy-to-use. It accepts the Alpaca/Vicuna instruction format and can generate one completion for each prompt.
+ /// HuggingFace Url: https://huggingface.co/Phind/Phind-CodeLlama-34B-v2 + ///
+ PhindCodellama34BV2, + + /// + /// Name: Qwen2-7B-Instruct
+ /// Organization: Qwen
+ /// Context Length: 32768
+ /// Prompt Cost: $0.07/MTok
+ /// Completion Cost: $0.07/MTok
+ /// Description: The 7 billion parameter Qwen2 excels in language understanding, multilingual capabilities, coding, mathematics, and reasoning.
+ /// HuggingFace Url: https://huggingface.co/Qwen/Qwen2-7B-Instruct + ///
+ Qwen27BInstruct, + + /// + /// Name: starcoder2-15b
+ /// Organization: bigcode
+ /// Context Length: 16384
+ /// Prompt Cost: $0.4/MTok
+ /// Completion Cost: $0.4/MTok
+ /// Description: StarCoder2-15B model is a 15B parameter model trained on 600+ programming languages. It specializes in code completion.
+ /// HuggingFace Url: https://huggingface.co/bigcode/starcoder2-15b + ///
+ Starcoder215B, + + /// + /// Name: starcoder2-15b-instruct-v0.1
+ /// Organization: bigcode
+ /// Context Length:
+ /// Prompt Cost: $0.15/MTok
+ /// Completion Cost: $0.15/MTok
+ /// Description: We introduce StarCoder2-15B-Instruct-v0.1, the very first entirely self-aligned code Large Language Model (LLM) trained with a fully permissive and transparent pipeline. Our open-source pipeline uses StarCoder2-15B to generate thousands of instruction-response pairs, which are then used to fine-tune StarCoder-15B itself without any human annotations or distilled data from huge and proprietary LLMs.
+ /// HuggingFace Url: https://huggingface.co/bigcode/starcoder2-15b-instruct-v0.1 + ///
+ Starcoder215BInstructV01, + + /// + /// Name: CodeLlama-34b-Instruct-hf
+ /// Organization: codellama
+ /// Context Length: 4096
+ /// Prompt Cost: $0.6/MTok
+ /// Completion Cost: $0.6/MTok
+ /// Description: Code Llama is a state-of-the-art LLM capable of generating code, and natural language about code, from both code and natural language prompts. This particular instance is the 34b instruct variant
+ /// HuggingFace Url: https://huggingface.co/codellama/CodeLlama-34b-Instruct-hf + ///
+ Codellama34BInstructHf, + + /// + /// Name: CodeLlama-70b-Instruct-hf
+ /// Organization: codellama
+ /// Context Length: 4096
+ /// Prompt Cost: $0.7/MTok
+ /// Completion Cost: $0.7/MTok
+ /// Description: CodeLlama-70b is the largest and latest code generation from the Code Llama collection.
+ /// HuggingFace Url: https://huggingface.co/codellama/CodeLlama-70b-Instruct-hf + ///
+ Codellama70BInstructHf, + + /// + /// Name: dolphin-2.6-mixtral-8x7b
+ /// Organization: cognitivecomputations
+ /// Context Length: 32768
+ /// Prompt Cost: $0.24/MTok
+ /// Completion Cost: $0.24/MTok
+ /// Description: The Dolphin 2.6 Mixtral 8x7b model is a finetuned version of the Mixtral-8x7b model, trained on a variety of data including coding data, for 3 days on 4 A100 GPUs. It is uncensored and requires trust_remote_code. The model is very obedient and good at coding, but not DPO tuned. The dataset has been filtered for alignment and bias. The model is compliant with user requests and can be used for various purposes such as generating code or engaging in general chat.
+ /// HuggingFace Url: https://huggingface.co/cognitivecomputations/dolphin-2.6-mixtral-8x7b + ///
+ Dolphin26Mixtral8X7B, + + /// + /// Name: dbrx-instruct
+ /// Organization: databricks
+ /// Context Length: 32768
+ /// Prompt Cost: $0.6/MTok
+ /// Completion Cost: $0.6/MTok
+ /// Description: DBRX is an open source LLM created by Databricks. It uses mixture-of-experts (MoE) architecture with 132B total parameters of which 36B parameters are active on any input. It outperforms existing open source LLMs like Llama 2 70B and Mixtral-8x7B on standard industry benchmarks for language understanding, programming, math, and logic.
+ /// HuggingFace Url: https://huggingface.co/databricks/dbrx-instruct + ///
+ DbrxInstruct, + + /// + /// Name: airoboros-70b
+ /// Organization: deepinfra
+ /// Context Length: 4096
+ /// Prompt Cost: $0.7/MTok
+ /// Completion Cost: $0.7/MTok
+ /// Description: Latest version of the Airoboros model fine-tunned version of llama-2-70b using the Airoboros dataset. This model is currently running jondurbin/airoboros-l2-70b-2.2.1
+ /// HuggingFace Url: https://huggingface.co/deepinfra/airoboros-70b + ///
+ Airoboros70B, + + /// + /// Name: codegemma-7b-it
+ /// Organization: google
+ /// Context Length: 8192
+ /// Prompt Cost: $0.07/MTok
+ /// Completion Cost: $0.07/MTok
+ /// Description: CodeGemma is a collection of lightweight open code models built on top of Gemma. CodeGemma models are text-to-text and text-to-code decoder-only models and are available as a 7 billion pretrained variant that specializes in code completion and code generation tasks, a 7 billion parameter instruction-tuned variant for code chat and instruction following and a 2 billion parameter pretrained variant for fast code completion.
+ /// HuggingFace Url: https://huggingface.co/google/codegemma-7b-it + ///
+ Codegemma7BIt, + + /// + /// Name: Llama-2-13b-chat-hf
+ /// Organization: meta-llama
+ /// Context Length: 4096
+ /// Prompt Cost: $0.13/MTok
+ /// Completion Cost: $0.13/MTok
+ /// Description: Llama 2 is a collection of pretrained and fine-tuned generative text models ranging in scale from 7 billion to 70 billion parameters. This is the repository for the 7B fine-tuned model, optimized for dialogue use cases and converted for the Hugging Face Transformers format.
+ /// HuggingFace Url: https://huggingface.co/meta-llama/Llama-2-13b-chat-hf + ///
+ Llama213BChatHf, + + /// + /// Name: Llama-2-70b-chat-hf
+ /// Organization: meta-llama
+ /// Context Length: 4096
+ /// Prompt Cost: $0.64/MTok
+ /// Completion Cost: $0.64/MTok
+ /// Description: LLaMa 2 is a collections of LLMs trained by Meta. This is the 70B chat optimized version. This endpoint has per token pricing.
+ /// HuggingFace Url: https://huggingface.co/meta-llama/Llama-2-70b-chat-hf + ///
+ Llama270BChatHf, + + /// + /// Name: Llama-2-7b-chat-hf
+ /// Organization: meta-llama
+ /// Context Length: 4096
+ /// Prompt Cost: $0.07/MTok
+ /// Completion Cost: $0.07/MTok
+ /// Description: Llama 2 is a collection of pretrained and fine-tuned generative text models ranging in scale from 7 billion to 70 billion parameters. This is the repository for the 7B fine-tuned model, optimized for dialogue use cases and converted for the Hugging Face Transformers format.
+ /// HuggingFace Url: https://huggingface.co/meta-llama/Llama-2-7b-chat-hf + ///
+ Llama27BChatHf, + + /// + /// Name: Meta-Llama-3-405B-Instruct
+ /// Organization: meta-llama
+ /// Context Length:
+ /// Prompt Cost: $0/MTok
+ /// Completion Cost: $0/MTok
+ /// Description: The highly anticipated 405 billion parameter LLaMa-3 is coming soon!
+ /// HuggingFace Url: https://huggingface.co/meta-llama/Meta-Llama-3-405B-Instruct + ///
+ MetaLlama3405BInstruct, + + /// + /// Name: Mistral-7B-Instruct-v0.1
+ /// Organization: mistralai
+ /// Context Length: 32768
+ /// Prompt Cost: $0.06/MTok
+ /// Completion Cost: $0.06/MTok
+ /// Description: The Mistral-7B-Instruct-v0.1 Large Language Model (LLM) is a instruct fine-tuned version of the Mistral-7B-v0.1 generative text model using a variety of publicly available conversation datasets.
+ /// HuggingFace Url: https://huggingface.co/mistralai/Mistral-7B-Instruct-v0.1 + ///
+ Mistral7BInstructV01, + + /// + /// Name: Mistral-7B-Instruct-v0.2
+ /// Organization: mistralai
+ /// Context Length: 32768
+ /// Prompt Cost: $0.06/MTok
+ /// Completion Cost: $0.06/MTok
+ /// Description: The Mistral-7B-Instruct-v0.2 Large Language Model (LLM) is a instruct fine-tuned version of the Mistral-7B-v0.2 generative text model using a variety of publicly available conversation datasets.
+ /// HuggingFace Url: https://huggingface.co/mistralai/Mistral-7B-Instruct-v0.2 + ///
+ Mistral7BInstructV02, + + /// + /// Name: Mixtral-8x22B-v0.1
+ /// Organization: mistralai
+ /// Context Length: 65536
+ /// Prompt Cost: $0.65/MTok
+ /// Completion Cost: $0.65/MTok
+ /// Description: Mixtral-8x22B is the latest and largest mixture of expert large language model (LLM) from Mistral AI. This is state of the art machine learning model using a mixture 8 of experts (MoE) 22b models. During inference 2 expers are selected. This architecture allows large models to be fast and cheap at inference. This model is not instruction tuned.
+ /// HuggingFace Url: https://huggingface.co/mistralai/Mixtral-8x22B-v0.1 + ///
+ Mixtral8X22bV01, + + /// + /// Name: openchat_3.5
+ /// Organization: openchat
+ /// Context Length: 8192
+ /// Prompt Cost: $0.07/MTok
+ /// Completion Cost: $0.07/MTok
+ /// Description: OpenChat is a library of open-source language models that have been fine-tuned with C-RLFT, a strategy inspired by offline reinforcement learning. These models can learn from mixed-quality data without preference labels and have achieved exceptional performance comparable to ChatGPT. The developers of OpenChat are dedicated to creating a high-performance, commercially viable, open-source large language model and are continuously making progress towards this goal.
+ /// HuggingFace Url: https://huggingface.co/openchat/openchat_3.5 + ///
+ OpenChat35, + } \ No newline at end of file diff --git a/src/Providers/Google.VertexAI/test/VertexAITest.cs b/src/Providers/Google.VertexAI/test/VertexAITest.cs index 2155f552..2db5102a 100644 --- a/src/Providers/Google.VertexAI/test/VertexAITest.cs +++ b/src/Providers/Google.VertexAI/test/VertexAITest.cs @@ -65,7 +65,7 @@ public async Task TextToImage() answer.Should().NotBeNull(); - foreach(var img in answer.Images) + foreach (var img in answer.Images) { string outputFileName = $"dog_newspaper_{Guid.NewGuid()}.png"; File.WriteAllBytes(outputFileName, Convert.FromBase64String(img)); diff --git a/src/Providers/OpenAI/src/Chat/Message.Extension.cs b/src/Providers/OpenAI/src/Chat/Message.Extension.cs index e91b7ce3..4df569f3 100644 --- a/src/Providers/OpenAI/src/Chat/Message.Extension.cs +++ b/src/Providers/OpenAI/src/Chat/Message.Extension.cs @@ -40,10 +40,10 @@ public static ChatCompletionTool GetTool(this Message message) { var nameAndId = message.FunctionName?.Split(Separator, StringSplitOptions.RemoveEmptyEntries) ?? throw new ArgumentException("Invalid functionCall name and id string"); - + if (nameAndId.Length < 2) throw new ArgumentException("Invalid functionCall name and id string"); - + return new ChatCompletionTool { Type = ChatCompletionToolType.Function, diff --git a/src/Providers/OpenAI/src/Chat/OpenAiChatModel.Tokens.cs b/src/Providers/OpenAI/src/Chat/OpenAiChatModel.Tokens.cs index 4cc7c77f..e44a8483 100644 --- a/src/Providers/OpenAI/src/Chat/OpenAiChatModel.Tokens.cs +++ b/src/Providers/OpenAI/src/Chat/OpenAiChatModel.Tokens.cs @@ -23,7 +23,7 @@ public partial class OpenAiChatModel public int CountTokens(string text) { Encoder ??= ModelToEncoder.TryFor(ChatModel) ?? new Encoder(new Cl100KBase()); - + return Encoder.CountTokens(text); } diff --git a/src/Providers/OpenAI/src/SpeechToText/OpenAiSpeechToTextModel.cs b/src/Providers/OpenAI/src/SpeechToText/OpenAiSpeechToTextModel.cs index 7e1e3915..4a876d24 100644 --- a/src/Providers/OpenAI/src/SpeechToText/OpenAiSpeechToTextModel.cs +++ b/src/Providers/OpenAI/src/SpeechToText/OpenAiSpeechToTextModel.cs @@ -38,7 +38,7 @@ public async Task TranscribeAsync( using var memoryStream = new MemoryStream(); await request.Stream.CopyToAsync(memoryStream, cancellationToken).ConfigureAwait(false); memoryStream.Position = 0; - + var response = await provider.Api.Audio.CreateTranscriptionAsync( file: memoryStream.ToArray(), //audioName: usedSettings.AudioName!, diff --git a/src/Providers/OpenAI/src/TextToSpeech/OpenAiTextToSpeechModel.cs b/src/Providers/OpenAI/src/TextToSpeech/OpenAiTextToSpeechModel.cs index a9ac2177..009d8662 100644 --- a/src/Providers/OpenAI/src/TextToSpeech/OpenAiTextToSpeechModel.cs +++ b/src/Providers/OpenAI/src/TextToSpeech/OpenAiTextToSpeechModel.cs @@ -18,7 +18,7 @@ public OpenAiTextToSpeechModel( : this(provider, id.ToValueString()) { } - + /// public async Task GenerateSpeechAsync( TextToSpeechRequest request, diff --git a/src/Providers/OpenRouter/src/OpenRouterModelProvider.cs b/src/Providers/OpenRouter/src/OpenRouterModelProvider.cs index cb8367a2..77d451f3 100644 --- a/src/Providers/OpenRouter/src/OpenRouterModelProvider.cs +++ b/src/Providers/OpenRouter/src/OpenRouterModelProvider.cs @@ -169,7 +169,7 @@ public static ChatModelMetadata ToMetadata(string? id, int? contextLength, doubl PricePerOutputTokenInUsd = pricePerOutputTokenInUsd, }; } - + [CLSCompliant(false)] public static ChatModelMetadata GetModelById(OpenRouterModelIds modelId) { diff --git a/src/Providers/OpenRouter/tools/LangChain.Providers.OpenRouter.CodeGenerator/Main/OpenRouterCodeGenerator.cs b/src/Providers/OpenRouter/tools/LangChain.Providers.OpenRouter.CodeGenerator/Main/OpenRouterCodeGenerator.cs index d747d59b..0eb6368f 100644 --- a/src/Providers/OpenRouter/tools/LangChain.Providers.OpenRouter.CodeGenerator/Main/OpenRouterCodeGenerator.cs +++ b/src/Providers/OpenRouter/tools/LangChain.Providers.OpenRouter.CodeGenerator/Main/OpenRouterCodeGenerator.cs @@ -26,7 +26,7 @@ public static async Task GenerateCodesAsync(GenerationOptions options) //Load Open Router Docs Page... Console.WriteLine("Loading Model Page..."); - + var html = await GetStringAsync(new Uri("https://openrouter.ai/docs/models")).ConfigureAwait(false); //Parse Html