Best LTM-2-mini Alternatives in 2024
Find the top alternatives to LTM-2-mini currently available. Compare ratings, reviews, pricing, and features of LTM-2-mini alternatives in 2024. Slashdot lists the best LTM-2-mini alternatives on the market that offer competing products that are similar to LTM-2-mini. Sort through LTM-2-mini alternatives below to make the best choice for your needs
-
1
Llama 2
Meta
FreeThe next generation of the large language model. This release includes modelweights and starting code to pretrained and fine tuned Llama languages models, ranging from 7B-70B parameters. Llama 1 models have a context length of 2 trillion tokens. Llama 2 models have a context length double that of Llama 1. The fine-tuned Llama 2 models have been trained using over 1,000,000 human annotations. Llama 2, a new open-source language model, outperforms many other open-source language models in external benchmarks. These include tests of reasoning, coding and proficiency, as well as knowledge tests. Llama 2 has been pre-trained using publicly available online data sources. Llama-2 chat, a fine-tuned version of the model, is based on publicly available instruction datasets, and more than 1 million human annotations. We have a wide range of supporters in the world who are committed to our open approach for today's AI. These companies have provided early feedback and have expressed excitement to build with Llama 2 -
2
Falcon-40B
Technology Innovation Institute (TII)
FreeFalcon-40B is a 40B parameter causal decoder model, built by TII. It was trained on 1,000B tokens from RefinedWeb enhanced by curated corpora. It is available under the Apache 2.0 licence. Why use Falcon-40B Falcon-40B is the best open source model available. Falcon-40B outperforms LLaMA, StableLM, RedPajama, MPT, etc. OpenLLM Leaderboard. It has an architecture optimized for inference with FlashAttention, multiquery and multiquery. It is available under an Apache 2.0 license that allows commercial use without any restrictions or royalties. This is a raw model that should be finetuned to fit most uses. If you're looking for a model that can take generic instructions in chat format, we suggest Falcon-40B Instruct. -
3
TinyLlama
TinyLlama
FreeThe TinyLlama Project aims to pretrain an 1.1B Llama on 3 trillion tokens. We can achieve this in "just" 90 day using 16 A100-40G graphics cards with some optimization. We used the exact same architecture and tokenizers as Llama 2 TinyLlama is compatible with many open-source Llama projects. TinyLlama has only 1.1B of parameters. This compactness allows TinyLlama to be used for a variety of applications that require a small computation and memory footprint. -
4
Baichuan-13B
Baichuan Intelligent Technology
FreeBaichuan-13B, a large-scale language model with 13 billion parameters that is open source and available commercially by Baichuan Intelligent, was developed following Baichuan -7B. It has the best results for a language model of the same size in authoritative Chinese and English benchmarks. This release includes two versions of pretraining (Baichuan-13B Base) and alignment (Baichuan-13B Chat). Baichuan-13B has more data and a larger size. It expands the number parameters to 13 billion based on Baichuan -7B, and trains 1.4 trillion coins on high-quality corpus. This is 40% more than LLaMA-13B. It is open source and currently the model with the most training data in 13B size. Support Chinese and English bi-lingual, use ALiBi code, context window is 4096. -
5
PygmalionAI
PygmalionAI
FreePygmalionAI, a community of open-source projects based upon EleutherAI’s GPT-J 6B models and Meta’s LLaMA model, was founded in 2009. Pygmalion AI is designed for roleplaying and chatting. The 7B variant of the Pygmalion AI is currently actively supported. It is based on Meta AI’s LLaMA AI model. Pygmalion's chat capabilities are superior to larger language models that require much more resources. Our curated datasets of high-quality data on roleplaying ensure that your bot is the best RP partner. The model weights as well as the code used to train the model are both open-source. You can modify/re-distribute them for any purpose you like. Pygmalion and other language models run on GPUs because they require fast memory and massive processing to produce coherent text at a reasonable speed. -
6
GPT-4o mini
OpenAI
A small model with superior textual Intelligence and multimodal reasoning. GPT-4o Mini's low cost and low latency enable a wide range of tasks, including applications that chain or paralelize multiple model calls (e.g. calling multiple APIs), send a large amount of context to the models (e.g. full code base or history of conversations), or interact with clients through real-time, fast text responses (e.g. customer support chatbots). GPT-4o Mini supports text and vision today in the API. In the future, it will support text, image and video inputs and outputs. The model supports up to 16K outputs tokens per request and has knowledge until October 2023. It has a context of 128K tokens. The improved tokenizer shared by GPT-4o makes it easier to handle non-English text. -
7
MPT-7B
MosaicML
FreeIntroducing MPT-7B - the latest addition to our MosaicML Foundation Series. MPT-7B, a transformer that is trained from scratch using 1T tokens of code and text, is the latest entry in our MosaicML Foundation Series. It is open-source, available for commercial purposes, and has the same quality as LLaMA-7B. MPT-7B trained on the MosaicML Platform in 9.5 days, with zero human interaction at a cost $200k. You can now train, fine-tune and deploy your private MPT models. You can either start from one of our checkpoints, or you can start from scratch. For inspiration, we are also releasing three finetuned models in addition to the base MPT-7B: MPT-7B-Instruct, MPT-7B-Chat, and MPT-7B-StoryWriter-65k+, the last of which uses a context length of 65k tokens! -
8
LongLLaMA
LongLLaMA
FreeThis repository contains a research preview of LongLLaMA. It is a large language-model capable of handling contexts up to 256k tokens. LongLLaMA was built on the foundation of OpenLLaMA, and fine-tuned with the Focused Transformer method. LongLLaMA code was built on the foundation of Code Llama. We release a smaller base variant of the LongLLaMA (not instruction-tuned) on a permissive licence (Apache 2.0), and inference code that supports longer contexts for hugging face. Our model weights are a drop-in replacement for LLaMA (for short contexts up to 2048 tokens) in existing implementations. We also provide evaluation results, and comparisons with the original OpenLLaMA model. -
9
StarCoder
BigCode
FreeStarCoderBase and StarCoder are Large Language Models (Code LLMs), trained on permissively-licensed data from GitHub. This includes data from 80+ programming language, Git commits and issues, Jupyter Notebooks, and Git commits. We trained a 15B-parameter model for 1 trillion tokens, similar to LLaMA. We refined the StarCoderBase for 35B Python tokens. The result is a new model we call StarCoder. StarCoderBase is a model that outperforms other open Code LLMs in popular programming benchmarks. It also matches or exceeds closed models like code-cushman001 from OpenAI, the original Codex model which powered early versions GitHub Copilot. StarCoder models are able to process more input with a context length over 8,000 tokens than any other open LLM. This allows for a variety of interesting applications. By prompting the StarCoder model with a series dialogues, we allowed them to act like a technical assistant. -
10
CodeQwen
QwenLM
FreeCodeQwen, developed by the Qwen Team, Alibaba Cloud, is the code version. It is a transformer based decoder only language model that has been pre-trained with a large number of codes. A series of benchmarks shows that the code generation is strong and that it performs well. Supporting long context generation and understanding with a context length of 64K tokens. CodeQwen is a 92-language coding language that provides excellent performance for text-to SQL, bug fixes, and more. CodeQwen chat is as simple as writing a few lines of code using transformers. We build the tokenizer and model using pre-trained methods and use the generate method for chatting. The chat template is provided by the tokenizer. Following our previous practice, we apply the ChatML Template for chat models. The model will complete the code snippets in accordance with the prompts without any additional formatting. -
11
OpenAI o1
OpenAI
OpenAI o1 is a new series AI models developed by OpenAI that focuses on enhanced reasoning abilities. These models, such as o1 preview and o1 mini, are trained with a novel reinforcement-learning approach that allows them to spend more time "thinking through" problems before presenting answers. This allows o1 excel in complex problem solving tasks in areas such as coding, mathematics, or science, outperforming other models like GPT-4o. The o1 series is designed to tackle problems that require deeper thinking processes. This marks a significant step in AI systems that can think more like humans. -
12
RoBERTa
Meta
FreeRoBERTa is based on BERT's language-masking strategy. The system learns to predict hidden sections of text in unannotated language examples. RoBERTa was implemented in PyTorch and modifies key hyperparameters of BERT. This includes removing BERT’s next-sentence-pretraining objective and training with larger mini-batches. This allows RoBERTa improve on the masked-language modeling objective, which is comparable to BERT. It also leads to improved downstream task performance. We are also exploring the possibility of training RoBERTa with a lot more data than BERT and for a longer time. We used both existing unannotated NLP data sets as well as CC-News which was a new set of public news articles. -
13
ChatGPT Enterprise
OpenAI
ChatGPT Enterprise is the most powerful version yet, with enterprise-grade security and privacy. 1. Training models do not use customer prompts or data 2. Data encryption in transit and at rest (TLS 1.2+). 3. SOC 2 compliant 4. Easy bulk member management and dedicated admin console 5. SSO and Domain Verification 6. Use the analytics dashboard to understand usage 7. Access to GPT-4 Advanced Data Analysis and GPT-4 at high speed is unlimited 8. 32k token context window for 4X longer inputs, memory and inputs 9. Shareable chat templates to help your company collaborate -
14
Claude 3.5 Sonnet
Anthropic
FreeClaude 3.5 Sonnet is a new benchmark for the industry in terms of graduate-level reasoning (GPQA), undergrad-level knowledge (MMLU), as well as coding proficiency (HumanEval). It is exceptional in writing high-quality, relatable content that is written with a natural and relatable tone. It also shows marked improvements in understanding nuance, humor and complex instructions. Claude 3.5 Sonnet is twice as fast as Claude 3 Opus. Claude 3.5 Sonnet is ideal for complex tasks, such as providing context-sensitive support to customers and orchestrating workflows. Claude 3.5 Sonnet can be downloaded for free from Claude.ai and Claude iOS, and subscribers to the Claude Pro and Team plans will have access to it at rates that are significantly higher. It is also accessible via the Anthropic AI, Amazon Bedrock and Google Cloud Vertex AI. The model costs $3 for every million input tokens. It costs $15 for every million output tokens. There is a 200K token window. -
15
Mistral 7B
Mistral AI
We solve the most difficult problems to make AI models efficient, helpful and reliable. We are the pioneers of open models. We give them to our users, and empower them to share their ideas. Mistral-7B is a powerful, small model that can be adapted to many different use-cases. Mistral 7B outperforms Llama 13B in all benchmarks. It has 8k sequence length, natural coding capabilities, and is faster than Llama 2. It is released under Apache 2.0 License and we made it simple to deploy on any cloud. -
16
Falcon-7B
Technology Innovation Institute (TII)
FreeFalcon-7B is a 7B parameter causal decoder model, built by TII. It was trained on 1,500B tokens from RefinedWeb enhanced by curated corpora. It is available under the Apache 2.0 licence. Why use Falcon-7B Falcon-7B? It outperforms similar open-source models, such as MPT-7B StableLM RedPajama, etc. It is a result of being trained using 1,500B tokens from RefinedWeb enhanced by curated corpora. OpenLLM Leaderboard. It has an architecture optimized for inference with FlashAttention, multiquery and multiquery. It is available under an Apache 2.0 license that allows commercial use without any restrictions or royalties. -
17
JinaChat
Jina AI
$9.99 per monthExperience JinaChat - a LLM service designed for professionals. JinaChat is a multimodal chat service that goes beyond text and includes images. Enjoy our free short interactions below 100 tokens. Our API allows developers to build complex applications by leveraging long conversation histories. JinaChat is the future of LLM, with multimodal conversations that are long-memory and affordable. Modern LLM applications are often based on long prompts or large memory, which can lead to high costs if the same prompts are sent repeatedly to the server. JinaChat API solves this issue by allowing you to carry forward previous conversations, without having to resend the entire prompt. This is a great way to save both time and money when developing complex applications such as AutoGPT. -
18
Pixtral 12B
Mistral AI
FreePixtral 12B, a multimodal AI model pioneered by Mistral AI and designed to process and understand both text and images data seamlessly, is a groundbreaking AI model. This model represents a significant advance in the integration of data types. It allows for more intuitive interaction and enhanced content creation abilities. Pixtral 12B, which is based on Mistral's NeMo 12B Text Model, incorporates an additional Vision Adapter that adds 400 million parameters. This allows it to handle visual inputs of up to 1024x1024 pixels. This model is capable of a wide range of applications from image analysis to answering visual content questions. Its versatility is demonstrated in real-world scenarios. Pixtral 12B is a powerful tool for developers, as it not only has a large context of 128k tokens, but also uses innovative techniques such as GeLU activation and RoPE 2D for its vision components. -
19
Lemonfox.ai
Lemonfox.ai
$5 per monthOur models are deployed all over the world for the best possible response time. Integrate our OpenAI compatible API seamlessly into your application. Start in minutes and scale seamlessly to serve millions of users. Our API is 4 times cheaper than OpenAI GPT-3.5 API due to our extensive performance and scale optimizations. Our AI model can generate text and chat at ChatGPT performance levels for a fraction of what it costs. Our OpenAI-compatible API makes it easy to get started. Use one of the most powerful AI image models in order to create stunning images, graphics and illustrations. -
20
Martian
Martian
Martian outperforms GPT-4 across OpenAI's evals (open/evals). Martian outperforms GPT-4 in all OpenAI's evaluations (open/evals). We transform opaque black boxes into interpretable visual representations. Our router is our first tool built using our model mapping method. Model mapping is being used in many other applications, including transforming transformers from unintelligible matrices to human-readable programs. Automatically reroute your customers to other providers if a company has an outage or a high latency period. Calculate how much money you could save using the Martian Model Router by using our interactive cost calculator. Enter the number of users and tokens per session. Also, specify how you want to trade off between cost and quality. -
21
OpenAI o1-mini
OpenAI
OpenAI o1 mini is a new and cost-effective AI designed to enhance reasoning, especially in STEM fields such as mathematics and coding. It is part of the o1 Series, which focuses on solving problems by spending more "thinking" time through solutions. The o1 mini is 80% cheaper and smaller than its sibling. It performs well in coding and mathematical reasoning tasks. -
22
ChatGLM
Zhipu AI
FreeChatGLM-6B, a Chinese-English bilingual dialogue model based on General Language Model architecture (GLM), has 6.2 billion parameters. Users can deploy model quantization locally on consumer-grade graphic cards (only 6GB video memory required at INT4 quantization levels). ChatGLM-6B is based on technology similar to ChatGPT and optimized for Chinese dialogue and Q&A. After approximately 1T identifiers for Chinese and English bilingual training and supplemented with supervision and fine-tuning as well as feedback self-help and human feedback reinforcement learning, ChatGLM-6B, with 6.2 billion parameters, has been able generate answers that are in line with human preference. -
23
Hermes 3
Nous Research
FreeHermes 3 contains advanced long-term context retention and multi-turn conversation capabilities, complex roleplaying and internal monologue abilities, and enhanced agentic function-calling. Hermes 3 has advanced long-term contextual retention, multi-turn conversation capabilities, complex roleplaying, internal monologue, and enhanced agentic functions-calling. Our training data encourages the model in a very aggressive way to follow the system prompts and instructions exactly and in a highly adaptive manner. Hermes 3 was developed by fine-tuning Llama 3.0 8B, 70B and 405B and training with a dataset primarily containing synthetic responses. The model has a performance that is comparable to Llama 3.1, but with deeper reasoning and creative abilities. Hermes 3 is an instruct and tool-use model series with strong reasoning and creativity abilities. -
24
LLaMA
Meta
LLaMA (Large Language Model meta AI) is a state of the art foundational large language model that was created to aid researchers in this subfield. LLaMA allows researchers to use smaller, more efficient models to study these models. This furtherdemocratizes access to this rapidly-changing field. Because it takes far less computing power and resources than large language models, such as LLaMA, to test new approaches, validate other's work, and explore new uses, training smaller foundation models like LLaMA can be a desirable option. Foundation models are trained on large amounts of unlabeled data. This makes them perfect for fine-tuning for many tasks. We make LLaMA available in several sizes (7B-13B, 33B and 65B parameters), and also share a LLaMA card that explains how the model was built in line with our Responsible AI practices. -
25
Vicuna
lmsys.org
FreeVicuna-13B, an open-source chatbot, is trained by fine-tuning LLaMA using user-shared conversations from ShareGPT. Vicuna-13B's preliminary evaluation using GPT-4, as a judge, shows that it achieves a quality of more than 90%* for OpenAI ChatGPT or Google Bard and outperforms other models such as LLaMA or Stanford Alpaca. Vicuna-13B costs around $300 to train. The online demo and the code, along with weights, are available to non-commercial users. -
26
Llama 3.1
Meta
FreeOpen source AI model that you can fine-tune and distill anywhere. Our latest instruction-tuned models are available in 8B 70B and 405B version. Our open ecosystem allows you to build faster using a variety of product offerings that are differentiated and support your use cases. Choose between real-time or batch inference. Download model weights for further cost-per-token optimization. Adapt to your application, improve using synthetic data, and deploy on-prem. Use Llama components and extend the Llama model using RAG and zero shot tools to build agentic behavior. Use 405B high-quality data to improve specialized model for specific use cases. -
27
OLMo 2
Ai2
OLMo 2 is an open language model family developed by the Allen Institute for AI. It provides researchers and developers with open-source code and reproducible training recipes. These models can be trained with up to 5 trillion tokens, and they are competitive against other open-weight models such as Llama 3.0 on English academic benchmarks. OLMo 2 focuses on training stability by implementing techniques that prevent loss spikes in long training runs. It also uses staged training interventions to address capability deficits during late pretraining. The models incorporate the latest post-training methods from AI2's Tulu 3 resulting in OLMo 2-Instruct. The Open Language Modeling Evaluation System, or OLMES, was created to guide improvements throughout the development stages. It consists of 20 evaluation benchmarks assessing key capabilities. -
28
LTM-1
Magic AI
Magic's LTM-1 provides context windows 50x larger than transformers. Magic has trained a Large Language Model that can take in huge amounts of context to generate suggestions. Magic, our coding assistant can now see all of your code. AI models can refer to more factual and explicit information with larger context windows. They can also reference their own actions history. This research will hopefully improve reliability and coherence. -
29
Mistral NeMo
Mistral AI
FreeMistral NeMo, our new best small model. A state-of the-art 12B with 128k context and released under Apache 2.0 license. Mistral NeMo, a 12B-model built in collaboration with NVIDIA, is available. Mistral NeMo has a large context of up to 128k Tokens. Its reasoning, world-knowledge, and coding precision are among the best in its size category. Mistral NeMo, which relies on a standard architecture, is easy to use. It can be used as a replacement for any system that uses Mistral 7B. We have released Apache 2.0 licensed pre-trained checkpoints and instruction-tuned base checkpoints to encourage adoption by researchers and enterprises. Mistral NeMo has been trained with quantization awareness to enable FP8 inferences without performance loss. The model was designed for global applications that are multilingual. It is trained in function calling, and has a large contextual window. It is better than Mistral 7B at following instructions, reasoning and handling multi-turn conversation. -
30
RedPajama
RedPajama
FreeGPT-4 and other foundation models have accelerated AI's development. The most powerful models, however, are closed commercial models or partially open. RedPajama aims to create a set leading, open-source models. Today, we're excited to announce that the first phase of this project is complete: the reproduction of LLaMA's training dataset of more than 1.2 trillion tokens. The most capable foundations models are currently closed behind commercial APIs. This limits research, customization and their use with sensitive information. If the open community can bridge the quality gap between closed and open models, fully open-source models could be the answer to these limitations. Recent progress has been made in this area. AI is in many ways having its Linux moment. Stable Diffusion demonstrated that open-source software can not only compete with commercial offerings such as DALL-E, but also lead to incredible creative results from community participation. -
31
Mixtral 8x22B
Mistral AI
FreeMixtral 8x22B is our latest open model. It sets new standards for performance and efficiency in the AI community. It is a sparse Mixture-of-Experts model (SMoE), which uses only 39B active variables out of 141B. This offers unparalleled cost efficiency in relation to its size. It is fluently bilingual in English, French Italian, German and Spanish. It has strong math and coding skills. It is natively able to call functions; this, along with the constrained-output mode implemented on La Plateforme, enables application development at scale and modernization of tech stacks. Its 64K context window allows for precise information retrieval from large documents. We build models with unmatched cost-efficiency for their respective sizes. This allows us to deliver the best performance-tocost ratio among models provided by the Community. Mixtral 8x22B continues our open model family. Its sparse patterns of activation make it faster than any 70B model. -
32
XLNet
XLNet
FreeXLNet, a new unsupervised language representation method, is based on a novel generalized Permutation Language Modeling Objective. XLNet uses Transformer-XL as its backbone model. This model is excellent for language tasks that require long context. Overall, XLNet achieves state of the art (SOTA) results in various downstream language tasks, including question answering, natural languages inference, sentiment analysis and document ranking. -
33
Alpaca
Stanford Center for Research on Foundation Models (CRFM)
Instruction-following models such as GPT-3.5 (text-DaVinci-003), ChatGPT, Claude, and Bing Chat have become increasingly powerful. These models are now used by many users, and some even for work. However, despite their widespread deployment, instruction-following models still have many deficiencies: they can generate false information, propagate social stereotypes, and produce toxic language. It is vital that the academic community engages in order to make maximum progress towards addressing these pressing issues. Unfortunately, doing research on instruction-following models in academia has been difficult, as there is no easily accessible model that comes close in capabilities to closed-source models such as OpenAI's text-DaVinci-003. We are releasing our findings about an instruction-following language model, dubbed Alpaca, which is fine-tuned from Meta's LLaMA 7B model. -
34
VideoPoet
Google
VideoPoet, a simple modeling technique, can convert any large language model or autoregressive model into a high quality video generator. It is composed of a few components. The autoregressive model learns from video, image, text, and audio modalities in order to predict the next audio or video token in the sequence. The LLM training framework introduces a mixture of multimodal generative objectives, including text to video, text to image, image-to video, video frame continuation and inpainting/outpainting, styled video, and video-to audio. Moreover, these tasks can be combined to provide additional zero-shot capabilities. This simple recipe shows how language models can edit and synthesize videos with a high level of temporal consistency. -
35
Mistral Large 2
Mistral AI
FreeMistral Large 2 comes with a 128k window that supports dozens of different languages, including French, German and Spanish. It also supports Arabic, Hindi, Russian and Chinese. It also supports 80+ programming languages, including Python, Java and C++. Mistral Large 2 was designed with single-node applications in mind. Its size of 123 million parameters allows it to run fast on a single computer. Mistral Large 2 is released under the Mistral Research License which allows modification and usage for research and noncommercial purposes. -
36
Teuken 7B
OpenGPT-X
FreeTeuken-7B, a multilingual open source language model, was developed under the OpenGPT-X project. It is specifically designed to accommodate Europe's diverse linguistic landscape. It was trained on a dataset that included over 50% non-English text, covering all 24 official European Union languages, to ensure robust performance. Teuken-7B's custom multilingual tokenizer is a key innovation. It has been optimized for European languages and enhances training efficiency. The model comes in two versions: Teuken-7B Base, a pre-trained foundational model, and Teuken-7B Instruct, a model that has been tuned to better follow user prompts. Hugging Face makes both versions available, promoting transparency and cooperation within the AI community. The development of Teuken-7B demonstrates a commitment to create AI models that reflect Europe’s diversity. -
37
Marco-o1
AIDC-AI
FreeMarco-o1 is an advanced AI model that is designed for high-performance problem solving and natural language processing. It is designed to deliver precise, contextually rich answers by combining deep language understanding with a streamlined architectural design for speed and efficiency. Marco-o1 is a versatile AI system that excels at a wide range of tasks, including conversational AI. It also excels at content creation, technical assistance, and decision-making. It adapts seamlessly to the needs of diverse users. Marco-o1 is a cutting edge solution for individuals and organisations seeking intelligent, adaptive and scalable AI tools. It focuses on intuitive interactions, reliability and ethical AI principles. MCTS allows for the exploration of multiple reasoning pathways using confidence scores derived by softmax-applied logging probabilities of the top k alternative tokens. This guides the model to optimal solution. -
38
Stable LM
Stability AI
FreeStableLM: Stability AI language models StableLM builds upon our experience with open-sourcing previous language models in collaboration with EleutherAI. This nonprofit research hub. These models include GPTJ, GPTNeoX and the Pythia Suite, which were all trained on The Pile dataset. Cerebras GPT and Dolly-2 are two recent open-source models that continue to build upon these efforts. StableLM was trained on a new dataset that is three times bigger than The Pile and contains 1.5 trillion tokens. We will provide more details about the dataset at a later date. StableLM's richness allows it to perform well in conversational and coding challenges, despite the small size of its dataset (3-7 billion parameters, compared to GPT-3's 175 billion). The development of Stable LM 3B broadens the range of applications that are viable on the edge or on home PCs. This means that individuals and companies can now develop cutting-edge technologies with strong conversational capabilities – like creative writing assistance – while keeping costs low and performance high. -
39
Command R+
Cohere
FreeCommand R+, Cohere's latest large language model, is optimized for conversational interactions and tasks with a long context. It is designed to be extremely performant and enable companies to move from proof-of-concept into production. We recommend Command R+ when working with workflows that rely on complex RAG functionality or multi-step tool usage (agents). Command R is better suited for retrieval augmented creation (RAG) tasks and single-step tool usage, or applications where cost is a key consideration. -
40
Jamba
AI21 Labs
Jamba is a powerful and efficient long context model that is open to builders, but built for enterprises. Jamba's latency is superior to all other leading models of similar size. Jamba's 256k window is the longest available. Jamba's Mamba Transformer MoE Architecture is designed to increase efficiency and reduce costs. Jamba includes key features from OOTB, including function calls, JSON output, document objects and citation mode. Jamba 1.5 models deliver high performance throughout the entire context window. Jamba 1.5 models score highly in common quality benchmarks. Secure deployment tailored to your enterprise. Start using Jamba immediately on our production-grade SaaS Platform. Our strategic partners can deploy the Jamba model family. For enterprises who require custom solutions, we offer VPC and on-premise deployments. We offer hands-on management and continuous pre-training for enterprises with unique, bespoke needs. -
41
Mathstral
Mistral AI
As a tribute for Archimedes' 2311th birthday, which we celebrate this year, we release our first Mathstral 7B model, designed specifically for math reasoning and scientific discoveries. The model comes with a 32k context-based window that is published under the Apache 2.0 License. Mathstral is a tool we're donating to the science community in order to help solve complex mathematical problems that require multi-step logical reasoning. The Mathstral release was part of a larger effort to support academic project, and it was produced as part of our collaboration with Project Numina. Mathstral, like Isaac Newton at his time, stands on Mistral 7B's shoulders and specializes in STEM. It has the highest level of reasoning in its size category, based on industry-standard benchmarks. It achieves 56.6% in MATH and 63.47% in MMLU. The following table shows the MMLU performance differences between Mathstral and Mistral 7B. -
42
OpenScholar
Ai2
Ai2 OpenScholar, a collaboration between the University of Washington's Allen Institute for AI and the University of Washington, is designed to help scientists navigate and synthesize the vast expanse of the scientific literature. OpenScholar uses a retrieval-augmented model of language to answer user queries. It does this by identifying relevant papers and then generating answers based on those sources. This ensures that information is accurate and linked directly to existing research. OpenScholar-8B set new standards for factuality and accuracy of citations on the ScholarQABench benchmark. OpenScholar-8B, for example, maintains a solid grounding in real retrieved articles in the biomedical domain. This is in contrast to models like GPT-4 which tend to hallucinate references. Twenty scientists from computer science, biomedicine and physics evaluated OpenScholar's answers against expert-written responses to evaluate its real-world application. -
43
Claude Pro
Anthropic
$18/month Claude Pro is a large language model that can handle complex tasks with a friendly and accessible demeanor. It is trained on high-quality, extensive data and excels at understanding contexts, interpreting subtleties, and producing well structured, coherent responses to a variety of topics. Claude Pro is able to create detailed reports, write creative content, summarize long documents, and assist with coding tasks by leveraging its robust reasoning capabilities and refined knowledge base. Its adaptive algorithms constantly improve its ability learn from feedback. This ensures that its output is accurate, reliable and helpful. Whether Claude Pro is serving professionals looking for expert support or individuals seeking quick, informative answers - it delivers a versatile, productive conversational experience. -
44
Qwen2.5
QwenLM
FreeQwen2.5, an advanced multimodal AI system, is designed to provide highly accurate responses that are context-aware across a variety of applications. It builds on its predecessors' capabilities, integrating cutting edge natural language understanding, enhanced reasoning, creativity and multimodal processing. Qwen2.5 is able to analyze and generate text as well as interpret images and interact with complex data in real-time. It is highly adaptable and excels at personalized assistance, data analytics, creative content creation, and academic research. This makes it a versatile tool that can be used by professionals and everyday users. Its user-centric approach emphasizes transparency, efficiency and alignment with ethical AI. -
45
Phi-3
Microsoft
Small language models (SLMs), a powerful family of small language models, with low cost and low-latency performance. Maximize AI capabilities and lower resource usage, while ensuring cost-effective generative AI implementations across your applications. Accelerate response time in real-time interaction, autonomous systems, low latency apps, and other critical scenarios. Phi-3 can be run in the cloud, on the edge or on the device. This allows for greater flexibility in deployment and operation. Phi-3 models have been developed according to Microsoft AI principles, including accountability, transparency and fairness, reliability, safety and security, privacy, and inclusivity. Operate efficiently in offline environments, where data privacy or connectivity are limited. Expanded context window allows for more accurate, contextually relevant and coherent outputs. Deploy at edge to deliver faster response. -
46
GPT-4 (Generative Pretrained Transformer 4) a large-scale, unsupervised language model that is yet to be released. GPT-4, which is the successor of GPT-3, is part of the GPT -n series of natural-language processing models. It was trained using a dataset of 45TB text to produce text generation and understanding abilities that are human-like. GPT-4 is not dependent on additional training data, unlike other NLP models. It can generate text and answer questions using its own context. GPT-4 has been demonstrated to be capable of performing a wide range of tasks without any task-specific training data, such as translation, summarization and sentiment analysis.
-
47
Upstage
Upstage
$0.5 per 1M tokensSolar's Chat API allows you to create a simple agent that can have a conversation. Function Calling, the method of connecting LLM with external tools, is now supported. The embedding vectors are useful for retrieval and classification. Context-aware English to Korean translation that uses previous dialogues for unmatched coherence in your conversations. Verifies that the LLM's generated answers are appropriate based on the question asked by the user and the search results. A healthcare LLM is being developed to automate patient communications, personalize treatment plans and aid in clinical decision-support. It will also support medical transcription. The goal is to make it easy for business owners and companies, to deploy generative AI bots on mobile apps and websites. This will provide human-like customer support. -
48
GPT-4V (Vision)
OpenAI
GPT-4 with Vision (GPT-4V), our latest capability, allows users to instruct GPT-4 on how to analyze images input by the user. Some researchers and developers of artificial intelligence consider the incorporation of additional modalities, such as image inputs, into large language models. Multimodal LLMs can be used to expand the impact of existing language-only systems by providing them with novel interfaces, capabilities and experiences. In this system card we analyze the GPT-4V safety properties. We have built on the safety work for GPT-4V and here we go deeper into the evaluations and preparations for image inputs. -
49
OPT
Meta
The ability of large language models to learn in zero- and few shots, despite being trained for hundreds of thousands or even millions of days, has been remarkable. These models are expensive to replicate, due to their high computational cost. The few models that are available via APIs do not allow access to the full weights of the model, making it difficult to study. Open Pre-trained Transformers is a suite decoder-only pre-trained transforms with parameters ranging from 175B to 125M. We aim to share this fully and responsibly with interested researchers. We show that OPT-175B has a carbon footprint of 1/7th that of GPT-3. We will also release our logbook, which details the infrastructure challenges we encountered, as well as code for experimenting on all of the released model. -
50
Gemma 2
Google
Gemini models are a family of light-open, state-of-the art models that was created using the same research and technology as Gemini models. These models include comprehensive security measures, and help to ensure responsible and reliable AI through selected data sets. Gemma models have exceptional comparative results, even surpassing some larger open models, in their 2B and 7B sizes. Keras 3.0 offers seamless compatibility with JAX TensorFlow PyTorch and JAX. Gemma 2 has been redesigned to deliver unmatched performance and efficiency. It is optimized for inference on a variety of hardware. The Gemma models are available in a variety of models that can be customized to meet your specific needs. The Gemma models consist of large text-to text lightweight language models that have a decoder and are trained on a large set of text, code, or mathematical content.