BAAI / AquilaSQL-7B

huggingface.co
Total runs: 15
24-hour runs: 0
7-day runs: 4
30-day runs: 9
Model's Last Updated: October 09 2023

Introduction of AquilaSQL-7B

Model Details of AquilaSQL-7B

Aquila_logo

English | 简体中文

Aquila Language Model is the first open source language model that supports both Chinese and English knowledge, commercial license agreements, and compliance with domestic data regulations.

  • 🌟 Supports open source commercial licenses . The source code of the Aquila series models is based on the Apache 2.0 agreement , while the model weight is based on the BAAI Aquila Model License Agreement . Users can use it for commercial purposes as long as they meet the licensing restrictions.

  • ✍️ Possesses Chinese and English knowledge . The Aquila series model is trained from scratch on a high-quality corpus of Chinese and English languages, with Chinese corpora accounting for about 40%, ensuring that the model accumulates native Chinese world knowledge during the pre-training phase, rather than translated knowledge.

  • 👮‍♀️ Complies with domestic data regulations . The Chinese corpora of the Aquila series models come from Intelligence Source's accumulated Chinese datasets over the years, including Chinese internet data from over 10,000 sources (more than 99% of which are domestic sources), as well as high-quality Chinese literature and book data supported by authoritative domestic organizations. We will continue to accumulate high-quality and diverse datasets and incorporate them into the subsequent training of the Aquila base models.

  • 🎯 Continuous improvements and open sourcing . We will continue to improve training data, optimize training methods, and enhance model performance, cultivate a flourishing "model tree" on a better base model foundation, and continuously update open-source versions.

The additional details of the Aquila model will be presented in the official technical report. Please stay tuned for updates on official channels, including the FlagAI GitHub repository , FlagAI's Zhihu account and FlagAI's official technical communication group .

Model Model Type Description Status GPUs Used
AquilaSQL-7B chat model text2sql model, cotinue traind from the AquilaCode-base model, AquilaSQL achieved sota on the cspider leadboard published Nvidia-A100

We will continue to release improved versions of Aquila model as open source. ( https://huggingface.co/BAAI/AquilaSQL-7B/blob/main/change_log.log ).

Inference
from transformers import AutoTokenizer, AutoModelForCausalLM
import torch
device = torch.device("cuda")
model_info = "BAAI/AquilaSQL-7B"

tokenizer = AutoTokenizer.from_pretrained(model_info, trust_remote_code=True)
model = AutoModelForCausalLM.from_pretrained(
    model_info, trust_remote_code=True, torch_dtype=torch.float16, device_map='auto')

model.eval()
model.to(device)
torch.manual_seed(123)

text = "有多个数据库表,信息如下:\n表名为cars_data,包含的属性为cars_data.horsepower,cars_data.accelerate,cars_data.mpg,cars_data.id,cars_data.year;表名为continents,包含的属性为continents.contid,continents.continent;表名为countries,包含的属性为countries.continent,countries.countryname,countries.countryid;表名为model_list,包含的属性为model_list.model,model_list.maker,model_list.modelid,它们之间的关系为 countries.continent = continents.contid\n请为下面的问题编写sql查询语句:\n加速度比马力最大的汽车更大的汽车有多少辆? "

def generate_prompt(input: str):
    prompt = f"A chat between a curious human and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the human's questions.###Human: {input}###Assistant:"
    return prompt

stop_tokens = ["###", "[UNK]", "</s>","<|endoftext|>"]

with torch.no_grad():

    _input = generate_prompt(text)
    tokens = tokenizer.encode_plus(_input, None, max_length=None)['input_ids']
    tokens = torch.tensor(tokens)[None,].to(device)
    out = model.generate(tokens, do_sample=False, max_length=1024, eos_token_id=100007,max_new_tokens=512,
                            bad_words_ids=[[tokenizer.encode(token)[0] for token in stop_tokens]])[0]
    out = tokenizer.decode(out.cpu().numpy().tolist())
    print(out)
License

AquilaSQL-7B open-source model is licensed under BAAI Aquila Model Licence Agreement

Runs of BAAI AquilaSQL-7B on huggingface.co

15
Total runs
0
24-hour runs
1
3-day runs
4
7-day runs
9
30-day runs

More Information About AquilaSQL-7B huggingface.co Model

More AquilaSQL-7B license Visit here:

https://choosealicense.com/licenses/other

AquilaSQL-7B huggingface.co

AquilaSQL-7B huggingface.co is an AI model on huggingface.co that provides AquilaSQL-7B's model effect (), which can be used instantly with this BAAI AquilaSQL-7B model. huggingface.co supports a free trial of the AquilaSQL-7B model, and also provides paid use of the AquilaSQL-7B. Support call AquilaSQL-7B model through api, including Node.js, Python, http.

AquilaSQL-7B huggingface.co Url

https://huggingface.co/BAAI/AquilaSQL-7B

BAAI AquilaSQL-7B online free

AquilaSQL-7B huggingface.co is an online trial and call api platform, which integrates AquilaSQL-7B's modeling effects, including api services, and provides a free online trial of AquilaSQL-7B, you can try AquilaSQL-7B online for free by clicking the link below.

BAAI AquilaSQL-7B online free url in huggingface.co:

https://huggingface.co/BAAI/AquilaSQL-7B

AquilaSQL-7B install

AquilaSQL-7B is an open source model from GitHub that offers a free installation service, and any user can find AquilaSQL-7B on GitHub to install. At the same time, huggingface.co provides the effect of AquilaSQL-7B install, users can directly use AquilaSQL-7B installed effect in huggingface.co for debugging and trial. It also supports api for free installation.

AquilaSQL-7B install url in huggingface.co:

https://huggingface.co/BAAI/AquilaSQL-7B

Url of AquilaSQL-7B

AquilaSQL-7B huggingface.co Url

Provider of AquilaSQL-7B huggingface.co

BAAI
ORGANIZATIONS

Other API from BAAI

huggingface.co

Total runs: 2.1M
Run Growth: -97.5K
Growth Rate: -4.67%
Updated: July 03 2024
huggingface.co

Total runs: 2.1M
Run Growth: -2.4M
Growth Rate: -114.86%
Updated: February 21 2024
huggingface.co

Total runs: 1.6M
Run Growth: -268.0K
Growth Rate: -16.69%
Updated: February 21 2024
huggingface.co

Total runs: 784.0K
Run Growth: 119.0K
Growth Rate: 15.18%
Updated: December 13 2023
huggingface.co

Total runs: 459.8K
Run Growth: 41.1K
Growth Rate: 8.93%
Updated: October 12 2023
huggingface.co

Total runs: 166.7K
Run Growth: -19.2K
Growth Rate: -11.50%
Updated: November 14 2023
huggingface.co

Total runs: 139.4K
Run Growth: 46.2K
Growth Rate: 33.17%
Updated: October 12 2023
huggingface.co

Total runs: 70.9K
Run Growth: 3.8K
Growth Rate: 5.37%
Updated: April 17 2024
huggingface.co

Total runs: 33.1K
Run Growth: 31.3K
Growth Rate: 94.68%
Updated: October 12 2023
huggingface.co

Total runs: 28.0K
Run Growth: 12.1K
Growth Rate: 43.10%
Updated: October 12 2023
huggingface.co

Total runs: 24.7K
Run Growth: -1.7K
Growth Rate: -7.58%
Updated: October 12 2023
huggingface.co

Total runs: 21.4K
Run Growth: -4.2K
Growth Rate: -19.67%
Updated: January 15 2025
huggingface.co

Total runs: 5.3K
Run Growth: 1.3K
Growth Rate: 24.84%
Updated: September 21 2023
huggingface.co

Total runs: 5.2K
Run Growth: 1.1K
Growth Rate: 20.20%
Updated: August 15 2024
huggingface.co

Total runs: 5.2K
Run Growth: -2.8K
Growth Rate: -54.34%
Updated: February 22 2024
huggingface.co

Total runs: 3.7K
Run Growth: -3.3K
Growth Rate: -89.44%
Updated: December 26 2022
huggingface.co

Total runs: 2.9K
Run Growth: 88
Growth Rate: 3.08%
Updated: October 12 2023
huggingface.co

Total runs: 2.8K
Run Growth: 1.1K
Growth Rate: 39.10%
Updated: August 15 2024
huggingface.co

Total runs: 2.4K
Run Growth: 746
Growth Rate: 31.44%
Updated: February 07 2024
huggingface.co

Total runs: 2.3K
Run Growth: -11.8K
Growth Rate: -272.27%
Updated: October 23 2024
huggingface.co

Total runs: 1.8K
Run Growth: 340
Growth Rate: 19.23%
Updated: September 18 2023
huggingface.co

Total runs: 1.6K
Run Growth: -412
Growth Rate: -25.93%
Updated: November 28 2024
huggingface.co

Total runs: 1.4K
Run Growth: -3.5K
Growth Rate: -136.57%
Updated: October 23 2024
huggingface.co

Total runs: 1.3K
Run Growth: -3.0K
Growth Rate: -174.67%
Updated: October 24 2024
huggingface.co

Total runs: 1.0K
Run Growth: 856
Growth Rate: 84.00%
Updated: April 02 2024
huggingface.co

Total runs: 718
Run Growth: -8.0K
Growth Rate: -1113.23%
Updated: March 07 2024
huggingface.co

Total runs: 716
Run Growth: 301
Growth Rate: 42.04%
Updated: October 27 2023
huggingface.co

Total runs: 672
Run Growth: 0
Growth Rate: 0.00%
Updated: January 15 2025
huggingface.co

Total runs: 652
Run Growth: -37
Growth Rate: -5.67%
Updated: June 07 2024
huggingface.co

Total runs: 450
Run Growth: 0
Growth Rate: 0.00%
Updated: January 14 2025
huggingface.co

Total runs: 301
Run Growth: 298
Growth Rate: 99.00%
Updated: April 18 2023
huggingface.co

Total runs: 150
Run Growth: -147
Growth Rate: -98.00%
Updated: August 15 2024
huggingface.co

Total runs: 116
Run Growth: 58
Growth Rate: 50.00%
Updated: August 23 2023
huggingface.co

Total runs: 114
Run Growth: -62
Growth Rate: -56.88%
Updated: April 19 2024
huggingface.co

Total runs: 114
Run Growth: 0
Growth Rate: 0.00%
Updated: January 20 2025
huggingface.co

Total runs: 109
Run Growth: -27
Growth Rate: -24.77%
Updated: June 24 2024
huggingface.co

Total runs: 96
Run Growth: 9
Growth Rate: 9.38%
Updated: December 21 2023
huggingface.co

Total runs: 74
Run Growth: 35
Growth Rate: 47.30%
Updated: August 23 2023
huggingface.co

Total runs: 62
Run Growth: -196
Growth Rate: -316.13%
Updated: June 21 2024
huggingface.co

Total runs: 44
Run Growth: -51
Growth Rate: -115.91%
Updated: December 21 2023
huggingface.co

Total runs: 35
Run Growth: -234
Growth Rate: -668.57%
Updated: June 24 2024
huggingface.co

Total runs: 32
Run Growth: -62
Growth Rate: -193.75%
Updated: August 15 2024
huggingface.co

Total runs: 31
Run Growth: -9.1K
Growth Rate: -29351.61%
Updated: February 07 2024
huggingface.co

Total runs: 29
Run Growth: -33
Growth Rate: -113.79%
Updated: August 15 2024
huggingface.co

Total runs: 27
Run Growth: 17
Growth Rate: 62.96%
Updated: July 24 2023
huggingface.co

Total runs: 27
Run Growth: 0
Growth Rate: 0.00%
Updated: January 01 2025
huggingface.co

Total runs: 21
Run Growth: -24
Growth Rate: -114.29%
Updated: August 28 2024
huggingface.co

Total runs: 21
Run Growth: -49
Growth Rate: -233.33%
Updated: December 31 2022
huggingface.co

Total runs: 18
Run Growth: -104
Growth Rate: -577.78%
Updated: May 13 2024
huggingface.co

Total runs: 17
Run Growth: -19
Growth Rate: -111.76%
Updated: July 02 2024